diff --git a/CITATION.cff b/CITATION.cff
index 12dcb16..342fc11 100644
--- a/CITATION.cff
+++ b/CITATION.cff
@@ -5,11 +5,13 @@ authors:
orcid: 0000-0003-0142-8597
- name: Ronan Docherty
orcid: 0000-0002-7332-0924
+ - name: Steve Kench
+ orcid: 0000-0002-7263-6724
- name: Samuel J. Cooper
orcid: 0000-0003-4055-6903
-title: "Predicting Microstructural Representativity from a Single Image"
+title: "Prediction of Microstructural Representativity from a Single Image"
doi: ARXIV_DOI
-url: "https://github.com/tldr-group/Representativity"
+url: "https://github.com/tldr-group/ImageRep"
preferred-citation:
type: article
authors:
@@ -17,10 +19,12 @@ preferred-citation:
orcid: 0000-0003-0142-8597
- name: Ronan Docherty
orcid: 0000-0002-7332-0924
+ - name: Steve Kench
+ orcid: 0000-0002-7263-6724
- name: Samuel J. Cooper
orcid: 0000-0003-4055-6903
doi: ARXIV_DOI
journal: "arXiV preprint"
month: 8
- title: "Predicting Microstructural Representativity from a Single Image"
+ title: "Prediction of Microstructural Representativity from a Single Image"
year: 2024
\ No newline at end of file
diff --git a/README.md b/README.md
index 8d63107..85b4c6e 100644
--- a/README.md
+++ b/README.md
@@ -1,30 +1,24 @@
-# Representativity
-
-![Tests](https://github.com/tldr-group/Representativity/actions/workflows/tests.yml/badge.svg)
+# ImageRep
[Try it out!](https://www.imagerep.io/)
-You take a micrograph of a material. You segment it, and measure the phase fractions. How sure are you that the phase fraction of the whole material is close to your measurements?
-Here we define 'representativity' as [1]
-> A microstructure is $(c, d)$-property representative if the measured value of the microstructural property deviates by no more than $d\%$ from the bulk material property, with at least $c\%$ confidence. For example, if $(c,d)=(95,3)$, and the property is phase-fraction, this means we can be $95\%$ confident that the measured phase-fraction is within $3\%$ of the bulk material phase-fraction.
-
-We introduce the 'ImageRep' model for performing fast phase-fraction representativity estimation from a single microstructural image. This is achieved by estimating the Two-Point Correlation (TPC) function of the image via the FFT. From the TPC the 'Integral Range' can be directly determined - the Integral Range has previously been determined using (slow) statistical methods. We then represent the image as binary squares of length 'Integral Range' which are samples from a Bernoulli distribution with a probability determined by the measured phase fraction. From this we can establish the uncertainty in the phase fraction in the image to a given confidence, **and** the image size that would be needed to meet a given target uncertainty.
+Here we introduce the 'ImageRep' method for fast phase fraction representativity estimation from a single microstructural image. This is achieved by calculating the Two-Point Correlation (TPC) function of the image, combined with a data-driven analysis of the [MicroLib](https://microlib.io/) dataset. By applying a statistical framework that utilizes both data sources, we can establish the uncertainty in the phase fraction in the image with a given confidence, **and** the image size that would be needed to meet a given target uncertainty. Further details are provided in our [paper](CITATION.cff).
-If you use this model in your research, [please cite us](CITATION.cff).
+If you use this ImageRep in your research, [please cite us](CITATION.cff).
## Usage:
-This model can be used as python package - see [`example.ipynb`](example.ipynb) or via the [website (imagerep.io)](https://www.imagerep.io/).
+This method can be used via the [website (imagerep.io)](https://www.imagerep.io/) or as python package - see [`example.ipynb`](example.ipynb).
-NB: the website may run out of memory for large volumes (>1000x1000x1000) - if this happens run the model locally or contact us
+NB: the website may run out of memory for large volumes (>1000x1000x1000) - if this happens run the method locally or contact us
## Limitations:
- **This is not the only source of uncertainty!** Other sources *i.e,* segmentation uncertainty, also contribute and may be larger
-- For multi-phase materials, this model estimates the uncertainty in phase-fraction of a single (chosen) phase, counting all the others as a single phase (*i.e,* a binary microstructure)
+- For multi-phase materials, this method estimates the uncertainty in phase-fraction of a single (chosen) phase, counting all the others as a single phase (*i.e,* a binary microstructure)
- Not validated for for images smaller than 200x200 or 200x200x200
- Not validated for large integral ranges/features sizes (>70 px)
- Not designed for periodic structures
@@ -32,7 +26,7 @@ NB: the website may run out of memory for large volumes (>1000x1000x1000) - if t
## Local Installation Instructions
-These instructions are for installing and running the model locally. They assume a UNIX enviroment (mac or linux), but adapting for Windows is straightforward. Note you will need 2 terminals, one for the frontend local server and one for the backend local server.
+These instructions are for installing and running the method locally. They assume a UNIX enviroment (mac or linux), but adapting for Windows is straightforward. Note you will need 2 terminals, one for the frontend local server and one for the backend local server.
### Preliminaries
@@ -51,7 +45,7 @@ git clone https://github.com/tldr-group/Representativity && cd Representativity
pip install -e .
```
-**NOTE: this is all you need to do if you wish to use the model via the python package.** To run the website locally, follow the rest of the instructions.
+**NOTE: this is all you need to do if you wish to use the method via the python package.** To run the website locally, follow the rest of the instructions.
2. With your virtual environment activated, and inside the `representativity/` directory, run
@@ -86,6 +80,8 @@ yarn && yarn start
## Testing Instructions
+![Tests](https://github.com/tldr-group/Representativity/actions/workflows/tests.yml/badge.svg)
+
1. Run (with your virtual enviroment activated!)
```
diff --git a/frontend/src/App.tsx b/frontend/src/App.tsx
index ccc87d5..8a33e22 100644
--- a/frontend/src/App.tsx
+++ b/frontend/src/App.tsx
@@ -8,13 +8,13 @@ import NormalSlider from "./components/NormalSlider";
import { Menu } from "./components/Menu";
import { ErrorMessage, CLSModal, MoreInfo } from "./components/Popups"
-import { loadFromTIFF, loadFromImage } from "./components/imageLogic";
+import { loadFromTIFF, loadFromImage, getPhaseFraction } from "./components/imageLogic";
import "./assets/scss/App.scss";
import 'bootstrap/dist/css/bootstrap.min.css';
-const PATH = "http://127.0.0.1:5000";
-//const PATH = "https://samba-segment.azurewebsites.net";
+//const PATH = "http://127.0.0.1:5000";
+const PATH = "https://samba-segment.azurewebsites.net";
//const PATH = "http://localhost:7071/api";
//const PATH = "https://representative.azurewebsites.net/api"
const PF_ENDPOINT = PATH + "/phasefraction"
@@ -147,7 +147,13 @@ const App = () => {
})
const vals = imageInfo?.phaseVals!
- const phaseFrac = accurateFractions![vals[selectedPhase - 1]]
+ const phaseFrac = (accurateFractions != null) ?
+ accurateFractions[vals[selectedPhase - 1]]
+ : getPhaseFraction(
+ imageInfo?.previewData.data!,
+ vals[selectedPhase - 1]
+ );
+
setPfB([phaseFrac - absErr, phaseFrac + absErr])
if (obj["cls"] > IR_LIMIT_PX) { setShowWarning("cls") }
diff --git a/frontend/src/assets/default.tiff b/frontend/src/assets/default_2D.tiff
similarity index 100%
rename from frontend/src/assets/default.tiff
rename to frontend/src/assets/default_2D.tiff
diff --git a/frontend/src/assets/default_3D.tiff b/frontend/src/assets/default_3D.tiff
new file mode 100644
index 0000000..efb2a2d
Binary files /dev/null and b/frontend/src/assets/default_3D.tiff differ
diff --git a/frontend/src/components/DragDrop.tsx b/frontend/src/components/DragDrop.tsx
index dcaa585..62a6856 100644
--- a/frontend/src/components/DragDrop.tsx
+++ b/frontend/src/components/DragDrop.tsx
@@ -1,7 +1,8 @@
import React, { useContext, useEffect, useRef, useState } from "react";
import { DragDropProps } from "./interfaces";
-const DEFAULT_IMAGE = "../assets/default.tiff";
+const DEFAULT_IMAGE_2D = "../assets/default_2D.tiff";
+const DEFAULT_IMAGE_3D = "../assets/default_3D.tiff";
export const dragDropStyle = {
height: '75vh', width: '75vw',
@@ -27,8 +28,8 @@ const DragDrop = ({ loadFromFile }: DragDropProps): JSX.Element => {
};
};
- const viewExample = async () => {
- const url = new URL(DEFAULT_IMAGE, location.origin);
+ const viewExample = async (path: string) => {
+ const url = new URL(path, location.origin);
console.log(url)
const resp = await fetch(url);
const data = await resp.blob();
@@ -43,7 +44,7 @@ const DragDrop = ({ loadFromFile }: DragDropProps): JSX.Element => {
onDragOver={handleDrag}
onDrop={handeDrop}
>
- {(!isMobile) && Drag microstructure file or view example! }
+ {(!isMobile) && Drag microstructure file, or view example viewExample(DEFAULT_IMAGE_2D)}>in 2D or viewExample(DEFAULT_IMAGE_3D)}> 3D }
);
}
diff --git a/frontend/src/components/Menu.tsx b/frontend/src/components/Menu.tsx
index 4d9c64e..e1a2979 100644
--- a/frontend/src/components/Menu.tsx
+++ b/frontend/src/components/Menu.tsx
@@ -191,12 +191,24 @@ const Result = () => {
const lResultRef = useRef(null);
const vals = imageInfo?.phaseVals!
- const phaseFrac = (accurateFractions != null) ?
- accurateFractions[vals[selectedPhase - 1]]
- : getPhaseFraction(
- imageInfo?.previewData.data!,
- vals[selectedPhase - 1]
- );
+
+ const getPhaseFracs = () => {
+ const accurateAvailable = accurateFractions != null
+ const coarseAvailable = (imageInfo != null) && (imageInfo.previewData.data != null)
+
+ if (accurateAvailable) {
+ return accurateFractions[vals[selectedPhase - 1]]
+ } else if (coarseAvailable) {
+ return getPhaseFraction(
+ imageInfo?.previewData.data!,
+ vals[selectedPhase - 1]
+ );
+ } else {
+ return 0
+ }
+ }
+
+ const phaseFrac = getPhaseFracs();
const l = analysisInfo?.lForDefaultErr;
@@ -257,6 +269,8 @@ const Result = () => {
const vol = (ii?.nDims! == 3) ? (ii?.height! * ii?.width! * ii?.width!) : (ii?.height! * ii?.width!)
const nMore = (Math.ceil(Math.pow(l!, imageInfo?.nDims!) / vol)) - 1
+ const modalTitle = `Results for "${imageInfo?.file?.name}"`
+
const title = "Phase Fraction Estimation of the Material"
const smallResults = (
@@ -313,7 +327,7 @@ const Result = () => {
const largeResults = (<>
- Results!
+ {modalTitle}
diff --git a/frontend/src/components/Popups.tsx b/frontend/src/components/Popups.tsx
index ada3136..43b8cd9 100644
--- a/frontend/src/components/Popups.tsx
+++ b/frontend/src/components/Popups.tsx
@@ -71,7 +71,7 @@ export const CLSModal = () => {
}
}
- const txt = (showWarning == "over") ? 'Success!' : "Warning!"
+ const txt = (showWarning == "over") ? 'Good news!' : "Warning!"
const bg = (showWarning == "over") ? '#6ac40a' : '#fcba03'
return (
@@ -95,12 +95,14 @@ export const MoreInfo = () => {
imageInfo: [imageInfo,],
analysisInfo: [analysisInfo,],
showInfo: [showInfo, setShowInfo],
- menuState: [, setMenuState]
+ menuState: [menuState, setMenuState]
} = useContext(AppContext)!;
const handleClose = () => {
setShowInfo(false);
- setMenuState('conf_result');
+ if (menuState == "conf_result_full") {
+ setMenuState('conf_result');
+ }
};
return (
diff --git a/frontend/src/components/Topbar.tsx b/frontend/src/components/Topbar.tsx
index c527f38..5ad9bae 100644
--- a/frontend/src/components/Topbar.tsx
+++ b/frontend/src/components/Topbar.tsx
@@ -1,4 +1,5 @@
import React, { useContext, useEffect, useRef, useState } from "react";
+import AppContext from "./interfaces";
import Container from 'react-bootstrap/Container';
import Nav from 'react-bootstrap/Nav';
@@ -6,6 +7,10 @@ import Navbar from 'react-bootstrap/Navbar';
import { TopbarProps } from "./interfaces";
const Topbar = ({ loadFromFile, reset, changePhase }: TopbarProps) => {
+
+ const {
+ showInfo: [showInfo, setShowInfo],
+ } = useContext(AppContext)!;
const fileInputRef = useRef(null);
const addData = () => {
@@ -24,12 +29,13 @@ const Topbar = ({ loadFromFile, reset, changePhase }: TopbarProps) => {
return (
-
+
{/*path for these assets need to be relative to index.html in assets/*/}
- ImageRep
+ ImageRep
+ setShowInfo(true)}>Model Info
Add Data
Change Phase
{ return i % nChannels == 0 })
const matching = uniqueVals.filter((v) => v == val);
- return (100 * matching.length) / (arr.length / nChannels);
+ return (matching.length) / (arr.length / nChannels);
}
export const loadFromTIFF = (tiffBuffer: ArrayBuffer): ImageLoadInfo => {
diff --git a/paper_figures/SI_figures/porespy_ims.py b/paper_figures/SI_figures/porespy_ims.py
new file mode 100644
index 0000000..41fdf3c
--- /dev/null
+++ b/paper_figures/SI_figures/porespy_ims.py
@@ -0,0 +1,58 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import random
+from itertools import product
+import porespy as ps
+from representativity.validation import validation
+
+
+if __name__ == '__main__':
+ num_generators = 50
+ num_images = 5
+ generators_chosen = np.random.choice(num_generators, num_images, replace=False)
+ images = []
+ large_img_size = np.array([1000, 1000])
+ img_size = np.array([200, 200])
+ alpha = 1
+ ps_generators = validation.get_ps_generators()
+ rand_iter = 0
+ for generator, params in ps_generators.items():
+ for value_comb in product(*params.values()):
+ if rand_iter in generators_chosen:
+ args = {key: value for key, value in zip(params.keys(), value_comb)}
+ args = validation.factors_to_params(args, im_shape=large_img_size)
+ image = validation.get_large_im_stack(generator, large_img_size, 1, args)
+ image = image[0]
+ image = image[:img_size[0], :img_size[1]]
+ images.append(image)
+ rand_iter += 1
+ random.shuffle(images)
+
+ layers = num_images # How many images should be stacked.
+ x_offset, y_offset = img_size[0]-25, 30 # Number of pixels to offset each image.
+
+ new_shape = ((layers - 1)*y_offset + images[0].shape[0],
+ (layers - 1)*x_offset + images[0].shape[1]
+ ) # the last number, i.e. 4, refers to the 4 different channels, being RGB + alpha
+
+ stacked = np.zeros(new_shape)
+
+
+ for layer in range(layers):
+ cur_im = images[layer]
+ stacked[layer*y_offset:layer*y_offset + cur_im.shape[0],
+ layer*x_offset:layer*x_offset + cur_im.shape[1]
+ ] += cur_im
+ stacked = 1 - stacked
+
+
+
+ # Create the PoreSpy images:
+ ax_porespy_im = fig.add_subplot(gs[0, 0])
+ ax_porespy_im.imshow(stacked, vmin=0, vmax=1, cmap='gray', interpolation='nearest')
+ ax_porespy_im.set_title('(a)')
+ ax_porespy_im.axis('off')
+
+ pos1 = ax_porespy_im.get_position() # get the original position
+ pos2 = [pos1.x0 - 0.15, pos1.y0+0, pos1.width+0.1, pos1.height+0.1]
+ ax_porespy_im.set_position(pos2)
diff --git a/paper_figures/SI_figures/validation_tables.py b/paper_figures/SI_figures/validation_tables.py
new file mode 100644
index 0000000..9030255
--- /dev/null
+++ b/paper_figures/SI_figures/validation_tables.py
@@ -0,0 +1,140 @@
+import json
+import numpy as np
+import matplotlib.pyplot as plt
+from functools import reduce
+from matplotlib.gridspec import GridSpec
+from matplotlib.font_manager import FontProperties
+
+def get_in_bounds_results(dims, name="porespy"):
+ # Load the data
+ validation_data_dir = 'representativity/validation/validation_w_real.json'
+ with open(validation_data_dir, "r") as file:
+ validation_data = json.load(file)
+ # Get the in-bounds results
+ in_bound_results = {}
+ for dim in dims:
+ dim_results = {
+ "one_im": [], "model_with_gmm": [], "model_wo_gmm": []}
+ for gen_name in validation_data[f"validation_{dim}"].keys():
+ # if there are more generators, they need to be added here:
+ if name == "porespy":
+ if not gen_name.startswith("blob") and not gen_name.startswith("frac"):
+ continue
+ else:
+ if dim == "2D":
+ if not gen_name.startswith("anode"):
+ continue
+ else:
+ if name == 'Targray': # 3D
+ if not gen_name.startswith("separator_Targray"):
+ continue
+ else:
+ if not gen_name.startswith("separator_PP1615"):
+ continue
+ gen_data = validation_data[f"validation_{dim}"][gen_name]
+ for run in gen_data.keys():
+ if not run.startswith("run"):
+ continue
+ run_data = gen_data[run]
+ dim_results["one_im"].append(run_data["in_bounds_one_im"])
+ dim_results["model_with_gmm"].append(run_data["model_in_bounds"])
+ dim_results["model_wo_gmm"].append(run_data["model_wo_gmm_in_bounds"])
+ n_trials = len(dim_results["one_im"])
+ for res in dim_results.keys():
+ dim_results[res] = np.array([n_trials, np.array(dim_results[res]).sum()])
+ in_bound_results[dim] = dim_results
+ return in_bound_results
+
+def make_data(dim_res, order):
+ data = []
+ for key in order:
+ num_trials, num_in_bounds = dim_res[key]
+ row = [
+ f"{num_in_bounds}/{num_trials} = {num_in_bounds/num_trials*100:.2f}%",
+ "95%",
+ f"{np.abs(0.95-num_in_bounds/num_trials)*100:.2f}%"
+ ]
+ data.append(row)
+ return data
+
+def bold_min_value(table_data, table1, start_idx = 0):
+
+ absolute_errors = np.array([float(table_data[i][2][:-1]) for i in range(start_idx, start_idx+3)])
+ min_indices = np.where(absolute_errors==absolute_errors.min())[0]
+ for min_idx in min_indices:
+ imagerep_2d_cell_right = table1[(start_idx+min_idx+1, 2)]
+ imagerep_2d_cell_right.set_text_props(fontproperties=FontProperties(weight='bold'))
+ imagerep_2d_cell_left = table1[(start_idx+min_idx+1, -1)]
+ imagerep_2d_cell_left.set_text_props(fontproperties=FontProperties(weight='bold'))
+ # imagerep_2d_cell.set_facecolor('lightgreen')
+
+def make_table(dims, ax_table, in_bounds_res, title):
+
+ order = ["one_im", "model_wo_gmm", "model_with_gmm"]
+ dim_data = [make_data(in_bounds_res[dim], order) for dim in dims]
+ table_data = reduce(lambda x, y: x + y, dim_data)
+ # plt.figtext(0.415, 0.485, '(b)', ha='center', va='bottom', fontsize=12)
+ ax_table.axis('off')
+ colWidths = np.array([0.31, 0.14, 0.14])
+ colWidths /= colWidths.sum()
+ column_labels = ["Material's true phase fraction in the predicted bounds", "Confidence goal", "Absolute error"]
+
+ general_row_labels = ["Classical subdivision method", "ImageRep only std", "ImageRep"]
+ dim_row_labels = [[f"{general_row_labels[i]} ({dim})" for i in range(len(general_row_labels))] for dim in dims]
+ row_labels = reduce(lambda x, y: x + y, dim_row_labels)
+
+ table1 = ax_table.table(cellText=table_data, colLabels=column_labels, rowLabels=row_labels, loc='center', colWidths=colWidths)
+ for key, cell in table1.get_celld().items():
+ cell.set_text_props(ha='center', va='center')
+
+ title_len_addition = len(title) * 0.003
+ y_pos = 0.905 if len(dims) == 1 else 0.885
+ ax_table.text(-0.11-title_len_addition, y_pos, title, ha='left', va='top', transform=ax_table.transAxes)
+ # Find minimum error and highlight the corresponding cell in bold:
+ bold_min_value(table_data, table1)
+ if len(dims) > 1:
+ bold_min_value(table_data, table1, start_idx=3)
+
+def join_all_data(all_data):
+ dims = ["2D", "3D"]
+ res = {dim: {key: np.array([0, 0]) for key in all_data[0]["2D"].keys()} for dim in dims}
+ for dim in dims:
+ # add the reults of the dimension together:
+ for i in range(len(all_data)):
+ if dim in all_data[i]:
+ for key in all_data[i][dim].keys():
+ res[dim][key] += all_data[i][dim][key]
+ return res
+
+if __name__ == '__main__':
+ dims = ["2D", "3D"]
+
+ # make a fig with 2 subplots, one for each table:
+ # Create a figure with 2 subplots
+ col_width = 16
+ fig = plt.figure(figsize=(col_width, col_width/2.1))
+ gs = GridSpec(5, 1, height_ratios=[2, 1, 1, 1, 2])
+
+ subplot_args = (
+ [["2D", "3D"], "porespy", 'PoreSpy simulated materials'],
+ [["2D"], "anode", 'Solid Oxide Fuel Cell anode'],
+ [["3D"], "Targray", 'Targray separator'],
+ [["3D"], "PP1615", 'PP1615 separator']
+ )
+
+ all_data = []
+ for i, (dims, name, title) in enumerate(subplot_args):
+ in_bounds_res = get_in_bounds_results(dims=dims, name=name)
+ all_data.append(in_bounds_res)
+ make_table(dims, fig.add_subplot(gs[i]), in_bounds_res, title=title)
+
+ # Join all the data together:
+ all_data = join_all_data(all_data)
+ make_table(["2D", "3D"], fig.add_subplot(gs[4]), all_data, title="All materials")
+
+ # Adjust layout
+ plt.tight_layout()
+
+ # Save the figure, with high dpi
+ plt.savefig("paper_figures/output/SI_validation_tables.pdf", format='pdf', dpi=300)
+
diff --git a/paper_figures/fig2.py b/paper_figures/fig2.py
deleted file mode 100644
index 7038b82..0000000
--- a/paper_figures/fig2.py
+++ /dev/null
@@ -1,182 +0,0 @@
-import os
-import matplotlib.pyplot as plt
-import tifffile
-import json
-import numpy as np
-
-# import kneed
-from scipy.optimize import curve_fit
-from scipy import stats
-import torch
-from representativity import core, util
-from representativity.correction_fitting import microlib_statistics
-from mpl_toolkits.axes_grid1 import make_axes_locatable
-from scipy.ndimage import zoom
-
-# with open("data_gen2.json", "r") as fp:
-# data = json.load(fp)["generated_data"]
-
-# l=len(list(data.keys()))
-# l=3
-c = [(0, 0, 0), (0.5, 0.5, 0.5)]
-# plotting = [f'microstructure{f}' for f in [235, 209,205,177]]
-plotting_nums = [235, 228, 205, 177]
-plotting_ims = [f"microstructure{f}" for f in plotting_nums]
-
-# plotting = [k for k in data.keys()]
-l = len(plotting_ims)
-fig, axs = plt.subplots(l, 3)
-fig.set_size_inches(12, l * 3.5)
-preds = [[], []]
-irs = [[], []]
-colors = {"pred": "tab:orange", "true": "tab:green"}
-
-all_data, micros, netG, v_names, run_v_names = microlib_statistics.json_preprocessing()
-lens_for_fit = list(
- range(500, 1000, 20)
-) # lengths of images for fitting L_characteristic
-plotting_ims = [micro for micro in micros if micro.split("/")[-1] in plotting_ims]
-# run the statistical analysis on the microlib dataset
-for i, p in enumerate(plotting_ims):
-
- try:
- netG.load_state_dict(torch.load(p + "_Gen.pt"))
- except: # if the image is greayscale it's excepting because there's only 1 channel
- continue
- imsize = 1600
- lf = imsize // 32 + 2 # the size of G's input
- many_images = util.generate_image(netG, lf=lf, threed=False, reps=150)
- many_images = many_images.detach().cpu().numpy()
- pf = many_images.mean()
- small_imsize = 400
- img = many_images[0][:small_imsize, :small_imsize]
-
- csets = [["black", "black"], ["gray", "gray"]]
- conf = 0.95
- errs = util.real_image_stats(many_images, lens_for_fit, pf, conf=conf)
- sizes_for_fit = [[lf, lf] for lf in lens_for_fit]
- real_cls = core.fit_statisical_cls_from_errors(errs, sizes_for_fit, pf) # type: ignore
- stds = errs / stats.norm.interval(conf)[1] * pf / 100
- std_fit = (real_cls**2 / (np.array(lens_for_fit) ** 2) * pf * (1 - pf)) ** 0.5
- # print(stds)
- vars = stds**2
- # from variations to L_characteristic using image size and phase fraction
- clss = (np.array(lens_for_fit) ** 2 * vars / pf / (1 - pf)) ** 0.5
- print(clss)
-
- # axs_twin = axs[i, 1].twinx()
- axs[i, 1].scatter(
- lens_for_fit, stds, color='black', s=8, label=f"Standard deviations"
- )
- axs[i, 1].plot(
- lens_for_fit, std_fit, color=colors["true"], label=f"Best fit using the characteristic\nlength scale: {np.round(real_cls, 2)}"
- )
- # axs[i, 1].tick_params(axis="y", labelcolor=colors["stds"])
- axs[i, 1].set_ylim(0, 0.025)
- axs[i, 1].legend(loc='upper right')
-
- center = 40
- dims = len(img.shape)
- # print(f'starting tpc radial')
- tpc = core.radial_tpc(img, volumetric=False)
- center_im = small_imsize // 2
- tpc_im = tpc[center_im-center:center_im+center, center_im-center:center_im+center]
-
- img_pf = img.mean()
- cls = core.tpc_to_cls(tpc, img)
-
- contour = axs[i, 2].contourf(tpc_im, cmap="plasma", levels=200)
- for c in contour.collections:
- c.set_edgecolor("face")
- circle_real = plt.Circle((center, center), real_cls, fill=False, color=colors["true"], label=f"True Char. l. s. radius: {np.round(real_cls, 2)}")
- circle_pred = plt.Circle((center, center), cls, fill=False, color=colors["pred"], label=f"Predicted Char. l. s. radius: {np.round(cls, 2)}")
-
- axs[i, 2].add_artist(circle_real)
- axs[i, 2].add_artist(circle_pred)
- x_ticks = axs[i, 2].get_xticks()[1:-1]
- axs[i, 2].set_xticks(x_ticks, np.int64(np.array(x_ticks) - center))
- axs[i, 2].set_yticks(x_ticks, np.int64(np.array(x_ticks) - center))
- divider = make_axes_locatable(axs[i, 2])
- cax = divider.append_axes("right", size="5%", pad=0.05)
-
- cbar = fig.colorbar(contour, cax=cax, orientation="vertical")
- # cbar_ticks = cbar.ax.get_yticks()
- cbar_ticks = np.linspace(img_pf, img_pf**2, 6)
- cbar.ax.set_yticks(cbar_ticks, [r'$\Phi(\omega)$']+list(np.round(cbar_ticks[1:-1],2))+[r'$\Phi(\omega)^2$'])
- cbar.set_label(f'Two-point correlation function')
- fakexy = [0, 0]
- circle_pred = plt.Line2D(fakexy, fakexy, linestyle='none', marker='o', fillstyle='none', color=colors["pred"], alpha=1.00)
- circle_real = plt.Line2D(fakexy, fakexy, linestyle='none', marker='o', fillstyle='none', color=colors["true"], alpha=1.00)
- axs[i, 2].legend([circle_real, circle_pred], [f"True Char. l. s.: {np.round(real_cls, 2)}", f"Predicted Char. l. s. from \nimage on the left column: {np.round(cls, 2)}"], loc='upper right')
- axs[i, 2].set_xlabel('Two-point correlation distance')
- axs[i, 2].set_ylabel('Two-point correlation distance')
-
- axs[i,1].set_xlabel('Image size')
- xticks_middle = axs[i,1].get_xticks()[1:-1]
- axs[i,1].set_xticks(xticks_middle, [f'{int(xtick)}$^2$' for xtick in xticks_middle])
- axs[i,1].set_ylabel(r'Phase fraction standard deviation')
- # axs[i,2].set_ylabel('TPC distance')
- # axs[i,2].set_xlabel('TPC distance')
- # img = img*255
- imshow_size = 512
- img = img[:imshow_size, :imshow_size]
- #
- si_size, nirs = imshow_size//2, 5
-
- sicrop = int(real_cls*nirs)
- zoom_mag = si_size/sicrop
- print(real_cls, sicrop)
- subim = img[-sicrop:,-sicrop:]
- subim = zoom(subim, zoom=(zoom_mag,zoom_mag), order=0)
- subim = np.stack([subim]*3, axis=-1)
-
- boundary_len = 5
- subim[:boundary_len,:,:] = 0.5
- subim[:,:boundary_len,:] = 0.5
- # subim[5:20, 5:50, :]
- subim[10:10+boundary_len, 10:10+si_size//nirs, :] = 0
- subim[10:10+boundary_len, 10:10+si_size//nirs, 1:-1] = 0.5
-
- img = np.stack([img]*3, axis=-1)
- img[-si_size:,-si_size:] = subim
-
- # img = np.stack([zoom(img[:,:,i], zoom=4, order=0) for i in range(np.shape(img)[-1])], axis=-1)
- axs[i, 0].imshow(img, cmap="gray", interpolation='nearest')
- axs[i, 0].set_xticks([])
- axs[i, 0].set_yticks([])
- axs[i, 0].set_ylabel(f'Microstructure {plotting_nums[i]}')
- axs[i, 0].set_xlabel(f' $\Phi(\omega)$: '+ '%.2f' % img_pf + f' Inset mag: x{np.round(si_size/sicrop, 2)}')
-
-
-
-plt.tight_layout()
-plt.savefig("fig2.pdf", format="pdf")
-
-# fig, axs = plt.subplots(1,2)
-# fig.set_size_inches(10,5)
-# for i in range(2):
-# ax = axs[i]
-# y=np.array(preds[i])
-# targ = np.array(irs[i])
-# ax.plot(np.arange(60), np.arange(60), c='g')
-# ax.scatter(targ, y, s=5, c='b')
-# coefs_poly3d, _ = curve_fit(util.linear_fit, y, targ)
-# y_data = util.linear_fit(np.arange(60),*coefs_poly3d)
-# ax.plot(y_data, np.arange(60), c='r')
-# y_data = util.linear_fit(y,*coefs_poly3d)
-
-# ax.set_aspect(1)
-# ax.set_xlabel('ir from model')
-# label = 'True ir' if i==0 else 'SA ir'
-# ax.set_ylabel(label)
-# ax.set_xlim(0,60)
-# ax.set_ylim(0,60)
-# res = np.mean(abs(y-targ)/targ)*100
-# err = abs(y_data-targ)/targ
-# res2 = np.mean(err)*100
-# idx = np.argpartition(err, -3)[-3:]
-# for j in idx:
-# print(list(data.keys())[j])
-# # res = 100*(np.mean((y-targ)**2/targ))**0.5
-
-# print(res,res2)
diff --git a/paper_figures/fig4.py b/paper_figures/fig4.py
deleted file mode 100644
index 065b3e6..0000000
--- a/paper_figures/fig4.py
+++ /dev/null
@@ -1,43 +0,0 @@
-from util import *
-import numpy as np
-import matplotlib.pyplot as plt
-import tifffile
-import os
-
-twod=True
-errs_tpc = []
-errs_stat = []
-imgsizes = []
-for pths, c in zip(['Graphite/Calendering','NMC/Calendering'], ['g', 'b']):
- d = os.listdir(pths)
- for i, d in enumerate(d):
- img = tifffile.imread(f'{pths}/{d}')
- shape = np.array(img.shape)
- mindim = np.argmin(shape)
- img = np.swapaxes(img, mindim, 0)
- print(img.shape)
- for ph in np.unique(img):
- imph = np.zeros_like(img)
- imph[img==ph]=1
- vf = np.mean(imph)
- err, n, tpc = make_error_prediction(imph[0], correction=True, model_error=True, mxtpc=50)
- errs_tpc.append(err*100)
- vfs = np.mean(imph, axis=(1,2))
- std = np.std(vfs)
- errs_stat.append(100*((1.96*std)/vf))
- imgsizes.append(np.array(imph.shape))
-
-i1, i2 =10, 34
-cs = np.array([np.prod(i) for i in imgsizes])
-fig, ax = plt.subplots(1)
-# ax.scatter(errs_stat[:4], errs_tpc[:4], label='Graphite')
-# ax.scatter(errs_stat[7:11],errs_tpc[7:11], label='NMC')
-ax.scatter(errs_stat[:40], errs_tpc[:40], label='Graphite')
-ax.scatter(errs_stat[40:50],errs_tpc[40:50], label='NMC')
-ax.set_xlabel('Error from statistical analysis')
-ax.set_ylabel('Error from tpc analysis')
-ax.set_title(f'Electrode error predictions')
-ax.set_aspect(1)
-ax.plot(np.arange(50), np.arange(50), c='black')
-ax.legend()
-plt.savefig('fig4.pdf')
diff --git a/paper_figures/fig_model_error.py b/paper_figures/fig_model_error.py
index af9b743..c30bc38 100644
--- a/paper_figures/fig_model_error.py
+++ b/paper_figures/fig_model_error.py
@@ -209,4 +209,4 @@ def scatter_plot(ax, res, xlabel, ylabel):
[ax.set_title(titles_2nd_row[i]) for i, ax in enumerate(axs[1])]
plt.tight_layout()
-fig.savefig("fig_model_error.pdf", format="pdf")
+fig.savefig("paper_figures/output/fig_model_error.pdf", format="pdf", dpi=300)
diff --git a/paper_figures/introduction.py b/paper_figures/introduction.py
new file mode 100644
index 0000000..d0b5ea7
--- /dev/null
+++ b/paper_figures/introduction.py
@@ -0,0 +1,373 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import tifffile
+import random
+from matplotlib.gridspec import GridSpec
+from scipy.stats import norm
+import matplotlib.patches as patches
+from paper_figures.pred_vs_true_cls import create_tpc_plot
+from representativity import core
+from paper_figures.model_accuracy import get_prediction_interval_stats
+from scipy.stats import norm
+import matplotlib.mlab as mlab
+import matplotlib.lines as mlines
+import tifffile
+
+
+COLOR_INSET = "darkorange"
+COLOR_PHI = "blue"
+COLOR_IN = "green"
+COLOR_OUT = "red"
+LINE_W = 1.5
+
+# Plot the data
+if __name__ == '__main__':
+
+ dims = ["2D", "3D"]
+
+ col_width = 19
+ fig = plt.figure(figsize=(col_width, col_width/1.9))
+ gs = GridSpec(2, 4)
+ # Have some space between the subplots:
+ wspace, hspace = 0.24, 0.48
+ gs.update(wspace=wspace, hspace=hspace)
+
+
+ # Create the SOFC anode image, with an inset:
+ sofc_dir = 'validation_data/2D'
+ sofc_large_im = tifffile.imread(f"{sofc_dir}/anode_segmented_tiff_z046_inpainted.tif")
+ chosen_phase = np.unique(sofc_large_im)[2]
+ sofc_large_im[sofc_large_im != chosen_phase] = 7 # a random number
+ sofc_large_im[sofc_large_im == chosen_phase] = 0
+ sofc_large_im[sofc_large_im == 7] = 1
+ sofc_large_im = sofc_large_im[:sofc_large_im.shape[0], :sofc_large_im.shape[0]]
+ middle_indices = sofc_large_im.shape
+ small_im_size = 350
+
+ # Subregion of the original image:
+ x1, x2, y1, y2 = middle_indices[0]//2-small_im_size//2, middle_indices[0]//2+small_im_size//2, middle_indices[1]//2-small_im_size//2,middle_indices[1]//2+small_im_size//2
+ x_move, y_move = 480, 290
+ x1, x2, y1, y2 = x1 + x_move, x2 + x_move, y1 + y_move, y2 + y_move
+ sofc_small_im = sofc_large_im[y1:y2, x1:x2]
+ ax_sofc_im = fig.add_subplot(gs[0, 0])
+ ax_sofc_im.imshow(sofc_large_im, cmap='gray', interpolation='nearest')
+ ax_sofc_im.set_xlabel(f"Unknown material's phase fraction: {sofc_large_im.mean():.3f}")
+
+ patch_positions = []
+ phase_fractions = []
+ n_repeats = 100000
+ # Calculate the phase fractions of random patches:
+ for _ in range(n_repeats):
+ x1_patch = random.randint(0, middle_indices[0]-small_im_size)
+ x2_patch = x1_patch + small_im_size
+ y1_patch = random.randint(0, middle_indices[1]-small_im_size)
+ y2_patch = y1_patch + small_im_size
+ patch_positions.append((x1_patch, x2_patch, y1_patch, y2_patch))
+ phase_fractions.append(sofc_large_im[x1_patch:x2_patch, y1_patch:y2_patch].mean())
+
+ num_patches = 6
+
+ for i, (x1_p, x2_p, y1_p, y2_p) in enumerate(patch_positions[:num_patches]):
+ ax_sofc_im.add_patch(patches.Rectangle(
+ (x1_p, y1_p), small_im_size, small_im_size, edgecolor=COLOR_IN, linewidth=LINE_W+0.2, facecolor='none'))
+
+ # Create the inset:
+ inset_shift = 1 + wspace
+ ax_inset = ax_sofc_im.inset_axes([inset_shift, 0, 1, 1], xlim=(x1, x2), ylim=(y1, y2))
+ ax_inset.set_xlabel(f"Sample's phase fraction: {sofc_small_im.mean():.3f}")
+ inset_pos = ax_inset.get_position()
+ ax_inset.imshow(sofc_small_im, cmap='gray', interpolation='nearest', extent=[x1, x2, y1, y2])
+ for spine in ax_inset.spines.values():
+ spine.set_edgecolor(COLOR_INSET)
+ spine.set_linewidth(LINE_W)
+
+ ax_sofc_im.indicate_inset_zoom(ax_inset, alpha=1, edgecolor=COLOR_INSET, linewidth=LINE_W)
+ ax_sofc_im.set_xticks([])
+ ax_sofc_im.set_yticks([])
+ ax_inset.set_xticks([])
+ ax_inset.set_yticks([])
+ ax_sofc_im.set_title("(a)")
+ ax_inset.set_title("(b)")
+
+
+
+ # Plot the histogram of the phase fractions:
+ unknown_dist = fig.add_subplot(gs[0, 2])
+ # unknown_dist.hist(phase_fractions, bins=40, color=COLOR_PHI, edgecolor='black', density=True)
+ mu, sigma = norm.fit(phase_fractions)
+ gap_pfs = (max(phase_fractions) - min(phase_fractions)) / 2 - 0.001
+ x = np.linspace(sofc_large_im.mean() - gap_pfs, sofc_large_im.mean() + gap_pfs, 200)
+ p = norm.pdf(x, mu, sigma)
+ unknown_dist.plot(x, p, color=COLOR_IN, linewidth=2,
+ label="Unknown phase fraction\ndistribution of same-sized samples.")
+ # Make the plot 1.5 times lower in the plot:
+ unknown_dist.set_ylim(0, unknown_dist.get_ylim()[1]*1.6)
+ unknown_dist.set_xlim(sofc_large_im.mean() - gap_pfs, sofc_large_im.mean() + gap_pfs)
+ unknown_dist.set_yticks([])
+
+ # Now add the unknown material's phase fraction, until the normal distribution:
+ ymax = norm.pdf(sofc_large_im.mean(), mu, sigma)
+ ymax_mean = ymax / unknown_dist.get_ylim()[1]
+ unknown_dist.axvline(sofc_large_im.mean(), ymax=ymax_mean, color='black', linestyle='--', linewidth=2,
+ label="Unknown material's phase fraction")
+ # And the sample phase fraction:
+ ymax_sample = norm.pdf(sofc_small_im.mean(), mu, sigma)
+ ymax_sample = ymax_sample / unknown_dist.get_ylim()[1]
+ unknown_dist.axvline(sofc_small_im.mean(), ymax=ymax_sample, color=COLOR_INSET, linestyle='--', linewidth=2,
+ label="Sample's phase fraction")
+ unknown_dist.legend(loc='upper left')
+ unknown_dist.set_title("(c)")
+ unknown_dist.set_xlabel('Phase fraction')
+
+
+ # Rep. calculation:
+ same_small_im = fig.add_subplot(gs[1, 0])
+ same_small_im.imshow(sofc_small_im, cmap='gray', interpolation='nearest')
+ same_small_im.set_xticks([])
+ same_small_im.set_yticks([])
+ same_small_im.set_xlabel(f"Single image input")
+ for spine in same_small_im.spines.values():
+ spine.set_edgecolor(COLOR_INSET)
+ spine.set_linewidth(LINE_W)
+ same_small_im.set_title('(e)')
+
+ # Create the TPC plot:
+ tpc_plot = fig.add_subplot(gs[1, 1])
+ create_tpc_plot(fig, sofc_small_im, 40, {"pred": "g"}, sofc_small_im.mean(), tpc_plot, with_omega_notation=False)
+ tpc_plot.set_xlabel('')
+ tpc_plot.set_ylabel('')
+ tpc_plot.set_xticks([])
+ tpc_plot.set_yticks([])
+ tpc_plot.set_title("(f)")
+
+ # Text of representativity analysis:
+ rep_text = fig.add_subplot(gs[1, 2])
+
+ microlib_examples = tifffile.imread("paper_figures/microlib_examples.tif")
+ microlib_examples_size = min(microlib_examples.shape)
+ microlib_examples = microlib_examples[-microlib_examples_size:, -microlib_examples_size:]
+ microlib_examples = microlib_examples / microlib_examples.max()
+ width_mult, height_mult = 0.8, 0.8
+ large_microlib_im = np.ones((int(microlib_examples_size / width_mult), int(microlib_examples_size / height_mult)))
+ start_idx = int((large_microlib_im.shape[0] - microlib_examples_size) / 2)
+ large_microlib_im[-microlib_examples_size:, start_idx:start_idx+microlib_examples_size] = microlib_examples
+ rep_text.imshow(large_microlib_im, cmap='gray', interpolation='nearest')
+
+ rep_text.set_title("(g)")
+ text_y = 0.1
+ text_pos = (0.5*large_microlib_im.shape[1], text_y*large_microlib_im.shape[0])
+ rep_text.text(*text_pos,
+ "TPC integration and data-driven \ncorrection using MicroLib ", va='center', ha='center')
+ font_size = rep_text.texts[0].get_fontsize()
+ rep_text.texts[0].set_fontsize(font_size + 2)
+ # delete the axis:
+ rep_text.axis('off')
+
+
+
+
+ # Results:
+
+
+ # Create the prediction interval plot:
+ res_1_pred = fig.add_subplot(gs[0, 3])
+ conf_bounds, pf_1d, cum_sum_sum = get_prediction_interval_stats(sofc_small_im)
+ # cumulative sum to the original data:
+ original_data = np.diff(cum_sum_sum)
+ res_1_pred.plot(pf_1d[1:], original_data, label="Predicted likelihood of material's\nphase fraction", linewidth=2)
+ res_1_pred.set_ylim(0, res_1_pred.get_ylim()[1]*1.6)
+ res_1_pred.set_xlim(pf_1d[0], pf_1d[-1])
+ res_1_pred.set_xlabel('Phase fraction')
+ # No y-ticks:
+ # res_1_pred.set_yticks([])
+ # Fill between confidence bounds:
+ conf_start, conf_end = conf_bounds
+ # Fill between the confidence bounds under the curve:
+ res_1_pred.fill_between(
+ pf_1d[1:],
+ original_data,
+ where=(pf_1d[1:] >= conf_start) & (pf_1d[1:] <= conf_end),
+ alpha=0.2,
+ )
+ # Plot in dashed vertical lines the materials phase fraction and the inset phase fraction:
+
+ ymax = np.argmax((pf_1d[1:] - sofc_small_im.mean()) > 0)
+ ymax_small = original_data[ymax] / res_1_pred.get_ylim()[1]
+ res_1_pred.axvline(
+ sofc_small_im.mean(),
+ ymax=ymax_small,
+ linestyle="--",
+ linewidth=2,
+ color=COLOR_INSET,
+ label="Sample's phase fraction",
+ )
+
+ phi = sofc_large_im.mean()
+ # find phi to change ymax:
+ ymax = np.argmax((pf_1d[1:] - phi) > 0)
+ ymax_phi = original_data[ymax] / res_1_pred.get_ylim()[1]
+ res_1_pred.axvline(
+ phi,
+ ymax=ymax_phi,
+ linestyle="--",
+ linewidth=2,
+ color='black',
+ label="Unknown material's phase fraction",
+ )
+ # No y-ticks:
+ res_1_pred.set_yticks([])
+ res_1_pred.set_title("(d)")
+
+ res_1_pred.set_ylim([0, res_1_pred.get_ylim()[1]])
+ inset_pf = sofc_small_im.mean()
+ xerr = inset_pf - conf_start
+ res_1_pred.errorbar(
+ sofc_small_im.mean(), 0.0003, xerr=xerr, fmt='o', capsize=6,
+ color=COLOR_INSET, label="95% confidence interval", linewidth=LINE_W, capthick=LINE_W)
+ res_1_pred.legend(loc='upper left')
+
+
+
+ res_2_pred = fig.add_subplot(gs[1, 3])
+ target_percetange_error = 1.5
+ target_error = target_percetange_error / 100
+ result = core.make_error_prediction(sofc_small_im, confidence=0.95,
+ target_error=target_error)
+ l_for_err_target = int(result["l"])
+ percent_error = result["percent_err"]
+ print(f'current percent error = {percent_error}, target error = {target_error}, new length = {l_for_err_target}')
+ print(f'current length = {small_im_size}, target error = {target_error}, new length = {l_for_err_target}')
+
+
+ # Create a new figure with space around the original image
+ small_im_center = np.ones((l_for_err_target, l_for_err_target))
+ mid_start_idx = (l_for_err_target - sofc_small_im.shape[0]) // 2
+ small_im_center[mid_start_idx:mid_start_idx+sofc_small_im.shape[0],
+ mid_start_idx:mid_start_idx+sofc_small_im.shape[1]] = sofc_small_im
+ res_2_pred.imshow(small_im_center, cmap='gray', interpolation='nearest')
+
+ # Create the diagonal line pattern for the border
+ line_spacing = 40 # Spacing between diagonal lines
+ line_color = (0.7, 0.7, 0.7) # Light gray
+
+ # Create diagonal lines
+ alpha = 0.3
+ linewidth = 3
+ for i in range(0, l_for_err_target, line_spacing):
+ x_up = np.arange(i, i + l_for_err_target)[:l_for_err_target-i]
+ y_up = np.arange(0, l_for_err_target)[:l_for_err_target-i]
+ res_2_pred.plot(x_up, y_up, color=line_color, linewidth=linewidth, alpha=alpha)
+ if i > 0:
+ x_down = np.arange(0, l_for_err_target)[:l_for_err_target-i]
+ y_down = np.arange(i, i + l_for_err_target)[:l_for_err_target-i]
+ res_2_pred.plot(x_down, y_down, color=line_color, linewidth=linewidth, alpha=alpha)
+
+
+ # Turn off the axis
+ res_2_pred.set_xticks([])
+ res_2_pred.set_yticks([])
+
+ label = f"Predicted sample size for a smaller\n95% confidence interval, with at\nmost {target_percetange_error}% deviation from material's\nphase fraction instead of {np.round(percent_error*100, 2)}%."
+ # Create custom Line2D objects for the spines
+ spine_line = mlines.Line2D([], [], color='black', linestyle='--',
+ linewidth=2, alpha=alpha,
+ label=label)
+
+ inset_lines = res_2_pred.plot([mid_start_idx,mid_start_idx+sofc_small_im.shape[0]],
+ [mid_start_idx,mid_start_idx], color=COLOR_INSET,
+ linewidth=1)
+ inset_lines = res_2_pred.plot([mid_start_idx,mid_start_idx+sofc_small_im.shape[0]],
+ [mid_start_idx+sofc_small_im.shape[0],mid_start_idx+sofc_small_im.shape[0]], color=COLOR_INSET,
+ linewidth=1)
+ inset_lines = res_2_pred.plot([mid_start_idx,mid_start_idx],
+ [mid_start_idx,mid_start_idx+sofc_small_im.shape[0]], color=COLOR_INSET,
+ linewidth=1)
+ inset_lines = res_2_pred.plot([mid_start_idx+sofc_small_im.shape[0],mid_start_idx+sofc_small_im.shape[0]],
+ [mid_start_idx,mid_start_idx+sofc_small_im.shape[0]], color=COLOR_INSET,
+ linewidth=1)
+
+ # Add the custom lines to the legend
+ res_2_pred.legend(handles=[spine_line], loc='upper left')
+
+ for spine in res_2_pred.spines.values():
+ spine.set_linestyle("--")
+ spine.set_linewidth(2)
+ spine.set_alpha(alpha)
+
+ res_2_pred.set_title("(h)")
+
+ positions = []
+ for i in range(8):
+ positions.append(gs[i//4, i%4].get_position(fig))
+
+ arrow_length = 0.03
+ arrow_gap = (positions[5].x0 - positions[4].x0 - positions[4].width)/2 - arrow_length/2
+
+ arrow_alpha = 0.4
+ simple_arrows_from = [4, 5, 6]
+ for start_idx in simple_arrows_from:
+ ptB = (positions[start_idx].x0+positions[start_idx].width+arrow_gap,
+ positions[start_idx].y0 + positions[start_idx].height / 2)
+
+ ptE = (ptB[0] + arrow_length, ptB[1])
+
+ arrow = patches.FancyArrowPatch(
+ ptB, ptE, transform=fig.transFigure,fc = COLOR_INSET, arrowstyle='simple',
+ alpha = arrow_alpha,
+ mutation_scale = 40.
+ )
+ # 5. Add patch to list of objects to draw onto the figure
+ fig.patches.append(arrow)
+
+ # Now a special arrow for the last one:
+ ptB = (positions[6].x0+positions[6].width,
+ positions[6].y0 + positions[6].height / 3 * 2)
+
+ ptE = (positions[3].x0, positions[3].y0 - (positions[3].y0 - (positions[7].y0 + positions[7].height))/3)
+
+ arrow = patches.FancyArrowPatch(
+ ptB, ptE, transform=fig.transFigure,fc = COLOR_INSET, arrowstyle='simple', alpha = arrow_alpha,
+ mutation_scale = 40.
+ )
+ # 5. Add patch to list of objects to draw onto the figure
+ fig.patches.append(arrow)
+
+ # Draw bounding boxes around 1. The problem 2. The solution 3. The results
+
+ # Problem:
+ gap_up_down = positions[0].y0 - (positions[4].y0 + positions[4].height)
+ gap_right_left = positions[1].x0 - (positions[0].x0 + positions[0].width)
+
+ lower_left_corners = [0, 4, 7]
+ widths = [[0, 1, 2], [4, 5, 6], [7]]
+ heights = [[0], [4], [3, 7]]
+ titles = ["The problem of undersampling", "Representativity analysis", "Prediction results"]
+
+ for llc, width, height, title in zip(lower_left_corners, widths, heights, titles):
+ lower_left_corner = (positions[llc].x0 - gap_right_left/3, positions[llc].y0 - gap_up_down/3)
+ n_width, n_height = len(width), len(height)
+ width_rect = sum([positions[i].width for i in width]) + gap_right_left*(n_width - 1) + gap_right_left*2/3
+ height_rect = sum([positions[i].height for i in height]) + gap_up_down*(n_height - 1) + gap_up_down*(1/3+1/2)
+ rect = plt.Rectangle(
+ # (lower-left corner), width, height
+ lower_left_corner, width_rect, height_rect, fill=False, color="k", lw=2, ls="--", alpha=0.5,
+ zorder=1000, transform=fig.transFigure, figure=fig
+ )
+ # Insert the title as text in the top middle of the rectangle:
+ text_pos = (lower_left_corner[0] + width_rect/2, lower_left_corner[1] + height_rect - gap_up_down/5)
+ fig.text(text_pos[0], text_pos[1], title, ha='center', va='center',
+ fontsize=font_size+4, transform=fig.transFigure)
+
+ fig.patches.append(rect)
+
+ # save the pdf fig in high resolution:
+ plt.savefig("paper_figures/output/introduction.pdf", dpi=300)
+
+
+
+
+
+
+
+
+
\ No newline at end of file
diff --git a/paper_figures/model_accuracy.py b/paper_figures/model_accuracy.py
index e2b3ce6..5219e02 100644
--- a/paper_figures/model_accuracy.py
+++ b/paper_figures/model_accuracy.py
@@ -1,132 +1,281 @@
-from representativity.validation import validation
import numpy as np
import matplotlib.pyplot as plt
-import json
-import porespy as ps
-from itertools import product
+import tifffile
import random
from matplotlib.gridspec import GridSpec
+import matplotlib.patches as patches
+from paper_figures.pred_vs_true_cls import create_tpc_plot
+from representativity import core
-def get_in_bounds_results(dims):
- # Load the data
- validation_data_dir = 'representativity/validation/validation.json'
- with open(validation_data_dir, "r") as file:
- validation_data = json.load(file)
- # Get the in-bounds results
- in_bound_results = {}
- for dim in dims:
- dim_results = {
- "one_im": [], "model_with_gmm": [], "model_wo_gmm": []}
- for gen_name in validation_data[f"validation_{dim}"].keys():
- # if there are more generators, they need to be added here:
- if not gen_name.startswith("blob") and not gen_name.startswith("frac"):
- continue
- gen_data = validation_data[f"validation_{dim}"][gen_name]
- for run in gen_data.keys():
- if not run.startswith("run"):
- continue
- run_data = gen_data[run]
- dim_results["one_im"].append(run_data["in_bounds_one_im"])
- dim_results["model_with_gmm"].append(run_data["model_in_bounds"])
- dim_results["model_wo_gmm"].append(run_data["model_wo_gmm_in_bounds"])
- n_trials = len(dim_results["one_im"])
- for res in dim_results.keys():
- dim_results[res] = (n_trials, np.array(dim_results[res]).sum())
- in_bound_results[dim] = dim_results
- return in_bound_results
+COLOR_INSET = "darkorange"
+COLOR_PHI = "blue"
+COLOR_IN = "green"
+COLOR_OUT = "red"
+LINE_W = 1.5
+
+
+def get_prediction_interval_stats(inset_image):
+ phase_fraction = float(np.mean(inset_image))
+ n_dims = len(inset_image.shape) # 2D or 3D
+ n_elems = int(np.prod(inset_image.shape))
+
+ two_point_correlation = core.radial_tpc(inset_image, n_dims == 3, True)
+ integral_range = core.tpc_to_cls(
+ two_point_correlation,
+ inset_image,
+ )
+
+ n = core.n_samples_from_dims(
+ [np.array(inset_image.shape, dtype=np.int32)], integral_range
+ )
+ # bern = bernouilli
+ std_bern = (
+ (1 / n[0]) * (phase_fraction * (1 - phase_fraction))
+ ) ** 0.5 # this is the std of phi relative to Phi with
+ std_model = core.get_std_model(n_dims, n_elems)
+ n = core.n_samples_from_dims(
+ [np.array(inset_image.shape, dtype=np.int32)], integral_range
+ )
+
+ std_model = core.get_std_model(n_dims, n_elems)
+ conf_bounds, pf_1d, cum_sum_sum = core.get_prediction_interval(
+ inset_image.mean(),
+ std_bern,
+ std_model,
+ )
+
+ return conf_bounds, pf_1d, cum_sum_sum
# Plot the data
if __name__ == '__main__':
dims = ["2D", "3D"]
- num_generators = 50
- num_images = 5
- generators_chosen = np.random.choice(num_generators, num_images, replace=False)
- images = []
- large_img_size = np.array([1000, 1000])
- img_size = np.array([200, 200])
- alpha = 1
- ps_generators = validation.get_ps_generators()
- rand_iter = 0
- for generator, params in ps_generators.items():
- for value_comb in product(*params.values()):
- if rand_iter in generators_chosen:
- args = {key: value for key, value in zip(params.keys(), value_comb)}
- args = validation.factors_to_params(args, im_shape=large_img_size)
- image = validation.get_large_im_stack(generator, large_img_size, 1, args)
- image = image[0]
- image = image[:img_size[0], :img_size[1]]
- images.append(image)
- rand_iter += 1
- random.shuffle(images)
+ col_width = 18
+ fig = plt.figure(figsize=(col_width, col_width/2.3))
+ gs = GridSpec(2, 3, width_ratios=[1.9, 1, 1])
+ # Have some space between the subplots:
+ gs.update(wspace=0.48, hspace=0.48)
+
+ # Create the SOFC anode image, with an inset:
+ sofc_dir = 'validation_data/2D'
+ sofc_large_im = tifffile.imread(f"{sofc_dir}/anode_segmented_tiff_z046_inpainted.tif")
+ chosen_phase = np.unique(sofc_large_im)[2]
+ sofc_large_im[sofc_large_im != chosen_phase] = 7 # a random number
+ sofc_large_im[sofc_large_im == chosen_phase] = 0
+ sofc_large_im[sofc_large_im == 7] = 1
+ sofc_large_im = sofc_large_im[:sofc_large_im.shape[0], :sofc_large_im.shape[0]]
+ middle_indices = sofc_large_im.shape
+ small_im_size = 350
- layers = num_images # How many images should be stacked.
- x_offset, y_offset = img_size[0]-25, 30 # Number of pixels to offset each image.
-
- new_shape = ((layers - 1)*y_offset + images[0].shape[0],
- (layers - 1)*x_offset + images[0].shape[1]
- ) # the last number, i.e. 4, refers to the 4 different channels, being RGB + alpha
-
- stacked = np.zeros(new_shape)
-
- for layer in range(layers):
- cur_im = images[layer]
- stacked[layer*y_offset:layer*y_offset + cur_im.shape[0],
- layer*x_offset:layer*x_offset + cur_im.shape[1]
- ] += images[layer]
- stacked = 1 - stacked
-
- fig = plt.figure(figsize=(10, 5))
- gs = GridSpec(2, 1, height_ratios=[1, 2])
-
- ax_im = fig.add_subplot(gs[0])
- ax_im.imshow(stacked, vmin=0, vmax=1, cmap='gray', interpolation='nearest')
- ax_im.set_title('(a)')
- ax_im.axis('off')
-
- pos1 = ax_im.get_position() # get the original position
- pos2 = [pos1.x0 - 0.15, pos1.y0-0.1, pos1.width+0.1, pos1.height+0.1]
- ax_im.set_position(pos2)
- # make the table:
- # first make the data:
- in_bounds_res = get_in_bounds_results(dims=dims)
- res_2d = in_bounds_res["2D"]
- order = ["one_im", "model_wo_gmm", "model_with_gmm"]
-
- def make_data(dim_res):
- data = []
- for key in order:
- num_trials, num_in_bounds = dim_res[key]
- row = [
- f"{num_trials}",
- f"{num_in_bounds}/{num_trials} = {num_in_bounds/num_trials*100:.2f}%",
- "95%",
- f"{np.abs(0.95-num_in_bounds/num_trials)*100:.2f}%"
- ]
- data.append(row)
- return data
+ # Subregion of the original image:
+ x1, x2, y1, y2 = middle_indices[0]//2-small_im_size//2, middle_indices[0]//2+small_im_size//2, middle_indices[1]//2-small_im_size//2,middle_indices[1]//2+small_im_size//2
+ x_move, y_move = 220, -220
+ x1, x2, y1, y2 = x1 + x_move, x2 + x_move, y1 + y_move, y2 + y_move
+ sofc_small_im = sofc_large_im[x1:x2, y1:y2]
+ ax_sofc_im = fig.add_subplot(gs[0, 0])
+ ax_sofc_im.imshow(sofc_large_im, cmap='gray', interpolation='nearest')
+ ax_sofc_im.set_xlabel(f"Material's phase fraction $\phi$: {sofc_large_im.mean():.3f}")
+
+ # Create the inset:
+ inset_shift = 1.2
+ ax_inset = ax_sofc_im.inset_axes([inset_shift, 0, 1, 1], xlim=(x1, x2), ylim=(y1, y2))
+ ax_inset.set_xlabel(f"Inset phase fraction: {sofc_small_im.mean():.3f}")
+ inset_pos = ax_inset.get_position()
+ ax_inset.imshow(sofc_small_im, cmap='gray', interpolation='nearest', extent=[x1, x2, y1, y2])
+ for spine in ax_inset.spines.values():
+ spine.set_edgecolor(COLOR_INSET)
+ spine.set_linewidth(LINE_W)
+ ax_sofc_im.indicate_inset_zoom(ax_inset, alpha=1, edgecolor=COLOR_INSET, linewidth=LINE_W)
+ ax_sofc_im.set_xticks([])
+ ax_sofc_im.set_yticks([])
+ ax_inset.set_xticks([])
+ ax_inset.set_yticks([])
+ ax_sofc_im.set_title("(a)")
+ ax_inset.set_title("(b)")
+
+
+
+ pos3 = ax_sofc_im.get_position() # get the original position
+ # pos4 = [pos3.x0, pos3.y0, pos3.width, pos3.height]
+ # ax_sofc_im.set_position(pos4)
+
+ ax_bars = fig.add_subplot(gs[1, :])
+ pos_ax_bars = ax_bars.get_position()
+ pos4 = [pos_ax_bars.x0, pos3.y0, pos3.width, pos3.height]
+ ax_sofc_im.set_position(pos4)
+
+ tpc_plot = fig.add_subplot(gs[0, 1])
+ pos5 = tpc_plot.get_position() # get the original position
- data_2d = make_data(res_2d)
- res_3d = in_bounds_res["3D"]
- data_3d = make_data(res_3d)
- table_data = data_2d + data_3d
- ax_table = fig.add_subplot(gs[1])
- plt.figtext(0.415, 0.485, '(b)', ha='center', va='bottom', fontsize=12)
- ax_table.axis('off')
- colWidths = np.array([0.14, 0.4, 0.14, 0.14])
- colWidths /= colWidths.sum()
- column_labels = ["Number of trials", "True phase fraction in the predicted bounds", "Confidence goal", "Absolute error"]
- row_labels1 = ["Classical subdivision method (2D)", "ImageRep without GMM step (2D)", "ImageRep (2D)"]
- row_labels2 = ["Classical subdivision method (3D)", "ImageRep without GMM step (3D)", "ImageRep (3D)"]
- row_labels = row_labels1 + row_labels2
- table1 = ax_table.table(cellText=table_data, colLabels=column_labels, rowLabels=row_labels, loc='center', colWidths=colWidths)
- for key, cell in table1.get_celld().items():
- cell.set_text_props(ha='center', va='center')
- imagerep_2d_cell = table1[(3, 3)] # Cell in the bottom-right corner (last row, last column)
- imagerep_2d_cell.set_facecolor('lightgreen')
- imagerep_3d_cell = table1[(6, 3)] # Cell in the bottom-right corner (last row, last column)
- imagerep_3d_cell.set_facecolor('lightgreen')
+
+ arrow_gap = 0.015
+ arrow_length = 0.032
+ # Create an arrow between the right of the inset and left of the FFT plot:
+ ptB = (pos4[0]+pos3.width*(1+inset_shift)+arrow_gap, pos4[1] + pos4[3] / 2)
+ ptE = (ptB[0] + arrow_length, ptB[1])
- plt.savefig("paper_figures/model_accuracy.pdf", format="pdf", bbox_inches='tight')
+ arrow = patches.FancyArrowPatch(
+ ptB, ptE, transform=fig.transFigure,fc = COLOR_INSET, arrowstyle='simple', alpha = 0.3,
+ mutation_scale = 40.
+ )
+ # 5. Add patch to list of objects to draw onto the figure
+ fig.patches.append(arrow)
+
+ # Create the TPC plot:
+ circle_pred, cls, cbar = create_tpc_plot(fig, sofc_small_im, 40, {"pred": "g"}, sofc_small_im.mean(), tpc_plot)
+ tpc_plot.set_xlabel('TPC distance')
+ tpc_plot.set_ylabel('TPC distance')
+ tpc_plot.set_title("(c)")
+ tpc_plot.legend([circle_pred], [f"Predicted Char. l. s.: {np.round(cls, 2)}"], loc='upper left')
+ cbar.set_label(f'TPC function')
+
+ # Create the prediction interval plot:
+ pred_interval_ax = fig.add_subplot(gs[0, 2])
+ conf_bounds, pf_1d, cum_sum_sum = get_prediction_interval_stats(sofc_small_im)
+ # cumulative sum to the original data:
+ original_data = np.diff(cum_sum_sum)
+ pred_interval_ax.plot(pf_1d[:-1], original_data, label="ImageRep likelihood of $\phi$\ngiven only inset image")
+
+ pred_interval_ax.set_xlabel('Phase fraction')
+ # No y-ticks:
+ # pred_interval_ax.set_yticks([])
+ # Fill between confidence bounds:
+ conf_start, conf_end = conf_bounds
+ # Fill between the confidence bounds under the curve:
+ pred_interval_ax.fill_between(
+ pf_1d[:-1],
+ original_data,
+ where=(pf_1d[:-1] >= conf_start) & (pf_1d[:-1] <= conf_end),
+ alpha=0.3
+ )
+ # Plot in dashed vertical lines the materials phase fraction and the inset phase fraction:
+ phi = sofc_large_im.mean()
+ pred_interval_ax.vlines(
+ phi,
+ 0,
+ np.max(original_data),
+ linestyle="--",
+ color=COLOR_PHI,
+ label="$\phi$",
+ )
+ pred_interval_ax.vlines(
+ sofc_small_im.mean(),
+ 0,
+ np.max(original_data),
+ linestyle="--",
+ color=COLOR_INSET,
+ label="Inset phase fraction",
+ )
+
+ # No y-ticks:
+ pred_interval_ax.set_yticks([])
+ pred_interval_ax.set_title("(d)")
+
+ pred_interval_ax.set_ylim([0, pred_interval_ax.get_ylim()[1]])
+ inset_pf = sofc_small_im.mean()
+ xerr = inset_pf - conf_start
+ pred_interval_ax.errorbar(
+ sofc_small_im.mean(), 0.0002, xerr=xerr, fmt='o', capsize=6, color=COLOR_INSET, label="95% confidence interval", linewidth=LINE_W)
+ pred_interval_ax.legend(loc='upper left')
+
+ # Plot an arrow between the TPC plot and the prediction interval plot:
+ ptB_2 = (pos5.x0 + pos5.width + arrow_gap + 0.032, pos4[1] + pos4[3] / 2)
+ ptE_2 = (ptB_2[0] + arrow_length, ptB_2[1])
+
+ arrow_2 = patches.FancyArrowPatch(
+ ptB_2, ptE_2, transform=fig.transFigure,fc = COLOR_INSET, arrowstyle='simple', alpha = 0.3,
+ mutation_scale = 40.
+ )
+ # Add the arrow:
+ fig.patches.append(arrow_2)
+
+ # Now another curly arrow between the prediction interval plot and the model accuracy plot:
+ pred_interval_pos = pred_interval_ax.get_position()
+ ptB_3 = (pred_interval_pos.x0 + pred_interval_pos.width / 2 + 0.04, pred_interval_pos.y0 - 0.04)
+ ptE_3 = (ptB_3[0] - 0.015, ptB_3[1] - 0.2)
+ fancy_arrow = patches.FancyArrowPatch(
+ ptB_3, ptE_3, transform=fig.transFigure, # Place arrow in figure coord system
+ fc = COLOR_INSET, connectionstyle="arc3,rad=-0.2", arrowstyle='simple', alpha = 0.3,
+ mutation_scale = 40.
+ )
+ fig.patches.append(fancy_arrow)
+
+ # Plot the model accuracy:
+ # First, plot \phi as a horizontal line:
+ ax_bars.axhline(sofc_large_im.mean(), color=COLOR_PHI, linestyle="--", label="$\phi$")
+
+ # Add some patches of the same size as the inset:
+ patch_size = small_im_size
+ num_images = 40
+ num_patches = 5
+ # Randomly place the patches, just not overlapping the center:
+ patch_positions = []
+ images = []
+ for i in range(num_images):
+ x1 = random.randint(0, middle_indices[0]-patch_size)
+ x2 = x1 + patch_size
+ y1 = random.randint(0, middle_indices[1]-patch_size)
+ y2 = y1 + patch_size
+ patch_positions.append((x1, x2, y1, y2))
+ images.append(sofc_large_im[x1:x2, y1:y2])
+
+ images[-2] = sofc_small_im
+ # Calculate the confidence bounds for all insets:
+ insets_phase_fractions = [im.mean() for im in images]
+ conf_errors = []
+ for im in images:
+ conf_bounds, _, _ = get_prediction_interval_stats(im)
+ conf_errors.append(conf_bounds[1] - im.mean())
+
+ # For each patch, the ones which \phi is within the confidence bounds are colored green, otherwise red:
+ color_inside = []
+ for phase_fraction, error in zip(insets_phase_fractions, conf_errors):
+ if phase_fraction - error <= phi <= phase_fraction + error:
+ color_inside.append(COLOR_IN)
+ else:
+ color_inside.append(COLOR_OUT)
+ color_inside[-2] = COLOR_INSET # make the inset image a different color
+ in_bool = False
+ out_bool = False
+ for x, y, error, color in zip(
+ np.arange(num_images), insets_phase_fractions, conf_errors, color_inside):
+ if color == COLOR_IN:
+ if not in_bool:
+ ax_bars.errorbar(x, y, yerr=error, lw=2, capsize=3, fmt='o',
+ capthick=2, ls='none', color=color, ecolor=color,
+ label="$\phi$ within predicted 95% CI")
+ in_bool = True
+ else:
+ ax_bars.errorbar(x, y, yerr=error, lw=2, capsize=3, fmt='o',
+ capthick=2, ls='none', color=color, ecolor=color)
+ elif color == COLOR_OUT:
+ if not out_bool:
+ ax_bars.errorbar(x, y, yerr=error, lw=2, capsize=3, fmt='o',
+ capthick=2, ls='none', color=color, ecolor=color,
+ label="$\phi$ outside predicted 95% CI")
+ out_bool = True
+ else:
+ ax_bars.errorbar(x, y, yerr=error, lw=2, capsize=3, fmt='o',
+ capthick=2, ls='none', color=color, ecolor=color)
+ else:
+ ax_bars.errorbar(x, y, yerr=error, lw=2, capsize=3, fmt='o',
+ capthick=2, ls='none', color=color, ecolor=color,
+ )
+ ax_bars.legend(loc='upper left')
+
+ ax_bars.set_ylabel("Phase fraction")
+ ax_bars.set_xlabel("Inset image number")
+ # add 1 to the x-ticks:
+ ax_bars.set_xticks(np.arange(0, num_images, 5))
+ ax_bars.set_xticklabels(np.arange(1, num_images+1, 5))
+ ax_bars.set_title("(e)")
+
+ for i, (x1, x2, y1, y2) in enumerate(patch_positions):
+ if i > num_patches:
+ break
+ ax_sofc_im.add_patch(patches.Rectangle(
+ (x1, y1), patch_size, patch_size, edgecolor=color_inside[i], linewidth=LINE_W, facecolor='none'))
+
+ plt.savefig("paper_figures/output/model_accuracy.pdf", format="pdf", bbox_inches='tight', dpi=300)
diff --git a/paper_figures/normal_hist.py b/paper_figures/normal_hist.py
index 80a8d73..e8b6268 100644
--- a/paper_figures/normal_hist.py
+++ b/paper_figures/normal_hist.py
@@ -53,4 +53,4 @@
plt.tight_layout()
# Show the figure
-plt.savefig('normal_hist.png')
\ No newline at end of file
+plt.savefig('paper_figures/output/normal_hist.png')
\ No newline at end of file
diff --git a/paper_figures/pred_vs_true_cls.py b/paper_figures/pred_vs_true_cls.py
new file mode 100644
index 0000000..40d5c0e
--- /dev/null
+++ b/paper_figures/pred_vs_true_cls.py
@@ -0,0 +1,179 @@
+import os
+import matplotlib.pyplot as plt
+import tifffile
+import json
+import numpy as np
+
+# import kneed
+from scipy.optimize import curve_fit
+from scipy import stats
+import torch
+from representativity import core, util
+from representativity.correction_fitting import microlib_statistics
+from mpl_toolkits.axes_grid1 import make_axes_locatable
+from scipy.ndimage import zoom
+
+# Create TPC plot:
+def create_tpc_plot(fig, img, center, colors, img_pf, ax, with_real_cls = 0, with_omega_notation = True):
+ center = 40
+ # print(f'starting tpc radial')
+ tpc = core.radial_tpc(img, volumetric=False)
+ img_length = img.shape[0]
+ center_im = img_length // 2
+ tpc_im = tpc[center_im-center:center_im+center, center_im-center:center_im+center]
+
+ cls = core.tpc_to_cls(tpc, img)
+
+ contour = ax.contourf(tpc_im, cmap="plasma", levels=200)
+ for c in contour.collections:
+ c.set_edgecolor("face")
+ circle_pred = None
+ if with_omega_notation:
+ if with_real_cls:
+ circle_real = plt.Circle((center, center), real_cls, fill=False, color=colors["true"], label=f"True Char. l. s. radius: {np.round(real_cls, 2)}")
+ ax.add_artist(circle_real)
+
+ circle_pred = plt.Circle((center, center), cls, fill=False, color=colors["pred"], label=f"Predicted Char. l. s. radius: {np.round(cls, 2)}")
+ ax.add_artist(circle_pred)
+
+ x_ticks = ax.get_xticks()[1:-1]
+ ax.set_xticks(x_ticks, np.int64(np.array(x_ticks) - center))
+ ax.set_yticks(x_ticks, np.int64(np.array(x_ticks) - center))
+ divider = make_axes_locatable(ax)
+
+ if with_omega_notation:
+ cax = divider.append_axes("right", size="5%", pad=0.05)
+ cbar = fig.colorbar(contour, cax=cax, orientation="vertical")
+ else:
+ cax = divider.append_axes("bottom", size="3%", pad=0.05)
+ cbar = fig.colorbar(contour, cax=cax, orientation="horizontal", location="bottom")
+ # cbar_ticks = cbar.ax.get_yticks()
+ cbar_ticks = np.linspace(img_pf, img_pf**2, 6)
+ if with_omega_notation:
+ cbar.ax.set_yticks(cbar_ticks, [r'$\Phi(\omega)$']+list(np.round(cbar_ticks[1:-1],2))+[r'$\Phi(\omega)^2$'])
+ else:
+ cbar.ax.set_xticks(cbar_ticks, list(np.round(cbar_ticks,2)))
+ if with_omega_notation:
+ cbar.set_label(f'Two-point correlation function')
+ else:
+ cbar.set_label(f'Two-point correlation (TPC) function')
+ fakexy = [0, 0]
+ if with_real_cls:
+ circle_pred = plt.Line2D(fakexy, fakexy, linestyle='none', marker='o', fillstyle='none', color=colors["pred"], alpha=1.00)
+ if with_real_cls:
+ circle_real = plt.Line2D(fakexy, fakexy, linestyle='none', marker='o', fillstyle='none', color=colors["true"], alpha=1.00)
+ ax.legend([circle_real, circle_pred], [f"True Char. l. s.: {np.round(real_cls, 2)}", f"Predicted Char. l. s. from \nimage on the left column: {np.round(cls, 2)}"], loc='upper right')
+ else:
+ ax.legend([circle_pred], [f"Predicted Char. l. s. from \nimage on the left column: {np.round(cls, 2)}"], loc='upper right')
+ ax.set_xlabel('Two-point correlation distance')
+ ax.set_ylabel('Two-point correlation distance')
+ return circle_pred, cls, cbar
+
+if __name__ == "__main__":
+
+ # with open("data_gen2.json", "r") as fp:
+ # data = json.load(fp)["generated_data"]
+
+ # l=len(list(data.keys()))
+ # l=3
+ c = [(0, 0, 0), (0.5, 0.5, 0.5)]
+ # plotting = [f'microstructure{f}' for f in [235, 209,205,177]]
+ plotting_nums = [235, 228, 205, 177]
+ plotting_ims = [f"microstructure{f}" for f in plotting_nums]
+
+ # plotting = [k for k in data.keys()]
+ l = len(plotting_ims)
+ fig, axs = plt.subplots(l, 3)
+ fig.set_size_inches(12, l * 3.5)
+ preds = [[], []]
+ irs = [[], []]
+ colors = {"pred": "tab:orange", "true": "tab:green"}
+
+ all_data, micros, netG, v_names, run_v_names = microlib_statistics.json_preprocessing()
+ lens_for_fit = list(
+ range(500, 1000, 20)
+ ) # lengths of images for fitting L_characteristic
+ plotting_ims = [micro for micro in micros if micro.split("/")[-1] in plotting_ims]
+ # run the statistical analysis on the microlib dataset
+
+ for i, p in enumerate(plotting_ims):
+
+ try:
+ netG.load_state_dict(torch.load(p + "_Gen.pt"))
+ except: # if the image is greayscale it's excepting because there's only 1 channel
+ continue
+ imsize = 1600
+ lf = imsize // 32 + 2 # the size of G's input
+ many_images = util.generate_image(netG, lf=lf, threed=False, reps=150)
+ many_images = many_images.detach().cpu().numpy()
+ pf = many_images.mean()
+ small_imsize = 400
+ img = many_images[0][:small_imsize, :small_imsize]
+
+ csets = [["black", "black"], ["gray", "gray"]]
+ conf = 0.95
+ errs = util.real_image_stats(many_images, lens_for_fit, pf, conf=conf)
+ sizes_for_fit = [[lf, lf] for lf in lens_for_fit]
+ real_cls = core.fit_statisical_cls_from_errors(errs, sizes_for_fit, pf) # type: ignore
+ stds = errs / stats.norm.interval(conf)[1] * pf / 100
+ std_fit = (real_cls**2 / (np.array(lens_for_fit) ** 2) * pf * (1 - pf)) ** 0.5
+ # print(stds)
+ vars = stds**2
+ # from variations to L_characteristic using image size and phase fraction
+ clss = (np.array(lens_for_fit) ** 2 * vars / pf / (1 - pf)) ** 0.5
+ print(clss)
+
+ # axs_twin = axs[i, 1].twinx()
+ axs[i, 1].scatter(
+ lens_for_fit, stds, color='black', s=8, label=f"Standard deviations"
+ )
+ axs[i, 1].plot(
+ lens_for_fit, std_fit, color=colors["true"], label=f"Best fit using the characteristic\nlength scale: {np.round(real_cls, 2)}"
+ )
+ # axs[i, 1].tick_params(axis="y", labelcolor=colors["stds"])
+ axs[i, 1].set_ylim(0, 0.025)
+ axs[i, 1].legend(loc='upper right')
+
+ img_pf = img.mean()
+ ax = axs[i, 2]
+ create_tpc_plot(img, 40, colors, img_pf, ax, with_real_cls = real_cls)
+
+ axs[i,1].set_xlabel('Image size')
+ xticks_middle = axs[i,1].get_xticks()[1:-1]
+ axs[i,1].set_xticks(xticks_middle, [f'{int(xtick)}$^2$' for xtick in xticks_middle])
+ axs[i,1].set_ylabel(r'Phase fraction standard deviation')
+ # axs[i,2].set_ylabel('TPC distance')
+ # axs[i,2].set_xlabel('TPC distance')
+ # img = img*255
+ imshow_size = 512
+ img = img[:imshow_size, :imshow_size]
+ #
+ si_size, nirs = imshow_size//2, 5
+
+ sicrop = int(real_cls*nirs)
+ zoom_mag = si_size/sicrop
+ print(real_cls, sicrop)
+ subim = img[-sicrop:,-sicrop:]
+ subim = zoom(subim, zoom=(zoom_mag,zoom_mag), order=0)
+ subim = np.stack([subim]*3, axis=-1)
+
+ boundary_len = 5
+ subim[:boundary_len,:,:] = 0.5
+ subim[:,:boundary_len,:] = 0.5
+ # subim[5:20, 5:50, :]
+ subim[10:10+boundary_len, 10:10+si_size//nirs, :] = 0
+ subim[10:10+boundary_len, 10:10+si_size//nirs, 1:-1] = 0.5
+
+ img = np.stack([img]*3, axis=-1)
+ img[-si_size:,-si_size:] = subim
+
+ # img = np.stack([zoom(img[:,:,i], zoom=4, order=0) for i in range(np.shape(img)[-1])], axis=-1)
+ axs[i, 0].imshow(img, cmap="gray", interpolation='nearest')
+ axs[i, 0].set_xticks([])
+ axs[i, 0].set_yticks([])
+ axs[i, 0].set_ylabel(f'Microstructure {plotting_nums[i]}')
+ axs[i, 0].set_xlabel(f' $\Phi(\omega)$: '+ '%.2f' % img_pf + f' Inset mag: x{np.round(si_size/sicrop, 2)}')
+
+ plt.tight_layout()
+ plt.savefig("paper_figures/output/pred_vs_true_cls.pdf", format="pdf", dpi=300)
+
diff --git a/paper_figures/prediction interval.py b/paper_figures/prediction interval.py
index ae8b1c0..ef44e64 100644
--- a/paper_figures/prediction interval.py
+++ b/paper_figures/prediction interval.py
@@ -3,6 +3,8 @@
import matplotlib.pyplot as plt
import time
from representativity import core
+from mpl_toolkits.axes_grid1.inset_locator import inset_axes
+
from os import getcwd, path
@@ -12,11 +14,11 @@
def plot_likelihood_of_phi(image_pf, pred_std, std_dist_std):
fig, ax = plt.subplots(2, 3)
- fig.set_size_inches(14, 9)
+ fig.set_size_inches(15, 9)
- plt.subplots_adjust(wspace=0.4, hspace=0.4)
+ plt.subplots_adjust(wspace=0.5, hspace=0.4)
im = np.load(f"{DATA_PATH}im_for_prediction_interval_fig.npy")
- ax[0, 0].imshow(im[:200, :200], cmap="gray")
+ ax[0, 0].imshow(im[:400, :400], cmap="gray", interpolation="nearest")
ax[0, 0].set_xticks([])
ax[0, 0].set_yticks([])
ax[0, 0].set_title("(a)")
@@ -43,7 +45,8 @@ def plot_likelihood_of_phi(image_pf, pred_std, std_dist_std):
)
ax[0, 1].set_title("(b)")
ax[0, 1].set_xlabel("Standard deviation")
- ax[0, 1].set_yticks([0, 1000])
+ ax[0, 1].set_yticks([0, 80])
+ ax[0, 1].set_ylabel("Probability density")
ax[0, 1].legend()
integral_std_dist = np.trapz(std_dist, x_std_dist)
print(integral_std_dist)
@@ -73,7 +76,8 @@ def plot_likelihood_of_phi(image_pf, pred_std, std_dist_std):
)
ax[0, 2].set_title("(c)")
ax[0, 2].set_xlabel("Phase fraction")
- ax[0, 2].set_yticks([0, 300])
+ ax[0, 2].set_yticks([0, 20])
+ ax[0, 2].set_ylabel("Probability density")
ax[0, 2].legend()
c1 = ax[1, 0].contourf(
@@ -120,7 +124,17 @@ def plot_likelihood_of_phi(image_pf, pred_std, std_dist_std):
ax[1, 1].legend()
pf_dist_integral_col = np.trapz(pf_dist, x_std_dist, axis=0)
pf_dist_integral = np.trapz(pf_dist_integral_col, pf_x_1d)
-
+
+ axins = inset_axes(ax[1,1],
+ width="5%",
+ height="100%",
+ loc='right',
+ borderpad=-2
+ )
+ cbar = fig.colorbar(c2, cax=axins, orientation="vertical")
+ cbar_ticks = [0, 2000]
+ cbar.set_label(f'Probability density', labelpad=-17)
+ cbar.ax.set_yticks(cbar_ticks)
# fig.colorbar(contour, ax=[ax[1,0],ax[1,1]],orientation='vertical')
# ax = plt.axes(projection='3d')
# ax.plot_surface(pf_mesh, std_mesh, pf_dist, cmap='viridis',\
@@ -195,18 +209,37 @@ def plot_likelihood_of_phi(image_pf, pred_std, std_dist_std):
)
ax[1, 2].set_xlabel("Phase fraction")
ax[1, 2].set_title("(f)")
- ax[1, 2].set_yticks([0, 300])
+ ax[1, 2].set_yticks([0, 20])
+ ax[1, 2].set_ylabel("Probability density")
ax[1, 2].legend()
+ # ax[1,2].yaxis.set_label_position("right")
+ # ax[1,2].yaxis.tick_right()
print(np.trapz(sum_dist_norm, pf_x_1d))
print(np.trapz(mid_std_dist, pf_x_1d))
- plt.savefig("prediction_interval.pdf", format="pdf")
+
+ plt.savefig("paper_figures/output/prediction_interval.pdf", format="pdf")
if __name__ == "__main__":
- image_pf = 0.1013
- pred_std = 0.00121
- std_dist_std = pred_std * 0.27
+
+ im = np.load(f"{DATA_PATH}im_for_prediction_interval_fig.npy")
+ image_pf = im.mean()
+ out = core.make_error_prediction(
+ im,
+ confidence=0.95,
+ model_error=False,
+ )
+ im_len = im.shape[0]
+ cls, std_model = out["integral_range"], out["std_model"]
+ pred_std = (cls**2/im_len**2*image_pf*(1-image_pf))**0.5
+ std_dist_std = pred_std * std_model
time_bf = time.time()
plot_likelihood_of_phi(image_pf, pred_std, std_dist_std)
print(f"time taken = {time.time()-time_bf}")
print(core.get_prediction_interval(image_pf, pred_std, std_dist_std)[0])
+
+ print(f'image phase fraction: {image_pf}')
+ print(f'predicted std: {pred_std}')
+ print(f'std model: {std_model}')
+ print(f'std dist std: {std_dist_std}')
+
\ No newline at end of file
diff --git a/paper_figures/tpc_expectation_test.py b/paper_figures/tpc_expectation_test.py
index e44925e..a880404 100644
--- a/paper_figures/tpc_expectation_test.py
+++ b/paper_figures/tpc_expectation_test.py
@@ -268,4 +268,4 @@ def fill_img_with_circles(img, circle_radius, circle_centers):
[pf**2, np.round(pf_squared, 3), pf], [pf**2, np.round(pf_squared, 3), pf]
)
tpc_fig.legend(loc='upper right')
- plt.savefig(f"tpc_results/circles_tpc_visual_proof.pdf", format="pdf")
+ plt.savefig(f"paper_figures/output/circles_tpc_visual_proof.pdf", format="pdf")
diff --git a/representativity/util.py b/representativity/util.py
index f512f79..8346782 100644
--- a/representativity/util.py
+++ b/representativity/util.py
@@ -74,7 +74,8 @@ def angular_img(img):
return img_rot
-def stat_analysis_error(img, pf, edge_lengths): # TODO see if to delete this or not
+def stat_analysis_error(img, pf, edge_lengths):
+ '''Calculates and returns the real cls based on statistical analysis of the large image.'''
img_dims = [np.array((l,) * (len(img.shape) - 1)) for l in edge_lengths]
err_exp = real_image_stats(img, edge_lengths, pf)
real_cls = core.fit_statisical_cls_from_errors(err_exp, img_dims, pf)
@@ -82,7 +83,7 @@ def stat_analysis_error(img, pf, edge_lengths): # TODO see if to delete this or
return real_cls
-def real_image_stats(img, ls, pf, repeats=4000, conf=0.95):
+def real_image_stats(img, ls, pf, repeats=4000, conf=0.95, stack=False):
"""Calculates the error of the stat. analysis for different edge lengths.
The error is calculated by the std of the mean of the subimages divided by the pf.
params:
@@ -96,7 +97,7 @@ def real_image_stats(img, ls, pf, repeats=4000, conf=0.95):
for l in ls:
pfs = []
n_pos_ims = int(np.prod(img.shape) / l**dims)
- repeats = n_pos_ims * 2
+ repeats = n_pos_ims * 10
# print(f'one im repeats = {repeats} for l = {l}')
if dims == 1:
for _ in range(repeats):
diff --git a/representativity/validation/validation.py b/representativity/validation/validation.py
index 95bd000..b38255a 100644
--- a/representativity/validation/validation.py
+++ b/representativity/validation/validation.py
@@ -5,6 +5,7 @@
import matplotlib.pyplot as plt
import porespy as ps
from itertools import product
+import tifffile
import json
np.random.seed(0)
@@ -74,7 +75,7 @@ def json_validation_preprocessing():
"""
# Load the statistics file
- json_validation_path = "representativity/validation/validation.json"
+ json_validation_path = "representativity/validation/validation_w_real.json"
if os.path.exists(json_validation_path):
with open(json_validation_path, "r") as file:
all_data = json.load(file)
@@ -177,7 +178,7 @@ def ps_error_prediction(dim, data, confidence, error_target):
for edge_length in edge_lengths_pred:
edge_lengths_repeats = 40 if dim == "2D" else 4
for _ in range(edge_lengths_repeats):
- run_dict = {"edge_length": edge_length}
+
true_error = util.bernouli_from_cls(
true_cls, true_pf, [edge_length] * int(dim[0])
)
@@ -198,102 +199,256 @@ def ps_error_prediction(dim, data, confidence, error_target):
start_idx[2] : end_idx[2],
]
- print(f'small im shape: {small_im.shape}')
- # np.save(f'./small_im_{gen_name}_{args}_{edge_length}.npy', small_im)
- small_im_pf = np.mean(small_im)
- run_dict["pf"] = small_im_pf
- one_im_stat_analysis_cls = core.stat_analysis_error_classic(
- small_im, np.mean(small_im)
- )
- one_im_sa_error = util.bernouli_from_cls(
- one_im_stat_analysis_cls, small_im_pf, [edge_length] * int(dim[0])
- )
- print(f"one im error: {one_im_sa_error[0]:.2f}")
- one_im_sa_error /= 100
- bounds, in_bounds = in_the_bounds(small_im_pf, one_im_sa_error, true_pf)
- run_dict["in_bounds_one_im"] = in_bounds
- run_dict["error_one_im"] = one_im_sa_error[0]
- in_the_bounds_one_im.append(in_bounds)
- print(f'current right percentage one im: {np.mean(in_the_bounds_one_im)}')
- run_dict["one_im_sa_cls"] = one_im_stat_analysis_cls
- print(f"One image stat analysis cls: {one_im_stat_analysis_cls}")
-
- print(f"one im bounds: {bounds}")
- one_im_clss.append(one_im_stat_analysis_cls)
+ args = [
+ dim, small_im, true_pf, edge_length, confidence, error_target,
+ true_cls, true_error, in_the_bounds_one_im,
+ in_the_bounds_w_model, in_the_bounds_wo_model, iters,
+ one_im_clss, clss, true_clss
+ ]
+
+ run_dict = small_im_stats(*args)
iters += 1
- for i in range(2):
- print(f"Iterations: {iters}")
-
- with_model = i == 0
-
- out = core.make_error_prediction(
- small_im,
- confidence=confidence,
- target_error=error_target,
- model_error=with_model,
- )
- im_err, l_for_err_target, cls = (
- out["percent_err"],
- out["l"],
- out["integral_range"],
- )
- true_clss.append(true_cls)
- clss.append(cls)
- bounds, in_bounds = in_the_bounds(small_im_pf, im_err, true_pf)
- if with_model:
- in_the_bounds_w_model.append(in_bounds)
- run_dict["model_in_bounds"] = in_bounds
- else:
- in_the_bounds_wo_model.append(in_bounds)
- run_dict["model_wo_gmm_in_bounds"] = in_bounds
- print(f"Bounds: {bounds}")
- print(f"True PF: {true_pf}")
- if with_model:
- print("With model:")
- print(
- f"current right percentage: {np.mean(in_the_bounds_w_model)}"
- )
- run_dict["pred_cls"] = cls
- run_dict["error_w_gmm"] = im_err
-
- else:
- print("Without model:")
- print(
- f"current right percentage: {np.mean(in_the_bounds_wo_model)}"
- )
- run_dict["error_wo_gmm"] = im_err
- print(f"edge_length {edge_length}:")
- print(f"cls: {cls}")
-
- print(f"true error: {true_error[0]:.2f}")
- print(f"error: {im_err*100:.2f}\n")
- print(f"Length for error target: {l_for_err_target}")
-
data[f"validation_{dim}"][gen_name][f"run_{iters}"] = run_dict
print("\n")
- with open("representativity/validation/validation.json", "w") as file:
+ with open("representativity/validation/validation_w_real.json", "w") as file:
json.dump(data, file)
- # plt.imshow(im[150:350,150:350])
- # plt.title(f'{generator.__name__} with {args}')
- # print(f'Error: {100*im_err:.2f} %')
- # print(f'Length for error target: {l_for_err_target}')
- # print(f'CLS: {cls}')
- # clss.append(cls)
- # errs.append(im_err)
- # plt.show()
- # plt.close()
return errs, true_clss, clss, one_im_clss
+def separator_error_prediction(data, confidence, error_target, separator_name='Targray'):
+ true_clss = []
+ clss = []
+ one_im_clss = []
+ in_the_bounds_one_im = []
+ in_the_bounds_w_model = []
+ in_the_bounds_wo_model = []
+ iters = 0
+ dim = "3D"
+ dir = 'validation_data/3D'
+ separator_ims = []
+
+ for file in os.listdir(dir):
+ if file.startswith(separator_name):
+ separator_im = tifffile.imread(f'{dir}/{file}')
+ # The images are 2-phase:
+ separator_im[separator_im != 0] = 1
+ separator_ims.append(separator_im)
+
+ data[f"validation_{dim}"][f"separator_{separator_name}"] = {}
+ for separator_im in separator_ims:
+ separator_im = np.expand_dims(separator_im, axis=0)
+ print(f'large im shape: {separator_im.shape}')
+ separator_im_phase_fraction = np.mean(separator_im)
+ print(f'phase fraction: {separator_im_phase_fraction}')
+ edge_lengths_fit = data[f"validation_{dim}"]["edge_lengths_fit"]
+ # Since there are 4 images, the true cls will be the mean of the images:
+ true_cls = util.stat_analysis_error(
+ separator_im, separator_im_phase_fraction, edge_lengths_fit
+ )
+ print(f"True cls: {true_cls}")
+ data[f"validation_{dim}"][f"separator_{separator_name}"]["true_cls"] = true_cls
+ data[f"validation_{dim}"][f"separator_{separator_name}"]["true_pf"] = separator_im_phase_fraction
+ edge_lengths_pred = data[f"validation_{dim}"]["edge_lengths_pred"]
+ edge_lengths_pred = list(np.array(edge_lengths_pred) - 80)
+ edge_lengths_pred = edge_lengths_pred[1:]
+ for edge_length in edge_lengths_pred:
+ edge_lengths_repeats = 50
+ for _ in range(edge_lengths_repeats):
+ true_error = util.bernouli_from_cls(
+ true_cls, separator_im_phase_fraction, [edge_length] * int(dim[0])
+ )
+ start_idx = [
+ np.random.randint(0, separator_im.shape[i] - edge_length)
+ for i in range(1, int(dim[0]) + 1)
+ ]
+ end_idx = [start_idx[i] + edge_length for i in range(int(dim[0]))]
+ small_im = separator_im[0][
+ start_idx[0] : end_idx[0],
+ start_idx[1] : end_idx[1],
+ start_idx[2] : end_idx[2],
+ ]
+
+ args = [
+ dim, small_im, separator_im_phase_fraction, edge_length, confidence, error_target,
+ true_cls, true_error, in_the_bounds_one_im,
+ in_the_bounds_w_model, in_the_bounds_wo_model, iters,
+ one_im_clss, clss, true_clss
+ ]
+ run_dict = small_im_stats(*args)
+ data[f"validation_{dim}"][f"separator_{separator_name}"][f"run_{iters}"] = run_dict
+ iters += 1
+ print("\n")
+ with open("representativity/validation/validation_w_real.json", "w") as file:
+ json.dump(data, file)
+
+
+
+def sofc_anode_error_prediction(data, confidence, error_target):
+ true_clss = []
+ clss = []
+ one_im_clss = []
+ in_the_bounds_one_im = []
+ in_the_bounds_w_model = []
+ in_the_bounds_wo_model = []
+ iters = 0
+ dim = "2D"
+ dir = 'validation_data/2D'
+
+ anode_ims = []
+ for file in os.listdir(dir):
+ if file.startswith('anode'):
+ anode_im = tifffile.imread(f'{dir}/{file}')
+ anode_ims.append(anode_im)
+ # anode_ims = np.stack(anode_ims, axis=0)
+ phases = np.unique(anode_ims)
+ # Restart the data:
+ for phase in phases:
+ data[f"validation_{dim}"][f"anode_{phase}"] = {}
+ # Run the analysis:
+ for anode_im in anode_ims:
+ # add another dimension to the image in the beginning:
+ anode_im = np.expand_dims(anode_im, axis=0)
+ for phase in phases:
+ # copy the image and set all other phases to 0 except the current phase to 1
+ anode_ims_cur_phase = np.copy(anode_im)
+ anode_ims_cur_phase[anode_ims_cur_phase != phase] = 3
+ anode_ims_cur_phase[anode_ims_cur_phase == phase] = 1
+ anode_ims_cur_phase[anode_ims_cur_phase == 3] = 0
+ cur_phase_phase_fraction = np.mean(anode_ims_cur_phase)
+ print(f'phase: {phase}')
+ print(f'phase fraction: {cur_phase_phase_fraction}')
+ print(f'phase fraction per slice: {np.mean(anode_ims_cur_phase, axis=(1,2))}')
+ # continue
+ edge_lengths_fit = data[f"validation_{dim}"]["edge_lengths_fit"]
+ # Since there are 4 images, the true cls will be the mean of the images:
+ true_cls = util.stat_analysis_error(
+ anode_ims_cur_phase, cur_phase_phase_fraction, edge_lengths_fit
+ )
+ print(f"True cls: {true_cls}")
+ data[f"validation_{dim}"][f"anode_{phase}"]["true_cls"] = true_cls
+ data[f"validation_{dim}"][f"anode_{phase}"]["true_pf"] = cur_phase_phase_fraction
+ edge_lengths_pred = data[f"validation_{dim}"]["edge_lengths_pred"]
+ edge_lengths_pred = list(np.array(edge_lengths_pred) // 2)
+ edge_lengths_pred = edge_lengths_pred[1:-1]
+ for edge_length in edge_lengths_pred:
+ edge_lengths_repeats = 28
+ for _ in range(edge_lengths_repeats):
+ true_error = util.bernouli_from_cls(
+ true_cls, cur_phase_phase_fraction, [edge_length] * int(dim[0])
+ )
+ first_index = np.random.randint(0, anode_ims_cur_phase.shape[0])
+ start_idx = [
+ np.random.randint(0, anode_ims_cur_phase.shape[i] - edge_length)
+ for i in range(1, int(dim[0])+1)
+ ]
+ end_idx = [start_idx[i] + edge_length for i in range(int(dim[0]))]
+
+ small_im = anode_ims_cur_phase[first_index][
+ start_idx[0] : end_idx[0], start_idx[1] : end_idx[1]
+ ]
+
+ args = [
+ dim, small_im, cur_phase_phase_fraction, edge_length, confidence, error_target,
+ true_cls, true_error, in_the_bounds_one_im,
+ in_the_bounds_w_model, in_the_bounds_wo_model, iters,
+ one_im_clss, clss, true_clss
+ ]
+ run_dict = small_im_stats(*args)
+ data[f"validation_{dim}"][f"anode_{phase}"][f"run_{iters}"] = run_dict
+ iters += 1
+ print("\n")
+ with open("representativity/validation/validation_w_real.json", "w") as file:
+ json.dump(data, file)
+
+
+def small_im_stats(dim, small_im, true_pf, edge_length, confidence, error_target,
+ true_cls, true_error, in_the_bounds_one_im, in_the_bounds_w_model,
+ in_the_bounds_wo_model, iters, one_im_clss, clss, true_clss):
+ run_dict = {"edge_length": str(edge_length)}
+ print(f'small im shape: {small_im.shape}')
+ # np.save(f'./small_im_{gen_name}_{args}_{edge_length}.npy', small_im)
+ small_im_pf = np.mean(small_im)
+ run_dict["pf"] = small_im_pf
+ one_im_stat_analysis_cls = core.stat_analysis_error_classic(
+ small_im, np.mean(small_im)
+ )
+ one_im_sa_error = util.bernouli_from_cls(
+ one_im_stat_analysis_cls, small_im_pf, [edge_length] * int(dim[0])
+ )
+ print(f"one im error: {one_im_sa_error[0]:.2f}")
+ one_im_sa_error /= 100
+ bounds, in_bounds = in_the_bounds(small_im_pf, one_im_sa_error, true_pf)
+ run_dict["in_bounds_one_im"] = in_bounds
+ run_dict["error_one_im"] = one_im_sa_error[0]
+ in_the_bounds_one_im.append(in_bounds)
+ print(f'current right percentage one im: {np.mean(in_the_bounds_one_im)}')
+ run_dict["one_im_sa_cls"] = one_im_stat_analysis_cls
+ print(f"One image stat analysis cls: {one_im_stat_analysis_cls}")
+
+ print(f"one im bounds: {bounds}")
+ one_im_clss.append(one_im_stat_analysis_cls)
+ for i in range(2):
+ print(f"Iterations: {iters}")
+
+ with_model = i == 0
+
+ out = core.make_error_prediction(
+ small_im,
+ confidence=confidence,
+ target_error=error_target,
+ model_error=with_model,
+ )
+ im_err, l_for_err_target, cls = (
+ out["percent_err"],
+ out["l"],
+ out["integral_range"],
+ )
+ true_clss.append(true_cls)
+ clss.append(cls)
+ bounds, in_bounds = in_the_bounds(small_im_pf, im_err, true_pf)
+ if with_model:
+ in_the_bounds_w_model.append(in_bounds)
+ run_dict["model_in_bounds"] = in_bounds
+ else:
+ in_the_bounds_wo_model.append(in_bounds)
+ run_dict["model_wo_gmm_in_bounds"] = in_bounds
+ print(f"Bounds: {bounds}")
+ print(f"True PF: {true_pf}")
+ if with_model:
+ print("With model:")
+ print(
+ f"current right percentage: {np.mean(in_the_bounds_w_model)}"
+ )
+ run_dict["pred_cls"] = cls
+ run_dict["error_w_gmm"] = im_err
+
+ else:
+ print("Without model:")
+ print(
+ f"current right percentage: {np.mean(in_the_bounds_wo_model)}"
+ )
+ run_dict["error_wo_gmm"] = im_err
+ # print(f"edge_length {edge_length}:")
+ print(f"cls: {cls}")
+
+ print(f"true error: {true_error[0]:.2f}")
+ print(f"error: {im_err*100:.2f}\n")
+ print(f"Length for error target: {l_for_err_target}")
+ return run_dict
+
if __name__ == "__main__":
# shape = [1000, 1000]
all_data = json_validation_preprocessing()
- dim = "3D"
+
+ # dim = "2D"
+ # sofc_anode_error_prediction(all_data, confidence=0.95, error_target=0.05)
+ # dim = "3D"
+ separator_error_prediction(all_data, confidence=0.95, error_target=0.05, separator_name='PP1615')
# get porespy generators:
- errs, true_clss, clss, one_im_clss = ps_error_prediction(
- dim, all_data, confidence=0.95, error_target=0.05
- )
+ # errs, true_clss, clss, one_im_clss = ps_error_prediction(
+ # dim, all_data, confidence=0.95, error_target=0.05
+ # )
# plt.scatter(true_clss, clss, label='CLS')
# plt.scatter(true_clss, one_im_clss, label='One image stat analysis')
# max_value = max(max(true_clss), max(clss), max(one_im_clss))
diff --git a/representativity/validation/validation_w_real.json b/representativity/validation/validation_w_real.json
new file mode 100644
index 0000000..08e1642
--- /dev/null
+++ b/representativity/validation/validation_w_real.json
@@ -0,0 +1 @@
+{"validation_2D": {"blobs_50.0_0.1": {"true_cls": 3.3469387755102042, "true_pf": 0.10158130212202261, "run_1": {"edge_length": 600, "pf": 0.09823333333333334, "in_bounds_one_im": 0, "error_one_im": 0.027873884448932695, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 0, "pred_cls": 2.6272862284454974, "error_w_gmm": 0.027039011773929165, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026002905540232876}, "run_2": {"edge_length": 600, "pf": 0.10460833333333333, "in_bounds_one_im": 1, "error_one_im": 0.029256030651334905, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.7878954614719578, "error_w_gmm": 0.03764325283321659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03620080333679282}, "run_3": {"edge_length": 600, "pf": 0.10266388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02838127943752401, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.3246479466722554, "error_w_gmm": 0.033387212245764034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03210784970756173}, "run_4": {"edge_length": 600, "pf": 0.10024444444444444, "in_bounds_one_im": 1, "error_one_im": 0.02876042930791687, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.633510370250031, "error_w_gmm": 0.026799884468933013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02577294133976984}, "run_5": {"edge_length": 600, "pf": 0.10146666666666666, "in_bounds_one_im": 1, "error_one_im": 0.028567264278355445, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.9425210828329367, "error_w_gmm": 0.03985154850907261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03832447946609412}, "run_6": {"edge_length": 600, "pf": 0.10152777777777777, "in_bounds_one_im": 1, "error_one_im": 0.028557694265665682, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.1690562502841284, "error_w_gmm": 0.02191777574318162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021077909838830712}, "run_7": {"edge_length": 600, "pf": 0.10411666666666666, "in_bounds_one_im": 1, "error_one_im": 0.030506399954958692, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.171567044044326, "error_w_gmm": 0.04156526998989488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03997253295860583}, "run_8": {"edge_length": 600, "pf": 0.10102777777777777, "in_bounds_one_im": 1, "error_one_im": 0.02704533747973123, "one_im_sa_cls": 2.7755102040816326, "model_in_bounds": 1, "pred_cls": 4.164159981338507, "error_w_gmm": 0.04219353568787021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0405767241818358}, "run_9": {"edge_length": 600, "pf": 0.101325, "in_bounds_one_im": 1, "error_one_im": 0.029780709732462184, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.078228926784814, "error_w_gmm": 0.031139362423911285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029946135105158065}, "run_10": {"edge_length": 600, "pf": 0.10054722222222222, "in_bounds_one_im": 1, "error_one_im": 0.029509824125597398, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 4.216020780150197, "error_w_gmm": 0.04283242520164391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041191132127518355}, "run_11": {"edge_length": 600, "pf": 0.10356944444444445, "in_bounds_one_im": 1, "error_one_im": 0.028242670227746708, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.183111301932355, "error_w_gmm": 0.03180973888560208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030590823452331675}, "run_12": {"edge_length": 600, "pf": 0.10288888888888889, "in_bounds_one_im": 1, "error_one_im": 0.028346675484977806, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.5548428826750333, "error_w_gmm": 0.025625293807517407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02464335974586407}, "run_13": {"edge_length": 600, "pf": 0.10269444444444445, "in_bounds_one_im": 1, "error_one_im": 0.027982454638258224, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.4969138263146715, "error_w_gmm": 0.03511134052525067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0337659112212582}, "run_14": {"edge_length": 600, "pf": 0.1041, "in_bounds_one_im": 1, "error_one_im": 0.026988841981455357, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.3905416872436094, "error_w_gmm": 0.03378619382509465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03249154273622598}, "run_15": {"edge_length": 600, "pf": 0.10376111111111111, "in_bounds_one_im": 1, "error_one_im": 0.028605411643833616, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.3591564886699747, "error_w_gmm": 0.023551420805744603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022648955356442874}, "run_16": {"edge_length": 600, "pf": 0.10011111111111111, "in_bounds_one_im": 1, "error_one_im": 0.02798221571722679, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 2.3984151359092003, "error_w_gmm": 0.02442549858133776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023489539399365565}, "run_17": {"edge_length": 600, "pf": 0.10023055555555556, "in_bounds_one_im": 1, "error_one_im": 0.02836316272333116, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.0424698195182147, "error_w_gmm": 0.03096403913044371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029777530014219268}, "run_18": {"edge_length": 600, "pf": 0.101375, "in_bounds_one_im": 1, "error_one_im": 0.027390733454056383, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 2.8347372444619423, "error_w_gmm": 0.028668330441370817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027569790445592924}, "run_19": {"edge_length": 600, "pf": 0.1010888888888889, "in_bounds_one_im": 1, "error_one_im": 0.028229017812817253, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.559655998398535, "error_w_gmm": 0.036056242850698306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034674605892453574}, "run_20": {"edge_length": 600, "pf": 0.0996361111111111, "in_bounds_one_im": 1, "error_one_im": 0.027655435193128915, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 2.55891251960471, "error_w_gmm": 0.026128944495306547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02512771107383985}, "run_21": {"edge_length": 600, "pf": 0.09954722222222222, "in_bounds_one_im": 1, "error_one_im": 0.02887215169273246, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.8089598495144097, "error_w_gmm": 0.028696386092040296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02759677103350538}, "run_22": {"edge_length": 600, "pf": 0.10116944444444445, "in_bounds_one_im": 1, "error_one_im": 0.027819096921813544, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.5768588772176937, "error_w_gmm": 0.036214443357084396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03482674432333886}, "run_23": {"edge_length": 600, "pf": 0.10168888888888888, "in_bounds_one_im": 1, "error_one_im": 0.029721358374638126, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.4039324448273285, "error_w_gmm": 0.03436555359164605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03304870205141858}, "run_24": {"edge_length": 600, "pf": 0.105625, "in_bounds_one_im": 0, "error_one_im": 0.027934423776056604, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 0, "pred_cls": 1.9173842469981555, "error_w_gmm": 0.018951840675710496, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01822562625529098}, "run_25": {"edge_length": 600, "pf": 0.10382222222222222, "in_bounds_one_im": 1, "error_one_im": 0.027029111646357483, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.5043001821154083, "error_w_gmm": 0.03497188193786888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03363179653893235}, "run_26": {"edge_length": 600, "pf": 0.1025, "in_bounds_one_im": 1, "error_one_im": 0.029590160143597076, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 2.7288723075038757, "error_w_gmm": 0.027428640811092204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026377604406219217}, "run_27": {"edge_length": 600, "pf": 0.09978888888888889, "in_bounds_one_im": 1, "error_one_im": 0.02763191205953798, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 0, "pred_cls": 1.7571940910635462, "error_w_gmm": 0.017927370847040946, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017240413023149104}, "run_28": {"edge_length": 600, "pf": 0.10198888888888889, "in_bounds_one_im": 1, "error_one_im": 0.028485751256029795, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.177249983782857, "error_w_gmm": 0.021945147190490913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021104232441329415}, "run_29": {"edge_length": 600, "pf": 0.10168055555555555, "in_bounds_one_im": 1, "error_one_im": 0.02615598843850667, "one_im_sa_cls": 2.693877551020408, "model_in_bounds": 1, "pred_cls": 3.2643786423574244, "error_w_gmm": 0.03295814422358402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03169522311660634}, "run_30": {"edge_length": 600, "pf": 0.0979, "in_bounds_one_im": 0, "error_one_im": 0.029140650903553614, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 0, "pred_cls": 3.6283528288212845, "error_w_gmm": 0.037412030942882694, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03597844162389244}, "run_31": {"edge_length": 600, "pf": 0.10110833333333333, "in_bounds_one_im": 1, "error_one_im": 0.029021096529369003, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.5217981541006425, "error_w_gmm": 0.03566895944427373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03430216277512539}, "run_32": {"edge_length": 600, "pf": 0.102675, "in_bounds_one_im": 1, "error_one_im": 0.02877372870001939, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.8616430457485267, "error_w_gmm": 0.03877755586271639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0372916410780791}, "run_33": {"edge_length": 600, "pf": 0.10446388888888888, "in_bounds_one_im": 1, "error_one_im": 0.02888822997139895, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.6430662225319974, "error_w_gmm": 0.036231915908221994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03484354734486121}, "run_34": {"edge_length": 600, "pf": 0.09983611111111111, "in_bounds_one_im": 1, "error_one_im": 0.027224294523397058, "one_im_sa_cls": 2.7755102040816326, "model_in_bounds": 1, "pred_cls": 4.47077843576442, "error_w_gmm": 0.045600109989219824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04385276217147828}, "run_35": {"edge_length": 600, "pf": 0.09942777777777778, "in_bounds_one_im": 1, "error_one_im": 0.02969394385984482, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.519885266517573, "error_w_gmm": 0.035983192470590536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03460435472538053}, "run_36": {"edge_length": 600, "pf": 0.10327222222222222, "in_bounds_one_im": 1, "error_one_im": 0.028287971322688628, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.8410838596000056, "error_w_gmm": 0.03844661568429411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0369733821760552}, "run_37": {"edge_length": 600, "pf": 0.10229444444444444, "in_bounds_one_im": 1, "error_one_im": 0.02962326693919355, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 4.072038384065906, "error_w_gmm": 0.04097496324918915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03940484614569006}, "run_38": {"edge_length": 600, "pf": 0.10097222222222223, "in_bounds_one_im": 1, "error_one_im": 0.03063423781792065, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.8693024388519452, "error_w_gmm": 0.02908222986340322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027967829681059618}, "run_39": {"edge_length": 600, "pf": 0.10193611111111112, "in_bounds_one_im": 1, "error_one_im": 0.028098212414343328, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.861104499691645, "error_w_gmm": 0.02884623145717585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027740874483285185}, "run_40": {"edge_length": 600, "pf": 0.10035277777777778, "in_bounds_one_im": 1, "error_one_im": 0.028343960070193578, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.3142152524750585, "error_w_gmm": 0.0337068300535786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03241522010020281}, "run_41": {"edge_length": 800, "pf": 0.1011, "in_bounds_one_im": 1, "error_one_im": 0.01997776659159565, "one_im_sa_cls": 2.7346938775510203, "model_in_bounds": 1, "pred_cls": 2.5714589633172413, "error_w_gmm": 0.019040460090558747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018785286130461938}, "run_42": {"edge_length": 800, "pf": 0.098728125, "in_bounds_one_im": 0, "error_one_im": 0.0220557761101625, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 4.4987619174851785, "error_w_gmm": 0.03375345259835107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03330109997002701}, "run_43": {"edge_length": 800, "pf": 0.10406875, "in_bounds_one_im": 0, "error_one_im": 0.021125241845027558, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.4757066291872234, "error_w_gmm": 0.025324332883941147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024984944535231493}, "run_44": {"edge_length": 800, "pf": 0.10328125, "in_bounds_one_im": 1, "error_one_im": 0.020625640427730678, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.1699178780708532, "error_w_gmm": 0.023194398895052648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02288355521848355}, "run_45": {"edge_length": 800, "pf": 0.100784375, "in_bounds_one_im": 1, "error_one_im": 0.021207315004943515, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.0154691349067178, "error_w_gmm": 0.014949587124899157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0147492376937231}, "run_46": {"edge_length": 800, "pf": 0.101321875, "in_bounds_one_im": 1, "error_one_im": 0.022038103363411367, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.456113277549766, "error_w_gmm": 0.025559724754116206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025217181761275072}, "run_47": {"edge_length": 800, "pf": 0.1009015625, "in_bounds_one_im": 1, "error_one_im": 0.022387621651488512, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 2.9380169343340135, "error_w_gmm": 0.021778436516541287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021486569100301785}, "run_48": {"edge_length": 800, "pf": 0.1015140625, "in_bounds_one_im": 1, "error_one_im": 0.02201487771285598, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.4430480644125123, "error_w_gmm": 0.025436265615157744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02509537718093797}, "run_49": {"edge_length": 800, "pf": 0.1020625, "in_bounds_one_im": 1, "error_one_im": 0.022245554550312515, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.888835724293887, "error_w_gmm": 0.028643578819297383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028259707032381357}, "run_50": {"edge_length": 800, "pf": 0.1019109375, "in_bounds_one_im": 1, "error_one_im": 0.02048285146586672, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.9908588258308177, "error_w_gmm": 0.02941937203749103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029025103325985936}, "run_51": {"edge_length": 800, "pf": 0.1018125, "in_bounds_one_im": 1, "error_one_im": 0.021087899390652656, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.95305908347697, "error_w_gmm": 0.021780749323715987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021488850911998234}, "run_52": {"edge_length": 800, "pf": 0.1018578125, "in_bounds_one_im": 1, "error_one_im": 0.022567371991493394, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.800356857504618, "error_w_gmm": 0.020649354587586363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020372618754602445}, "run_53": {"edge_length": 800, "pf": 0.1024375, "in_bounds_one_im": 1, "error_one_im": 0.02101615354175317, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.7341414336225007, "error_w_gmm": 0.020097478308158032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019828138538873948}, "run_54": {"edge_length": 800, "pf": 0.1024515625, "in_bounds_one_im": 1, "error_one_im": 0.021606505587037684, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.986064467669247, "error_w_gmm": 0.021947576028367066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021653441860229897}, "run_55": {"edge_length": 800, "pf": 0.1001765625, "in_bounds_one_im": 1, "error_one_im": 0.022177844155402943, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.5589196974427795, "error_w_gmm": 0.026486922738462627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026131953744341272}, "run_56": {"edge_length": 800, "pf": 0.0992953125, "in_bounds_one_im": 0, "error_one_im": 0.022286946851146433, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.3979997695221766, "error_w_gmm": 0.025413700708642805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02507311468185055}, "run_57": {"edge_length": 800, "pf": 0.1022921875, "in_bounds_one_im": 1, "error_one_im": 0.02221772323167441, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.1152896921534676, "error_w_gmm": 0.022917246465682987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02261011709447295}, "run_58": {"edge_length": 800, "pf": 0.1018125, "in_bounds_one_im": 1, "error_one_im": 0.02168192472560062, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.8220525402018843, "error_w_gmm": 0.02081449006571234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02053554114156861}, "run_59": {"edge_length": 800, "pf": 0.1033484375, "in_bounds_one_im": 1, "error_one_im": 0.02061816244430944, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.79507254005084, "error_w_gmm": 0.027758609461291866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027386597741547187}, "run_60": {"edge_length": 800, "pf": 0.104221875, "in_bounds_one_im": 0, "error_one_im": 0.020521582363874122, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 0, "pred_cls": 3.1677386338603606, "error_w_gmm": 0.02306151607356259, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022752453248697013}, "run_61": {"edge_length": 800, "pf": 0.1008421875, "in_bounds_one_im": 1, "error_one_im": 0.02060335485211787, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 4.200884054622615, "error_w_gmm": 0.031149799463582165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030732340134997673}, "run_62": {"edge_length": 800, "pf": 0.102584375, "in_bounds_one_im": 1, "error_one_im": 0.020999384876492527, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.1936909234117463, "error_w_gmm": 0.016111996960075755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015896069296047786}, "run_63": {"edge_length": 800, "pf": 0.1016625, "in_bounds_one_im": 1, "error_one_im": 0.02348326521034947, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.9195221101493294, "error_w_gmm": 0.028932783584028746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02854503597033418}, "run_64": {"edge_length": 800, "pf": 0.1042953125, "in_bounds_one_im": 0, "error_one_im": 0.021685716108205542, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 0, "pred_cls": 3.4820106806138256, "error_w_gmm": 0.025339489172138605, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02499989770385823}, "run_65": {"edge_length": 800, "pf": 0.102278125, "in_bounds_one_im": 1, "error_one_im": 0.02162690660821964, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 1.9572041364092294, "error_w_gmm": 0.01439903468791412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014206063578738597}, "run_66": {"edge_length": 800, "pf": 0.1012234375, "in_bounds_one_im": 1, "error_one_im": 0.02115610417797541, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.105355603089228, "error_w_gmm": 0.02297811486847845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02267016975902925}, "run_67": {"edge_length": 800, "pf": 0.099715625, "in_bounds_one_im": 1, "error_one_im": 0.021032858893301018, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.5502526956803666, "error_w_gmm": 0.026490200313431307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02613518739433234}, "run_68": {"edge_length": 800, "pf": 0.1021578125, "in_bounds_one_im": 1, "error_one_im": 0.020158821715234393, "one_im_sa_cls": 2.7755102040816326, "model_in_bounds": 1, "pred_cls": 3.144489486553438, "error_w_gmm": 0.023148992092966697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022838756943368576}, "run_69": {"edge_length": 800, "pf": 0.1009640625, "in_bounds_one_im": 1, "error_one_im": 0.02088791912665688, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.0010632691629717, "error_w_gmm": 0.02223811629394696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021940088401089835}, "run_70": {"edge_length": 800, "pf": 0.1023015625, "in_bounds_one_im": 1, "error_one_im": 0.020439262041272707, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 2.2133911398985346, "error_w_gmm": 0.016281709294903444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01606350720219315}, "run_71": {"edge_length": 800, "pf": 0.101459375, "in_bounds_one_im": 1, "error_one_im": 0.021426305032855225, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.6188361461821343, "error_w_gmm": 0.019353023405869127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01909366057541047}, "run_72": {"edge_length": 800, "pf": 0.1006265625, "in_bounds_one_im": 1, "error_one_im": 0.02122580051222208, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.5562898504626173, "error_w_gmm": 0.026401499158236356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026047674982735355}, "run_73": {"edge_length": 800, "pf": 0.09929375, "in_bounds_one_im": 0, "error_one_im": 0.02078125359530223, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 0, "pred_cls": 2.945372129641421, "error_w_gmm": 0.022028682968250505, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0217334618316817}, "run_74": {"edge_length": 800, "pf": 0.102475, "in_bounds_one_im": 1, "error_one_im": 0.020715927068597283, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.279208280554605, "error_w_gmm": 0.02409911219954114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023776143853948325}, "run_75": {"edge_length": 800, "pf": 0.1029671875, "in_bounds_one_im": 1, "error_one_im": 0.020365536241347987, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.2795061629886026, "error_w_gmm": 0.024037036273712516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023714899849183735}, "run_76": {"edge_length": 800, "pf": 0.100915625, "in_bounds_one_im": 1, "error_one_im": 0.020595015748071085, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.5514175946375834, "error_w_gmm": 0.026323309368325252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025970533066575003}, "run_77": {"edge_length": 800, "pf": 0.1020578125, "in_bounds_one_im": 1, "error_one_im": 0.021652893517992364, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.283482039345737, "error_w_gmm": 0.024185408846571072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023861283981804714}, "run_78": {"edge_length": 800, "pf": 0.10053125, "in_bounds_one_im": 1, "error_one_im": 0.02004053543966298, "one_im_sa_cls": 2.7346938775510203, "model_in_bounds": 1, "pred_cls": 2.309529866048713, "error_w_gmm": 0.0171547269221492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01692482493541759}, "run_79": {"edge_length": 800, "pf": 0.104428125, "in_bounds_one_im": 0, "error_one_im": 0.020791788625369047, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 0, "pred_cls": 3.7399037183229993, "error_w_gmm": 0.02719691429144364, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026832430224926568}, "run_80": {"edge_length": 800, "pf": 0.098603125, "in_bounds_one_im": 0, "error_one_im": 0.02116424323737366, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 0, "pred_cls": 3.856242019910232, "error_w_gmm": 0.028953074984389596, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02856505543204645}, "run_81": {"edge_length": 1000, "pf": 0.099775, "in_bounds_one_im": 0, "error_one_im": 0.017781909389664126, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.413750804170211, "error_w_gmm": 0.02050814963890265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02009761734090364}, "run_82": {"edge_length": 1000, "pf": 0.101322, "in_bounds_one_im": 1, "error_one_im": 0.01667747217907326, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 2.765324680857945, "error_w_gmm": 0.016471240316874986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016141518900889554}, "run_83": {"edge_length": 1000, "pf": 0.10279, "in_bounds_one_im": 1, "error_one_im": 0.01725347132751357, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.3453917555626327, "error_w_gmm": 0.01976735663183739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019371653533980196}, "run_84": {"edge_length": 1000, "pf": 0.102435, "in_bounds_one_im": 1, "error_one_im": 0.01752356626129706, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.605621404950202, "error_w_gmm": 0.021346117105720496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02091881036849323}, "run_85": {"edge_length": 1000, "pf": 0.10155, "in_bounds_one_im": 1, "error_one_im": 0.01618072258268845, "one_im_sa_cls": 2.7755102040816326, "model_in_bounds": 1, "pred_cls": 2.5653488707344922, "error_w_gmm": 0.015261015132516568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014955520013626678}, "run_86": {"edge_length": 1000, "pf": 0.101294, "in_bounds_one_im": 1, "error_one_im": 0.016680036881820005, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 2.8926134617767754, "error_w_gmm": 0.0172320663672939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01688711472954998}, "run_87": {"edge_length": 1000, "pf": 0.101485, "in_bounds_one_im": 1, "error_one_im": 0.016900598837321902, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.262427445611549, "error_w_gmm": 0.0194147854463617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01902614012122064}, "run_88": {"edge_length": 1000, "pf": 0.101194, "in_bounds_one_im": 1, "error_one_im": 0.018119708172661765, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.7817295663335693, "error_w_gmm": 0.01658060992168684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016248699144106794}, "run_89": {"edge_length": 1000, "pf": 0.102047, "in_bounds_one_im": 1, "error_one_im": 0.0177979487570751, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 1.7210126483382382, "error_w_gmm": 0.01021035259275888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010005961675631347}, "run_90": {"edge_length": 1000, "pf": 0.100644, "in_bounds_one_im": 1, "error_one_im": 0.017218145630317823, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.0322096164801464, "error_w_gmm": 0.018128467405886268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017765571605222644}, "run_91": {"edge_length": 1000, "pf": 0.100935, "in_bounds_one_im": 1, "error_one_im": 0.016951768283297666, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.419595133788564, "error_w_gmm": 0.020411707580718145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02000310586058538}, "run_92": {"edge_length": 1000, "pf": 0.100501, "in_bounds_one_im": 1, "error_one_im": 0.016753100645753104, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.511827825148326, "error_w_gmm": 0.021012530754921425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02059190175184315}, "run_93": {"edge_length": 1000, "pf": 0.102576, "in_bounds_one_im": 1, "error_one_im": 0.0165636485419428, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 2.2966295391551674, "error_w_gmm": 0.013586165548126746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01331419758116359}, "run_94": {"edge_length": 1000, "pf": 0.102897, "in_bounds_one_im": 1, "error_one_im": 0.01747968187827825, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.4950190382384925, "error_w_gmm": 0.020639507954090856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02022634612432303}, "run_95": {"edge_length": 1000, "pf": 0.100403, "in_bounds_one_im": 1, "error_one_im": 0.016522727937893687, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.5131661840616704, "error_w_gmm": 0.021031940474036982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020610922927051432}, "run_96": {"edge_length": 1000, "pf": 0.100705, "in_bounds_one_im": 1, "error_one_im": 0.017929527411907897, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.20297994073625, "error_w_gmm": 0.019142990639352483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018759786104759098}, "run_97": {"edge_length": 1000, "pf": 0.102859, "in_bounds_one_im": 1, "error_one_im": 0.0181920623282752, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.892381519845552, "error_w_gmm": 0.017084205123090453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016742213372875975}, "run_98": {"edge_length": 1000, "pf": 0.100266, "in_bounds_one_im": 1, "error_one_im": 0.01749383750346946, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.969371154329022, "error_w_gmm": 0.023781099299989464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023305049070375027}, "run_99": {"edge_length": 1000, "pf": 0.102185, "in_bounds_one_im": 1, "error_one_im": 0.017310305024378952, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 4.008579701435249, "error_w_gmm": 0.023764045350176385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02328833650666113}, "run_100": {"edge_length": 1000, "pf": 0.101532, "in_bounds_one_im": 1, "error_one_im": 0.01713422002313478, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.2682908031206224, "error_w_gmm": 0.019444667619864013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01905542411314288}, "run_101": {"edge_length": 1000, "pf": 0.101859, "in_bounds_one_im": 1, "error_one_im": 0.01662848196498659, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.4522432791063244, "error_w_gmm": 0.020502364273385375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020091947786877992}, "run_102": {"edge_length": 1000, "pf": 0.102927, "in_bounds_one_im": 1, "error_one_im": 0.017476842073800087, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.2998717208724555, "error_w_gmm": 0.01948391779503703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01909388857800578}, "run_103": {"edge_length": 1000, "pf": 0.101235, "in_bounds_one_im": 1, "error_one_im": 0.018115625379855282, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.9467636404163016, "error_w_gmm": 0.023519541247029062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023048726888540552}, "run_104": {"edge_length": 1000, "pf": 0.101806, "in_bounds_one_im": 1, "error_one_im": 0.016395681950325466, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 3.034917390946088, "error_w_gmm": 0.01802915023459956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017668242565838536}, "run_105": {"edge_length": 1000, "pf": 0.099357, "in_bounds_one_im": 0, "error_one_im": 0.0178234113514204, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 0, "pred_cls": 3.36313718258764, "error_w_gmm": 0.020251242876920074, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019845853340468324}, "run_106": {"edge_length": 1000, "pf": 0.101493, "in_bounds_one_im": 1, "error_one_im": 0.01808998832023177, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.294029954410651, "error_w_gmm": 0.019601992889173987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0192096000439956}, "run_107": {"edge_length": 1000, "pf": 0.101514, "in_bounds_one_im": 1, "error_one_im": 0.016659913166395146, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.443108128413296, "error_w_gmm": 0.02048676303546225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02007665885465619}, "run_108": {"edge_length": 1000, "pf": 0.100603, "in_bounds_one_im": 1, "error_one_im": 0.016982851294898845, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.2403494540387086, "error_w_gmm": 0.019377247935226636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018989354036273633}, "run_109": {"edge_length": 1000, "pf": 0.102015, "in_bounds_one_im": 1, "error_one_im": 0.017563709710461756, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.755199534309111, "error_w_gmm": 0.022282583273867767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021836530349647658}, "run_110": {"edge_length": 1000, "pf": 0.102274, "in_bounds_one_im": 1, "error_one_im": 0.01682788890396248, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.5894913654286564, "error_w_gmm": 0.02126925065816422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020843482634078415}, "run_111": {"edge_length": 1000, "pf": 0.102195, "in_bounds_one_im": 1, "error_one_im": 0.01778359076759675, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.3865406759945476, "error_w_gmm": 0.02007532005528612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019673452143237777}, "run_112": {"edge_length": 1000, "pf": 0.102102, "in_bounds_one_im": 1, "error_one_im": 0.01731813992402588, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.892882520945224, "error_w_gmm": 0.01715762496082957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016814163491735666}, "run_113": {"edge_length": 1000, "pf": 0.102169, "in_bounds_one_im": 1, "error_one_im": 0.017311814651783445, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.1118838371752995, "error_w_gmm": 0.018449776076177034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018080448316067893}, "run_114": {"edge_length": 1000, "pf": 0.100572, "in_bounds_one_im": 1, "error_one_im": 0.017224997257970626, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.9800080093042065, "error_w_gmm": 0.02380447458189202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023327956425703737}, "run_115": {"edge_length": 1000, "pf": 0.101344, "in_bounds_one_im": 1, "error_one_im": 0.017390120249153956, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.1538663419732558, "error_w_gmm": 0.01878326122103619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018407257752719435}, "run_116": {"edge_length": 1000, "pf": 0.100098, "in_bounds_one_im": 1, "error_one_im": 0.016790551265896295, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.2512129763370305, "error_w_gmm": 0.019496664739909138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019106380354436965}, "run_117": {"edge_length": 1000, "pf": 0.1002, "in_bounds_one_im": 1, "error_one_im": 0.017260510515668962, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.5860200623837133, "error_w_gmm": 0.021492248048772925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021062016061198084}, "run_118": {"edge_length": 1000, "pf": 0.102197, "in_bounds_one_im": 1, "error_one_im": 0.018020508905511302, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.271212611278688, "error_w_gmm": 0.019391447109683487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019003268971546413}, "run_119": {"edge_length": 1000, "pf": 0.101282, "in_bounds_one_im": 1, "error_one_im": 0.017634344145092785, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 2.495657876787084, "error_w_gmm": 0.014868276541744514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014570643267000506}, "run_120": {"edge_length": 1000, "pf": 0.101389, "in_bounds_one_im": 1, "error_one_im": 0.01786214931748459, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.643667858404686, "error_w_gmm": 0.021694978433701006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021260688187713647}, "run_121": {"edge_length": 1200, "pf": 0.10157430555555555, "in_bounds_one_im": 1, "error_one_im": 0.013878673267881699, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 2.9687062352031295, "error_w_gmm": 0.014715164632713084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014420596353347588}, "run_122": {"edge_length": 1200, "pf": 0.10150069444444444, "in_bounds_one_im": 1, "error_one_im": 0.01447931401484547, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.3088515407789827, "error_w_gmm": 0.016407801664138858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016079350163594266}, "run_123": {"edge_length": 1200, "pf": 0.10186527777777778, "in_bounds_one_im": 1, "error_one_im": 0.01445044685736254, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.663429230699365, "error_w_gmm": 0.01812985006282798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01776692658412709}, "run_124": {"edge_length": 1200, "pf": 0.1009375, "in_bounds_one_im": 1, "error_one_im": 0.01492212569070994, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.810375429341737, "error_w_gmm": 0.01895331530009314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01857390768790722}, "run_125": {"edge_length": 1200, "pf": 0.10196527777777778, "in_bounds_one_im": 1, "error_one_im": 0.014244711836966704, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.004220185564772, "error_w_gmm": 0.014859387919104136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01456193257687689}, "run_126": {"edge_length": 1200, "pf": 0.10212777777777778, "in_bounds_one_im": 1, "error_one_im": 0.014429754676118282, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.940909685204968, "error_w_gmm": 0.014533351054464894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014242422320714166}, "run_127": {"edge_length": 1200, "pf": 0.10235208333333333, "in_bounds_one_im": 1, "error_one_im": 0.014017280996411476, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.3400013508475848, "error_w_gmm": 0.01648542174857224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01615541644857747}, "run_128": {"edge_length": 1200, "pf": 0.10035208333333333, "in_bounds_one_im": 1, "error_one_im": 0.014172034540376487, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.8579634503948284, "error_w_gmm": 0.01426193697282211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013976441408255807}, "run_129": {"edge_length": 1200, "pf": 0.10076527777777777, "in_bounds_one_im": 1, "error_one_im": 0.014338850536169324, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.4095599700057133, "error_w_gmm": 0.01697571846198329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01663589839858942}, "run_130": {"edge_length": 1200, "pf": 0.10141527777777777, "in_bounds_one_im": 1, "error_one_im": 0.013890779695799464, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.0000530530723757, "error_w_gmm": 0.014883514929486284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014585576612578631}, "run_131": {"edge_length": 1200, "pf": 0.10064375, "in_bounds_one_im": 1, "error_one_im": 0.01454775887519069, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.427654201979801, "error_w_gmm": 0.017077261345923123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016735408596293692}, "run_132": {"edge_length": 1200, "pf": 0.10084861111111111, "in_bounds_one_im": 1, "error_one_im": 0.013735083384685029, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 2.907235401869388, "error_w_gmm": 0.01446806319593475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014178441395040816}, "run_133": {"edge_length": 1200, "pf": 0.10242777777777778, "in_bounds_one_im": 1, "error_one_im": 0.014406200250109764, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.1530887943955896, "error_w_gmm": 0.015556460024302233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01524505068728467}, "run_134": {"edge_length": 1200, "pf": 0.10113402777777777, "in_bounds_one_im": 1, "error_one_im": 0.01430975094371705, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.793183633742125, "error_w_gmm": 0.018847399479080443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018470112090618326}, "run_135": {"edge_length": 1200, "pf": 0.10060347222222223, "in_bounds_one_im": 1, "error_one_im": 0.014351667869264331, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.114607821100548, "error_w_gmm": 0.015521054991725059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015210354392923321}, "run_136": {"edge_length": 1200, "pf": 0.10067013888888889, "in_bounds_one_im": 1, "error_one_im": 0.014346383304662426, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.382186427241476, "error_w_gmm": 0.01684827587332602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01651100695665705}, "run_137": {"edge_length": 1200, "pf": 0.10102847222222222, "in_bounds_one_im": 1, "error_one_im": 0.014119203086966244, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.9637317849840383, "error_w_gmm": 0.01473461264192505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01443965505216087}, "run_138": {"edge_length": 1200, "pf": 0.10186388888888889, "in_bounds_one_im": 1, "error_one_im": 0.01425260371504732, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.9436644738349083, "error_w_gmm": 0.014567935472438542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014276314427541521}, "run_139": {"edge_length": 1200, "pf": 0.09999513888888889, "in_bounds_one_im": 0, "error_one_im": 0.014000120839461156, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 0, "pred_cls": 2.992125129134053, "error_w_gmm": 0.014961029689097417, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014661539681132771}, "run_140": {"edge_length": 1200, "pf": 0.10111736111111111, "in_bounds_one_im": 1, "error_one_im": 0.014112298110363514, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.090570542046469, "error_w_gmm": 0.015357695166205934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015050264705654287}, "run_141": {"edge_length": 1200, "pf": 0.10153055555555555, "in_bounds_one_im": 1, "error_one_im": 0.014476944033156738, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.1393942688992618, "error_w_gmm": 0.015564955574391996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015253376173387078}, "run_142": {"edge_length": 1200, "pf": 0.10209583333333333, "in_bounds_one_im": 1, "error_one_im": 0.014036864047162163, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.171044027571023, "error_w_gmm": 0.015673356277155905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01535960691004521}, "run_143": {"edge_length": 1200, "pf": 0.10037430555555556, "in_bounds_one_im": 1, "error_one_im": 0.01417029064156479, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.047154322679533, "error_w_gmm": 0.01520417458522996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014899817300854963}, "run_144": {"edge_length": 1200, "pf": 0.10129027777777778, "in_bounds_one_im": 1, "error_one_im": 0.014297466772729884, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.626367312200521, "error_w_gmm": 0.013038572704600817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012777566455412304}, "run_145": {"edge_length": 1200, "pf": 0.10306527777777778, "in_bounds_one_im": 0, "error_one_im": 0.014356476026757768, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 0, "pred_cls": 2.598209561299911, "error_w_gmm": 0.012774595448276494, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012518873497845579}, "run_146": {"edge_length": 1200, "pf": 0.1005111111111111, "in_bounds_one_im": 1, "error_one_im": 0.014358997555103763, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.3267188595203177, "error_w_gmm": 0.016586536715660575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016254507295473064}, "run_147": {"edge_length": 1200, "pf": 0.10155625, "in_bounds_one_im": 1, "error_one_im": 0.013681760042124966, "one_im_sa_cls": 2.816326530612245, "model_in_bounds": 1, "pred_cls": 2.8217304632176425, "error_w_gmm": 0.013988024823563957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013708012434518824}, "run_148": {"edge_length": 1200, "pf": 0.10319930555555555, "in_bounds_one_im": 0, "error_one_im": 0.013953035199660931, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.967605618220418, "error_w_gmm": 0.019493365536504832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01910314719451194}, "run_149": {"edge_length": 1200, "pf": 0.10293472222222222, "in_bounds_one_im": 1, "error_one_im": 0.014366623011981761, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.152948070068884, "error_w_gmm": 0.015513030363462039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015202490401730958}, "run_150": {"edge_length": 1200, "pf": 0.10218333333333333, "in_bounds_one_im": 1, "error_one_im": 0.014425385217764592, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.4352769950014537, "error_w_gmm": 0.01697126869440808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016631537706496002}, "run_151": {"edge_length": 1200, "pf": 0.10135972222222223, "in_bounds_one_im": 1, "error_one_im": 0.014093515697620154, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.31887778444714, "error_w_gmm": 0.016470251994600532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016140550362858025}, "run_152": {"edge_length": 1200, "pf": 0.10225972222222222, "in_bounds_one_im": 1, "error_one_im": 0.014221857015161803, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.9223032379980296, "error_w_gmm": 0.014431021703185335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014142141399179615}, "run_153": {"edge_length": 1200, "pf": 0.10163958333333334, "in_bounds_one_im": 1, "error_one_im": 0.014864691144162268, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.477504241726393, "error_w_gmm": 0.017230992125449554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016886061991887167}, "run_154": {"edge_length": 1200, "pf": 0.10094583333333333, "in_bounds_one_im": 1, "error_one_im": 0.01452353551263163, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.761194641046577, "error_w_gmm": 0.01373391963335513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013458993923971763}, "run_155": {"edge_length": 1200, "pf": 0.10103402777777777, "in_bounds_one_im": 1, "error_one_im": 0.014317627202351928, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.4407682082684268, "error_w_gmm": 0.017105743660835778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01676332075200622}, "run_156": {"edge_length": 1200, "pf": 0.102775, "in_bounds_one_im": 1, "error_one_im": 0.01398511524879369, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.235894797297352, "error_w_gmm": 0.015934927199989894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015615941704123892}, "run_157": {"edge_length": 1200, "pf": 0.1017798611111111, "in_bounds_one_im": 1, "error_one_im": 0.01386306526162883, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.3546104925282614, "error_w_gmm": 0.016609299551656933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016276814464842443}, "run_158": {"edge_length": 1200, "pf": 0.10237083333333333, "in_bounds_one_im": 1, "error_one_im": 0.015002882619582552, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.3879122285430423, "error_w_gmm": 0.01672019193820045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01638548700673487}, "run_159": {"edge_length": 1200, "pf": 0.10176527777777777, "in_bounds_one_im": 1, "error_one_im": 0.0142602902603732, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.5247948172461374, "error_w_gmm": 0.017453305848239585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01710392543685599}, "run_160": {"edge_length": 1200, "pf": 0.10150555555555556, "in_bounds_one_im": 1, "error_one_im": 0.014677269616596838, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.129050177026103, "error_w_gmm": 0.015515796286151929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015205200956159032}, "run_161": {"edge_length": 1400, "pf": 0.1014423469387755, "in_bounds_one_im": 1, "error_one_im": 0.012074680534485255, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.353939077021458, "error_w_gmm": 0.013974830040576189, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0139745732497948}, "run_162": {"edge_length": 1400, "pf": 0.10185765306122449, "in_bounds_one_im": 1, "error_one_im": 0.011877574556336106, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.004030138027028, "error_w_gmm": 0.012488436654817926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012488207176863834}, "run_163": {"edge_length": 1400, "pf": 0.10266173469387756, "in_bounds_one_im": 1, "error_one_im": 0.012332485850068487, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.193461603068302, "error_w_gmm": 0.013217932482585596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013217689599974427}, "run_164": {"edge_length": 1400, "pf": 0.102125, "in_bounds_one_im": 1, "error_one_im": 0.01253798066174012, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.5416974072594427, "error_w_gmm": 0.01470216844292871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014701898287133424}, "run_165": {"edge_length": 1400, "pf": 0.10133520408163266, "in_bounds_one_im": 1, "error_one_im": 0.012422114339606206, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.9746979581156956, "error_w_gmm": 0.012401939326311293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012401711437765806}, "run_166": {"edge_length": 1400, "pf": 0.1016265306122449, "in_bounds_one_im": 1, "error_one_im": 0.012402285948003338, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.944680285215509, "error_w_gmm": 0.012257194949462582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012256969720629092}, "run_167": {"edge_length": 1400, "pf": 0.10228520408163265, "in_bounds_one_im": 1, "error_one_im": 0.012527040291976509, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 2.749736041496633, "error_w_gmm": 0.011404646421312946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011404436858258699}, "run_168": {"edge_length": 1400, "pf": 0.10157448979591836, "in_bounds_one_im": 1, "error_one_im": 0.01240582194893949, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.580643950888098, "error_w_gmm": 0.01074496085931397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010744763418136637}, "run_169": {"edge_length": 1400, "pf": 0.1019045918367347, "in_bounds_one_im": 1, "error_one_im": 0.012892345164910834, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.999212573833389, "error_w_gmm": 0.01246521130457256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01246498225338969}, "run_170": {"edge_length": 1400, "pf": 0.10163163265306123, "in_bounds_one_im": 1, "error_one_im": 0.012062160259683147, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.391803153438069, "error_w_gmm": 0.014117943836709624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014117684416178616}, "run_171": {"edge_length": 1400, "pf": 0.10129234693877551, "in_bounds_one_im": 1, "error_one_im": 0.012254832241333103, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.274409695347635, "error_w_gmm": 0.013654693503948172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013654442595750797}, "run_172": {"edge_length": 1400, "pf": 0.10169591836734694, "in_bounds_one_im": 1, "error_one_im": 0.012737234942149287, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.4973909445638656, "error_w_gmm": 0.014552316849752505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014552049447515421}, "run_173": {"edge_length": 1400, "pf": 0.10162755102040816, "in_bounds_one_im": 1, "error_one_im": 0.012402216640779335, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.8939279722904496, "error_w_gmm": 0.012045871764232214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012045650418511732}, "run_174": {"edge_length": 1400, "pf": 0.10218163265306122, "in_bounds_one_im": 1, "error_one_im": 0.012364730507848778, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.6096454795398274, "error_w_gmm": 0.014979606661909834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014979331408122205}, "run_175": {"edge_length": 1400, "pf": 0.1011923469387755, "in_bounds_one_im": 1, "error_one_im": 0.012091268527180215, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.4823510523385077, "error_w_gmm": 0.014529816582500217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014529549593710854}, "run_176": {"edge_length": 1400, "pf": 0.10013673469387756, "in_bounds_one_im": 0, "error_one_im": 0.012504558996173, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.8645773442024947, "error_w_gmm": 0.01621890716592954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01621860913970431}, "run_177": {"edge_length": 1400, "pf": 0.10126326530612245, "in_bounds_one_im": 1, "error_one_im": 0.01191632375112197, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.038373088339568, "error_w_gmm": 0.012672415947689626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012672183089072713}, "run_178": {"edge_length": 1400, "pf": 0.10033214285714286, "in_bounds_one_im": 0, "error_one_im": 0.012148799873982333, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.432980291113533, "error_w_gmm": 0.014391975271944954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014391710816022057}, "run_179": {"edge_length": 1400, "pf": 0.1016795918367347, "in_bounds_one_im": 1, "error_one_im": 0.011889148373435028, "one_im_sa_cls": 2.857142857142857, "model_in_bounds": 1, "pred_cls": 3.4165697489547933, "error_w_gmm": 0.014217297881914528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01421703663572962}, "run_180": {"edge_length": 1400, "pf": 0.10173214285714285, "in_bounds_one_im": 1, "error_one_im": 0.012564914110523044, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.8444856907200307, "error_w_gmm": 0.015993374913426478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015993081031409256}, "run_181": {"edge_length": 1400, "pf": 0.10166122448979592, "in_bounds_one_im": 1, "error_one_im": 0.01223006801004836, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.404902476253505, "error_w_gmm": 0.014170171864649726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01416991148441639}, "run_182": {"edge_length": 1400, "pf": 0.10260408163265305, "in_bounds_one_im": 1, "error_one_im": 0.012336346444731054, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.276502804577614, "error_w_gmm": 0.013565890457898085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013565641181477506}, "run_183": {"edge_length": 1400, "pf": 0.10028010204081633, "in_bounds_one_im": 0, "error_one_im": 0.012665780861726775, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.310201254020403, "error_w_gmm": 0.013881254401645943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013880999330338812}, "run_184": {"edge_length": 1400, "pf": 0.10186530612244898, "in_bounds_one_im": 1, "error_one_im": 0.012386095387605923, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.3150747368235423, "error_w_gmm": 0.013780943388750966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013780690160682264}, "run_185": {"edge_length": 1400, "pf": 0.10185714285714285, "in_bounds_one_im": 1, "error_one_im": 0.012047287787088802, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.0530281807539907, "error_w_gmm": 0.012692168057243556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012691934835677038}, "run_186": {"edge_length": 1400, "pf": 0.10268724489795919, "in_bounds_one_im": 1, "error_one_im": 0.01199294906921131, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.009903740185709, "error_w_gmm": 0.0124564506557287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012456221765524762}, "run_187": {"edge_length": 1400, "pf": 0.10159795918367347, "in_bounds_one_im": 1, "error_one_im": 0.01257414787542667, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.054272564194489, "error_w_gmm": 0.012715361139825673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012715127492080845}, "run_188": {"edge_length": 1400, "pf": 0.10158163265306122, "in_bounds_one_im": 1, "error_one_im": 0.012235400344763886, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.7057936690782802, "error_w_gmm": 0.011265602638533248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011265395630441086}, "run_189": {"edge_length": 1400, "pf": 0.10164336734693878, "in_bounds_one_im": 1, "error_one_im": 0.01223126384275535, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.0976160495729044, "error_w_gmm": 0.012892599405290308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012892362500750746}, "run_190": {"edge_length": 1400, "pf": 0.1008234693877551, "in_bounds_one_im": 1, "error_one_im": 0.012286498444651774, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.238061253209622, "error_w_gmm": 0.013538007743313051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013537758979243836}, "run_191": {"edge_length": 1400, "pf": 0.10092091836734694, "in_bounds_one_im": 1, "error_one_im": 0.01245045379177045, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.7927271579145265, "error_w_gmm": 0.015848493527979342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01584820230819162}, "run_192": {"edge_length": 1400, "pf": 0.10208724489795919, "in_bounds_one_im": 1, "error_one_im": 0.012710029633952841, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.333442237175434, "error_w_gmm": 0.013840516531145259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013840262208406142}, "run_193": {"edge_length": 1400, "pf": 0.10165612244897959, "in_bounds_one_im": 1, "error_one_im": 0.01155094244306304, "one_im_sa_cls": 2.7755102040816326, "model_in_bounds": 1, "pred_cls": 3.2994213894117856, "error_w_gmm": 0.013731575127244964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01373132280632959}, "run_194": {"edge_length": 1400, "pf": 0.10241479591836734, "in_bounds_one_im": 1, "error_one_im": 0.012349043533808534, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.401459187592515, "error_w_gmm": 0.009953131374412272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009952948483287517}, "run_195": {"edge_length": 1400, "pf": 0.10299081632653061, "in_bounds_one_im": 0, "error_one_im": 0.012141872326259967, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 0, "pred_cls": 2.76945529147311, "error_w_gmm": 0.01144251758919044, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011442307330244636}, "run_196": {"edge_length": 1400, "pf": 0.10194030612244898, "in_bounds_one_im": 1, "error_one_im": 0.012041815131442502, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.3513760362672933, "error_w_gmm": 0.013926142393100542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013925886496966106}, "run_197": {"edge_length": 1400, "pf": 0.10150816326530612, "in_bounds_one_im": 1, "error_one_im": 0.01241033240900713, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.5093622337854904, "error_w_gmm": 0.01461715380856152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014616885214930087}, "run_198": {"edge_length": 1400, "pf": 0.10111479591836735, "in_bounds_one_im": 1, "error_one_im": 0.012096426217930197, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.4064748168106496, "error_w_gmm": 0.01421929221913116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014219030936299844}, "run_199": {"edge_length": 1400, "pf": 0.10075867346938776, "in_bounds_one_im": 1, "error_one_im": 0.01229089123776818, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 2.8475928314359797, "error_w_gmm": 0.01190975520045472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011909536355908128}, "run_200": {"edge_length": 1400, "pf": 0.10162704081632654, "in_bounds_one_im": 1, "error_one_im": 0.012232357440919666, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 1, "pred_cls": 3.15475875822693, "error_w_gmm": 0.013131607280772804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013131365984407499}}, "blobs_50.0_0.2": {"true_cls": 3.3061224489795915, "true_pf": 0.20285979204273413, "run_201": {"edge_length": 600, "pf": 0.2016, "in_bounds_one_im": 1, "error_one_im": 0.01936950921271699, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.8445069563789747, "error_w_gmm": 0.019228162229101425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01849135946002593}, "run_202": {"edge_length": 600, "pf": 0.2046638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02050123853051586, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.246042821738945, "error_w_gmm": 0.0217357565733851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02090286545043722}, "run_203": {"edge_length": 600, "pf": 0.1976138888888889, "in_bounds_one_im": 0, "error_one_im": 0.019343997243162537, "one_im_sa_cls": 2.9387755102040813, "model_in_bounds": 0, "pred_cls": 3.706509158887418, "error_w_gmm": 0.02536961191261386, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024397475309808823}, "run_204": {"edge_length": 600, "pf": 0.203125, "in_bounds_one_im": 1, "error_one_im": 0.02007048006335722, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 4.406874595449156, "error_w_gmm": 0.029648988473211964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028512870702461886}, "run_205": {"edge_length": 600, "pf": 0.20319722222222222, "in_bounds_one_im": 1, "error_one_im": 0.02138613537135946, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.842323285937005, "error_w_gmm": 0.01911858677847788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018385982824373988}, "run_206": {"edge_length": 600, "pf": 0.20203333333333334, "in_bounds_one_im": 1, "error_one_im": 0.0206683696074089, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.421127500843892, "error_w_gmm": 0.02984555623208917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02870190619344331}, "run_207": {"edge_length": 600, "pf": 0.20272777777777778, "in_bounds_one_im": 1, "error_one_im": 0.021681598369826874, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.7795639262528855, "error_w_gmm": 0.025459751421678677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024484160768554572}, "run_208": {"edge_length": 600, "pf": 0.2043888888888889, "in_bounds_one_im": 1, "error_one_im": 0.019992454993007218, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 1.8460918455518331, "error_w_gmm": 0.012372027014188904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011897944069884741}, "run_209": {"edge_length": 600, "pf": 0.20704166666666668, "in_bounds_one_im": 1, "error_one_im": 0.021135478346793822, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.5117128460921, "error_w_gmm": 0.036639426454134635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03523544251916002}, "run_210": {"edge_length": 600, "pf": 0.2000861111111111, "in_bounds_one_im": 1, "error_one_im": 0.020794022331941667, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.849386971232784, "error_w_gmm": 0.0261439073831994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025142100599749303}, "run_211": {"edge_length": 600, "pf": 0.20058333333333334, "in_bounds_one_im": 1, "error_one_im": 0.02049560103430121, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.591611326491387, "error_w_gmm": 0.024355345051639433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023422074078468805}, "run_212": {"edge_length": 600, "pf": 0.19912777777777776, "in_bounds_one_im": 1, "error_one_im": 0.020054309420059976, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.6926028999793385, "error_w_gmm": 0.025154406527230555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02419051636638817}, "run_213": {"edge_length": 600, "pf": 0.2016888888888889, "in_bounds_one_im": 1, "error_one_im": 0.02069047491195717, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.729104703926669, "error_w_gmm": 0.03195875165867194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030734126214090107}, "run_214": {"edge_length": 600, "pf": 0.20480277777777778, "in_bounds_one_im": 1, "error_one_im": 0.02022977196033054, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.5292352771992546, "error_w_gmm": 0.02362195808879097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022716789725666552}, "run_215": {"edge_length": 600, "pf": 0.20861388888888888, "in_bounds_one_im": 0, "error_one_im": 0.019996044010711856, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 0, "pred_cls": 2.336018874837645, "error_w_gmm": 0.015454847613097648, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014862634255352274}, "run_216": {"edge_length": 600, "pf": 0.20302222222222222, "in_bounds_one_im": 1, "error_one_im": 0.021397699916124408, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.293548679576704, "error_w_gmm": 0.02216568624404608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021316320672418367}, "run_217": {"edge_length": 600, "pf": 0.20056944444444444, "in_bounds_one_im": 1, "error_one_im": 0.02129505319767986, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.645436396871693, "error_w_gmm": 0.031502881643774835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030295724654332667}, "run_218": {"edge_length": 600, "pf": 0.20127777777777778, "in_bounds_one_im": 1, "error_one_im": 0.020185723398943867, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.974830238876409, "error_w_gmm": 0.020129265769295374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0193579336689335}, "run_219": {"edge_length": 600, "pf": 0.2068888888888889, "in_bounds_one_im": 1, "error_one_im": 0.020101104202712623, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.488527009968049, "error_w_gmm": 0.023200978442110762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02231194157224622}, "run_220": {"edge_length": 600, "pf": 0.20261666666666667, "in_bounds_one_im": 1, "error_one_im": 0.01983754904439857, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.945977405199517, "error_w_gmm": 0.026589879251330602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02557098329921979}, "run_221": {"edge_length": 600, "pf": 0.20118055555555556, "in_bounds_one_im": 1, "error_one_im": 0.020191829056162278, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.0570798422304097, "error_w_gmm": 0.020692066758543938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01989916872159501}, "run_222": {"edge_length": 600, "pf": 0.2011361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02046034026904683, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.770176157144897, "error_w_gmm": 0.032291748778489074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0310543632376978}, "run_223": {"edge_length": 600, "pf": 0.20071944444444445, "in_bounds_one_im": 1, "error_one_im": 0.019954778914128002, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.456865843013475, "error_w_gmm": 0.02343166789848431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022533791253490643}, "run_224": {"edge_length": 600, "pf": 0.20346111111111112, "in_bounds_one_im": 1, "error_one_im": 0.020313477035285955, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 5.169929760300893, "error_w_gmm": 0.034746671303704714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03341521573724525}, "run_225": {"edge_length": 600, "pf": 0.20428888888888888, "in_bounds_one_im": 1, "error_one_im": 0.02026174379562561, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.8986628447157416, "error_w_gmm": 0.026135859957175225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025134361542549402}, "run_226": {"edge_length": 600, "pf": 0.2051361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02073400372005333, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.638950822412516, "error_w_gmm": 0.017645029909178704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016968891090367134}, "run_227": {"edge_length": 600, "pf": 0.19986944444444443, "in_bounds_one_im": 1, "error_one_im": 0.020808107560726243, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.1932250327116094, "error_w_gmm": 0.02170213833975556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020870535431840195}, "run_228": {"edge_length": 600, "pf": 0.20399444444444445, "in_bounds_one_im": 1, "error_one_im": 0.02186038105600029, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.533106025693262, "error_w_gmm": 0.02370671218014753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022798296130194986}, "run_229": {"edge_length": 600, "pf": 0.20276944444444445, "in_bounds_one_im": 1, "error_one_im": 0.021414428436693014, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.9086605222786726, "error_w_gmm": 0.026325973620565376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02531719025213288}, "run_230": {"edge_length": 600, "pf": 0.20579444444444445, "in_bounds_one_im": 1, "error_one_im": 0.020168384786583216, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.021501592388938, "error_w_gmm": 0.026835127266020435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02580683367027731}, "run_231": {"edge_length": 600, "pf": 0.20611944444444444, "in_bounds_one_im": 1, "error_one_im": 0.02224168997384406, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.2260802686717844, "error_w_gmm": 0.021505970561928645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020681884595059624}, "run_232": {"edge_length": 600, "pf": 0.20375, "in_bounds_one_im": 1, "error_one_im": 0.021349695688550635, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.687514799610147, "error_w_gmm": 0.03147634835362469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0302702080917003}, "run_233": {"edge_length": 600, "pf": 0.2024277777777778, "in_bounds_one_im": 1, "error_one_im": 0.019849152842627418, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 2.330613782484865, "error_w_gmm": 0.01571397449204693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01511183166732086}, "run_234": {"edge_length": 600, "pf": 0.20184166666666667, "in_bounds_one_im": 1, "error_one_im": 0.01882470674287578, "one_im_sa_cls": 2.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.0253467957930766, "error_w_gmm": 0.02043525477492636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019652197500625874}, "run_235": {"edge_length": 600, "pf": 0.20178888888888888, "in_bounds_one_im": 1, "error_one_im": 0.021214412209298962, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.293829663589275, "error_w_gmm": 0.02225241616580081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02139972719562107}, "run_236": {"edge_length": 600, "pf": 0.20408055555555554, "in_bounds_one_im": 1, "error_one_im": 0.020011428521793464, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.5333226137498093, "error_w_gmm": 0.023701881013901624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022793650089112154}, "run_237": {"edge_length": 600, "pf": 0.20018055555555556, "in_bounds_one_im": 1, "error_one_im": 0.021320911977649806, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 0, "pred_cls": 1.7545302446086424, "error_w_gmm": 0.011912740188500486, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011456256627898984}, "run_238": {"edge_length": 600, "pf": 0.20250555555555555, "in_bounds_one_im": 1, "error_one_im": 0.020373556288536467, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.4339930599637802, "error_w_gmm": 0.023147844294413765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02226084346869589}, "run_239": {"edge_length": 600, "pf": 0.2018638888888889, "in_bounds_one_im": 1, "error_one_im": 0.020414119087029867, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.7461982647574197, "error_w_gmm": 0.018548416020031773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017837660404248598}, "run_240": {"edge_length": 600, "pf": 0.20095555555555555, "in_bounds_one_im": 1, "error_one_im": 0.020205974853710035, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.1669833701491448, "error_w_gmm": 0.021450974159329433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020628995596238306}, "run_241": {"edge_length": 800, "pf": 0.2032125, "in_bounds_one_im": 1, "error_one_im": 0.01504879266386397, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.326193087601707, "error_w_gmm": 0.016355402311595397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01613621260940451}, "run_242": {"edge_length": 800, "pf": 0.2029671875, "in_bounds_one_im": 1, "error_one_im": 0.015060201947998226, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.5767618806220574, "error_w_gmm": 0.012679940004039113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012510007634273172}, "run_243": {"edge_length": 800, "pf": 0.2013234375, "in_bounds_one_im": 1, "error_one_im": 0.01513714298917418, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.7678865050074752, "error_w_gmm": 0.018636048930976562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018386294755727742}, "run_244": {"edge_length": 800, "pf": 0.20614375, "in_bounds_one_im": 0, "error_one_im": 0.014521436747925023, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.3788810517439196, "error_w_gmm": 0.0164655590000284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016244893014266376}, "run_245": {"edge_length": 800, "pf": 0.2004953125, "in_bounds_one_im": 1, "error_one_im": 0.015775295619641798, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.61432018230917, "error_w_gmm": 0.01792267156052535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017682477833280228}, "run_246": {"edge_length": 800, "pf": 0.204815625, "in_bounds_one_im": 1, "error_one_im": 0.015565801479262165, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.205790026870942, "error_w_gmm": 0.02057868839858652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020302899610537696}, "run_247": {"edge_length": 800, "pf": 0.20153125, "in_bounds_one_im": 1, "error_one_im": 0.016321633986829558, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.7505746222357126, "error_w_gmm": 0.01359561701739436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01341341304659799}, "run_248": {"edge_length": 800, "pf": 0.1992140625, "in_bounds_one_im": 0, "error_one_im": 0.01684106409433898, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.4779856847602, "error_w_gmm": 0.022294546971249943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02199576281308553}, "run_249": {"edge_length": 800, "pf": 0.20314375, "in_bounds_one_im": 1, "error_one_im": 0.01525004074002863, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.5562979921443496, "error_w_gmm": 0.017490576792506474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017256173856690156}, "run_250": {"edge_length": 800, "pf": 0.20353125, "in_bounds_one_im": 1, "error_one_im": 0.015033996068244007, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.6135723701296913, "error_w_gmm": 0.012838700819895006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012666640790088463}, "run_251": {"edge_length": 800, "pf": 0.202525, "in_bounds_one_im": 1, "error_one_im": 0.015279247401556022, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.9567766809081175, "error_w_gmm": 0.019497480097813002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019236181306459987}, "run_252": {"edge_length": 800, "pf": 0.2028046875, "in_bounds_one_im": 1, "error_one_im": 0.016455591049686854, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.7056423938897747, "error_w_gmm": 0.01824419090468264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01799968828133376}, "run_253": {"edge_length": 800, "pf": 0.2029109375, "in_bounds_one_im": 1, "error_one_im": 0.015459210777448612, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.5956557281869768, "error_w_gmm": 0.01769687270627649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01745970506073054}, "run_254": {"edge_length": 800, "pf": 0.20576875, "in_bounds_one_im": 1, "error_one_im": 0.014538095426040763, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.9682854142509028, "error_w_gmm": 0.019359957717743584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019100501955926493}, "run_255": {"edge_length": 800, "pf": 0.2022828125, "in_bounds_one_im": 1, "error_one_im": 0.016482196788110904, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.257018859710837, "error_w_gmm": 0.020992699311441456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02071136208582061}, "run_256": {"edge_length": 800, "pf": 0.2041921875, "in_bounds_one_im": 1, "error_one_im": 0.01559565607354105, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.491032220403494, "error_w_gmm": 0.017114181103166096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016884822498114554}, "run_257": {"edge_length": 800, "pf": 0.204390625, "in_bounds_one_im": 1, "error_one_im": 0.014402382471717858, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.7685745127361003, "error_w_gmm": 0.013564175635695912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013382393031917024}, "run_258": {"edge_length": 800, "pf": 0.2013296875, "in_bounds_one_im": 1, "error_one_im": 0.015336017868161989, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.7780045103706845, "error_w_gmm": 0.01868572964980874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01843530966996772}, "run_259": {"edge_length": 800, "pf": 0.20281875, "in_bounds_one_im": 1, "error_one_im": 0.01526536636223411, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.470234257881578, "error_w_gmm": 0.017084450214467726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016855490052971146}, "run_260": {"edge_length": 800, "pf": 0.2039734375, "in_bounds_one_im": 1, "error_one_im": 0.015013521989666061, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.0136241925156355, "error_w_gmm": 0.014783722229496333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01458559566488969}, "run_261": {"edge_length": 800, "pf": 0.2056515625, "in_bounds_one_im": 1, "error_one_im": 0.01552596586465944, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.05231319014698, "error_w_gmm": 0.0197769924251426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01951194770185715}, "run_262": {"edge_length": 800, "pf": 0.2037484375, "in_bounds_one_im": 1, "error_one_im": 0.014430882318717982, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.755581796140992, "error_w_gmm": 0.018436265705201807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018189188958788204}, "run_263": {"edge_length": 800, "pf": 0.2018125, "in_bounds_one_im": 1, "error_one_im": 0.016108513614259967, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.2675130407508943, "error_w_gmm": 0.0161366540158208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015920395906072103}, "run_264": {"edge_length": 800, "pf": 0.204046875, "in_bounds_one_im": 1, "error_one_im": 0.016195137670600317, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.59730966682203, "error_w_gmm": 0.022547596699888258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022245421252802787}, "run_265": {"edge_length": 800, "pf": 0.2029734375, "in_bounds_one_im": 1, "error_one_im": 0.014663597582485557, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.115794012745692, "error_w_gmm": 0.015332157102909966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01512668059519064}, "run_266": {"edge_length": 800, "pf": 0.2047046875, "in_bounds_one_im": 1, "error_one_im": 0.01576820742171991, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.687335086825414, "error_w_gmm": 0.018048065209278045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017806190997749913}, "run_267": {"edge_length": 800, "pf": 0.2051796875, "in_bounds_one_im": 1, "error_one_im": 0.015351609654745952, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.0491311537024837, "error_w_gmm": 0.01490256860988447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014702849305323843}, "run_268": {"edge_length": 800, "pf": 0.2020671875, "in_bounds_one_im": 1, "error_one_im": 0.015102222896395243, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.7399874266325375, "error_w_gmm": 0.018455386040768018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01820805304992955}, "run_269": {"edge_length": 800, "pf": 0.2018765625, "in_bounds_one_im": 1, "error_one_im": 0.015309987160729767, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.4213374941522465, "error_w_gmm": 0.0119554282308476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011795205528675063}, "run_270": {"edge_length": 800, "pf": 0.2037546875, "in_bounds_one_im": 1, "error_one_im": 0.015616681424532099, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6014262771258765, "error_w_gmm": 0.01767917101680897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01744224060346114}, "run_271": {"edge_length": 800, "pf": 0.204346875, "in_bounds_one_im": 1, "error_one_im": 0.014996278529159865, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.632124915490664, "error_w_gmm": 0.017797392991702785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017558878206477384}, "run_272": {"edge_length": 800, "pf": 0.20175625, "in_bounds_one_im": 1, "error_one_im": 0.015514610866305885, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.315815621258627, "error_w_gmm": 0.016378056539650854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016158563232974668}, "run_273": {"edge_length": 800, "pf": 0.20488125, "in_bounds_one_im": 1, "error_one_im": 0.015168674592466796, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.562929131626717, "error_w_gmm": 0.017429695578414558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01719610855253008}, "run_274": {"edge_length": 800, "pf": 0.2058, "in_bounds_one_im": 1, "error_one_im": 0.014340263646592813, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.5277714528514696, "error_w_gmm": 0.01720918984815873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016978557967273142}, "run_275": {"edge_length": 800, "pf": 0.1996921875, "in_bounds_one_im": 0, "error_one_im": 0.015414545919718147, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.606961237065936, "error_w_gmm": 0.022902362113020578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022595432216990945}, "run_276": {"edge_length": 800, "pf": 0.2038921875, "in_bounds_one_im": 1, "error_one_im": 0.015610066788313176, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.000509158460295, "error_w_gmm": 0.01472306857628839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014525754871917835}, "run_277": {"edge_length": 800, "pf": 0.2022640625, "in_bounds_one_im": 1, "error_one_im": 0.015490193325861783, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.646113204202362, "error_w_gmm": 0.017981176006519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017740198222003366}, "run_278": {"edge_length": 800, "pf": 0.201959375, "in_bounds_one_im": 1, "error_one_im": 0.015306053812152116, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.2409547470697504, "error_w_gmm": 0.015998202368746585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01578379974226346}, "run_279": {"edge_length": 800, "pf": 0.202353125, "in_bounds_one_im": 1, "error_one_im": 0.015882994401930577, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 2.8879148339076397, "error_w_gmm": 0.014238114648623755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014047300136688487}, "run_280": {"edge_length": 800, "pf": 0.2038234375, "in_bounds_one_im": 1, "error_one_im": 0.015415735703916699, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.896448106485042, "error_w_gmm": 0.019123362526341045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018867077535169256}, "run_281": {"edge_length": 1000, "pf": 0.203462, "in_bounds_one_im": 1, "error_one_im": 0.012346339196754435, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.269687965295178, "error_w_gmm": 0.012938916180967402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012679904856839262}, "run_282": {"edge_length": 1000, "pf": 0.202826, "in_bounds_one_im": 1, "error_one_im": 0.012687812251780516, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.1776984655484, "error_w_gmm": 0.016564633683852886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016233042718725336}, "run_283": {"edge_length": 1000, "pf": 0.20272, "in_bounds_one_im": 1, "error_one_im": 0.0125333230561003, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.972914117213827, "error_w_gmm": 0.011791511940495823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01155546936332294}, "run_284": {"edge_length": 1000, "pf": 0.203371, "in_bounds_one_im": 1, "error_one_im": 0.013220626199980346, "one_im_sa_cls": 3.4081632653061225, "model_in_bounds": 1, "pred_cls": 3.3206629814547832, "error_w_gmm": 0.013144326564194684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012881203333427373}, "run_285": {"edge_length": 1000, "pf": 0.202634, "in_bounds_one_im": 1, "error_one_im": 0.012695350380347088, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 2.5781698455131883, "error_w_gmm": 0.010228553429830547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010023798168205795}, "run_286": {"edge_length": 1000, "pf": 0.204024, "in_bounds_one_im": 1, "error_one_im": 0.011692922845873012, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 2.914660122676092, "error_w_gmm": 0.011514027767689953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011283539870833253}, "run_287": {"edge_length": 1000, "pf": 0.202401, "in_bounds_one_im": 1, "error_one_im": 0.011910479432929682, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.3966600764285375, "error_w_gmm": 0.01348553112678421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013215577660445451}, "run_288": {"edge_length": 1000, "pf": 0.203855, "in_bounds_one_im": 1, "error_one_im": 0.011857105171776839, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.311193747656784, "error_w_gmm": 0.013087297985537101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012825316353298151}, "run_289": {"edge_length": 1000, "pf": 0.20438, "in_bounds_one_im": 1, "error_one_im": 0.012627158796581, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.795463803775414, "error_w_gmm": 0.014977126507260333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01467731427306517}, "run_290": {"edge_length": 1000, "pf": 0.201637, "in_bounds_one_im": 1, "error_one_im": 0.011620369929520426, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 2.850089418709267, "error_w_gmm": 0.011342363684900316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011115312160979877}, "run_291": {"edge_length": 1000, "pf": 0.204617, "in_bounds_one_im": 1, "error_one_im": 0.012933413260377063, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.33929128101379, "error_w_gmm": 0.013167447483634173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012903861418122792}, "run_292": {"edge_length": 1000, "pf": 0.201777, "in_bounds_one_im": 1, "error_one_im": 0.01225177521574305, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.252430387769194, "error_w_gmm": 0.012937915015081673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012678923732300056}, "run_293": {"edge_length": 1000, "pf": 0.201844, "in_bounds_one_im": 1, "error_one_im": 0.011931065758568843, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.76872771809267, "error_w_gmm": 0.014988588162393065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014688546488696884}, "run_294": {"edge_length": 1000, "pf": 0.203642, "in_bounds_one_im": 1, "error_one_im": 0.012497685590138578, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.529657421459155, "error_w_gmm": 0.013959923825197727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01368047396215502}, "run_295": {"edge_length": 1000, "pf": 0.200914, "in_bounds_one_im": 1, "error_one_im": 0.011965612406158182, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.9317310733458317, "error_w_gmm": 0.01568214486606018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015368219568908808}, "run_296": {"edge_length": 1000, "pf": 0.20386, "in_bounds_one_im": 1, "error_one_im": 0.012015014831375822, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.8621951247733057, "error_w_gmm": 0.015264863293411812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01495929114200733}, "run_297": {"edge_length": 1000, "pf": 0.204652, "in_bounds_one_im": 1, "error_one_im": 0.012458899941728224, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.9403018541285024, "error_w_gmm": 0.015535673617469003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015224680382904225}, "run_298": {"edge_length": 1000, "pf": 0.203671, "in_bounds_one_im": 1, "error_one_im": 0.01154746181473632, "one_im_sa_cls": 2.979591836734694, "model_in_bounds": 1, "pred_cls": 3.3126626029406325, "error_w_gmm": 0.01310053007893155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012838283566544772}, "run_299": {"edge_length": 1000, "pf": 0.202135, "in_bounds_one_im": 1, "error_one_im": 0.012714987611613562, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.116777860593713, "error_w_gmm": 0.016358044175779803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0160305887210218}, "run_300": {"edge_length": 1000, "pf": 0.201957, "in_bounds_one_im": 1, "error_one_im": 0.012562983484201573, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.101100039510625, "error_w_gmm": 0.012329045719750322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012082242787229198}, "run_301": {"edge_length": 1000, "pf": 0.199535, "in_bounds_one_im": 0, "error_one_im": 0.012497934386988423, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 0, "pred_cls": 3.297746001661896, "error_w_gmm": 0.013210182853582863, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01294574131110555}, "run_302": {"edge_length": 1000, "pf": 0.204796, "in_bounds_one_im": 1, "error_one_im": 0.012611029356947611, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.005105719587791, "error_w_gmm": 0.015784198103156823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01546822990351638}, "run_303": {"edge_length": 1000, "pf": 0.202161, "in_bounds_one_im": 1, "error_one_im": 0.012555038251097207, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.8570251038459644, "error_w_gmm": 0.015324679605415626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015017910050615093}, "run_304": {"edge_length": 1000, "pf": 0.201805, "in_bounds_one_im": 1, "error_one_im": 0.012409810497048432, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.8306655005247507, "error_w_gmm": 0.01523676489550654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014931755218048548}, "run_305": {"edge_length": 1000, "pf": 0.202095, "in_bounds_one_im": 1, "error_one_im": 0.013034478735573125, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.9690692371212952, "error_w_gmm": 0.01577307903258813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015457333414588253}, "run_306": {"edge_length": 1000, "pf": 0.203075, "in_bounds_one_im": 1, "error_one_im": 0.012361099547759673, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.1930188526658485, "error_w_gmm": 0.012650624732453212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012397384428770005}, "run_307": {"edge_length": 1000, "pf": 0.202165, "in_bounds_one_im": 1, "error_one_im": 0.01287272770070197, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.681402591543999, "error_w_gmm": 0.010653580149968195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010440316700174207}, "run_308": {"edge_length": 1000, "pf": 0.202279, "in_bounds_one_im": 1, "error_one_im": 0.012391581079574977, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.561482003500556, "error_w_gmm": 0.014145257681988339, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01386209780436788}, "run_309": {"edge_length": 1000, "pf": 0.203619, "in_bounds_one_im": 1, "error_one_im": 0.012340362128724658, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 2.987226369270085, "error_w_gmm": 0.01181542709754955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011578905786577835}, "run_310": {"edge_length": 1000, "pf": 0.203675, "in_bounds_one_im": 1, "error_one_im": 0.012496414168617869, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.622573578336732, "error_w_gmm": 0.010371318936992037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010163705794341331}, "run_311": {"edge_length": 1000, "pf": 0.204786, "in_bounds_one_im": 1, "error_one_im": 0.01198084572885134, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.7059373545666756, "error_w_gmm": 0.010664478198144594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010450996591137981}, "run_312": {"edge_length": 1000, "pf": 0.203954, "in_bounds_one_im": 1, "error_one_im": 0.012485676161868652, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.242244134081009, "error_w_gmm": 0.012810871572345388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012554423446182484}, "run_313": {"edge_length": 1000, "pf": 0.202622, "in_bounds_one_im": 1, "error_one_im": 0.012219728519991462, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.3714652570324706, "error_w_gmm": 0.01337634649334998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013108578685847281}, "run_314": {"edge_length": 1000, "pf": 0.201533, "in_bounds_one_im": 1, "error_one_im": 0.012898001601720534, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.783028024821468, "error_w_gmm": 0.015059999423462027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014758528238589802}, "run_315": {"edge_length": 1000, "pf": 0.20513, "in_bounds_one_im": 1, "error_one_im": 0.012755588156242361, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.87651091031921, "error_w_gmm": 0.01526175471462433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014956244790774004}, "run_316": {"edge_length": 1000, "pf": 0.203898, "in_bounds_one_im": 1, "error_one_im": 0.012803977434520416, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.025129294221927, "error_w_gmm": 0.011955061411541668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01171574489979313}, "run_317": {"edge_length": 1000, "pf": 0.20422, "in_bounds_one_im": 1, "error_one_im": 0.012159622880561645, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.12005527628401, "error_w_gmm": 0.016265986685699608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015940374038489656}, "run_318": {"edge_length": 1000, "pf": 0.200614, "in_bounds_one_im": 1, "error_one_im": 0.012455875528814194, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.795400941052588, "error_w_gmm": 0.015152535387706183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01484921181718634}, "run_319": {"edge_length": 1000, "pf": 0.203468, "in_bounds_one_im": 1, "error_one_im": 0.012029543717534901, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.517550815496174, "error_w_gmm": 0.0139195094958527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013640868647167279}, "run_320": {"edge_length": 1000, "pf": 0.202567, "in_bounds_one_im": 1, "error_one_im": 0.012539258391726699, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.172354155450847, "error_w_gmm": 0.012588512476765165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012336515536696449}, "run_321": {"edge_length": 1200, "pf": 0.2033888888888889, "in_bounds_one_im": 1, "error_one_im": 0.010159002184550696, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.7281023224625853, "error_w_gmm": 0.012296914152879987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012050754430312798}, "run_322": {"edge_length": 1200, "pf": 0.20403125, "in_bounds_one_im": 1, "error_one_im": 0.010665603711436206, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.27827570576308, "error_w_gmm": 0.010791800010035947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010575769674014782}, "run_323": {"edge_length": 1200, "pf": 0.20400902777777777, "in_bounds_one_im": 1, "error_one_im": 0.010402967217172104, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6964829450949317, "error_w_gmm": 0.01216933465762639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011925728822381387}, "run_324": {"edge_length": 1200, "pf": 0.202825, "in_bounds_one_im": 1, "error_one_im": 0.010308879333582386, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.1483972543742937, "error_w_gmm": 0.010402898652347059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010194653346710308}, "run_325": {"edge_length": 1200, "pf": 0.20419444444444446, "in_bounds_one_im": 1, "error_one_im": 0.010791855840627527, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.6438691048936667, "error_w_gmm": 0.011989278257670086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0117492767928312}, "run_326": {"edge_length": 1200, "pf": 0.20385902777777778, "in_bounds_one_im": 1, "error_one_im": 0.01040777428304317, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.532820398414886, "error_w_gmm": 0.01163590915725528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011402981437800042}, "run_327": {"edge_length": 1200, "pf": 0.20206805555555554, "in_bounds_one_im": 1, "error_one_im": 0.010465547343951626, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.3490658283119754, "error_w_gmm": 0.011091914887491292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010869876849533342}, "run_328": {"edge_length": 1200, "pf": 0.20360486111111112, "in_bounds_one_im": 1, "error_one_im": 0.010152236229658239, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.321696856812001, "error_w_gmm": 0.010949113911261134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01072993446434913}, "run_329": {"edge_length": 1200, "pf": 0.20431527777777778, "in_bounds_one_im": 1, "error_one_im": 0.011116742804863513, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.158468120808832, "error_w_gmm": 0.01367735799959065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013403564541429217}, "run_330": {"edge_length": 1200, "pf": 0.20366666666666666, "in_bounds_one_im": 1, "error_one_im": 0.010150301803950396, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.020243595319515, "error_w_gmm": 0.009953554331994416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00975430400443587}, "run_331": {"edge_length": 1200, "pf": 0.20235625, "in_bounds_one_im": 1, "error_one_im": 0.010323846420971412, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.132286605556848, "error_w_gmm": 0.010364692332575214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010157211841342969}, "run_332": {"edge_length": 1200, "pf": 0.20357291666666666, "in_bounds_one_im": 1, "error_one_im": 0.010153236361070241, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.81557814477416, "error_w_gmm": 0.012578304752037205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012326512150280978}, "run_333": {"edge_length": 1200, "pf": 0.2018486111111111, "in_bounds_one_im": 1, "error_one_im": 0.010472674513154362, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.819213164860206, "error_w_gmm": 0.009343431769643964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009156394880254782}, "run_334": {"edge_length": 1200, "pf": 0.2029673611111111, "in_bounds_one_im": 1, "error_one_im": 0.010700664063249099, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.027516763531878, "error_w_gmm": 0.009999084918374333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009798923159185678}, "run_335": {"edge_length": 1200, "pf": 0.20169791666666667, "in_bounds_one_im": 1, "error_one_im": 0.010610202501260704, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.075472544544335, "error_w_gmm": 0.013513244867152973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013242736626945237}, "run_336": {"edge_length": 1200, "pf": 0.20105069444444446, "in_bounds_one_im": 1, "error_one_im": 0.011030258132672867, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.6823588723615917, "error_w_gmm": 0.012234372068279034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01198946431364482}, "run_337": {"edge_length": 1200, "pf": 0.20312083333333333, "in_bounds_one_im": 1, "error_one_im": 0.010299457857982532, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.8060719950471267, "error_w_gmm": 0.012564486682261526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012312970690732906}, "run_338": {"edge_length": 1200, "pf": 0.20260763888888889, "in_bounds_one_im": 1, "error_one_im": 0.010448067737832462, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.694205765774502, "error_w_gmm": 0.012214563710760431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011970052479980123}, "run_339": {"edge_length": 1200, "pf": 0.2049173611111111, "in_bounds_one_im": 0, "error_one_im": 0.009717381165975498, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.272503297277923, "error_w_gmm": 0.010743495355654156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010528431982577698}, "run_340": {"edge_length": 1200, "pf": 0.2021763888888889, "in_bounds_one_im": 1, "error_one_im": 0.01046203278607996, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.9419050068023247, "error_w_gmm": 0.013050980137853867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012789725516570599}, "run_341": {"edge_length": 1200, "pf": 0.20340416666666666, "in_bounds_one_im": 1, "error_one_im": 0.010554309859690724, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.4542576749858473, "error_w_gmm": 0.011393117425273637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011165049912585994}, "run_342": {"edge_length": 1200, "pf": 0.20503680555555556, "in_bounds_one_im": 1, "error_one_im": 0.01089523119847355, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.856394463856384, "error_w_gmm": 0.012655747394565854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012402404545392823}, "run_343": {"edge_length": 1200, "pf": 0.20369722222222222, "in_bounds_one_im": 1, "error_one_im": 0.010676584496753943, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.601488614352544, "error_w_gmm": 0.011867995084982447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01163042146763197}, "run_344": {"edge_length": 1200, "pf": 0.20136875, "in_bounds_one_im": 1, "error_one_im": 0.010621059956287829, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.904787791361851, "error_w_gmm": 0.01296054604327336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012701101732394452}, "run_345": {"edge_length": 1200, "pf": 0.20212777777777777, "in_bounds_one_im": 1, "error_one_im": 0.010331158758005306, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.818647822355854, "error_w_gmm": 0.01264480186840341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012391678126857748}, "run_346": {"edge_length": 1200, "pf": 0.2028215277777778, "in_bounds_one_im": 1, "error_one_im": 0.010044656948670527, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.7937536560146623, "error_w_gmm": 0.00923118839951664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009046398398778336}, "run_347": {"edge_length": 1200, "pf": 0.2036875, "in_bounds_one_im": 1, "error_one_im": 0.010413277202804806, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.3152449072051837, "error_w_gmm": 0.010925062843604455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010706364851150696}, "run_348": {"edge_length": 1200, "pf": 0.20290625, "in_bounds_one_im": 1, "error_one_im": 0.010174157945789152, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.579728649906962, "error_w_gmm": 0.011825127902233966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011588412400479088}, "run_349": {"edge_length": 1200, "pf": 0.20273194444444445, "in_bounds_one_im": 1, "error_one_im": 0.010047440469100506, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.215727153962067, "error_w_gmm": 0.010628427913114847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010415667960992695}, "run_350": {"edge_length": 1200, "pf": 0.2028625, "in_bounds_one_im": 1, "error_one_im": 0.010571983608537032, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.112256344159615, "error_w_gmm": 0.013586095480366942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01331412891602085}, "run_351": {"edge_length": 1200, "pf": 0.20138472222222223, "in_bounds_one_im": 1, "error_one_im": 0.010355019241142271, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.408030715908453, "error_w_gmm": 0.011311176960157937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011084749732334354}, "run_352": {"edge_length": 1200, "pf": 0.20119305555555556, "in_bounds_one_im": 1, "error_one_im": 0.010494029351732432, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.666485846550371, "error_w_gmm": 0.012176239592972222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011932495534678136}, "run_353": {"edge_length": 1200, "pf": 0.20270069444444444, "in_bounds_one_im": 1, "error_one_im": 0.010841707535194367, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.532695792526099, "error_w_gmm": 0.011677182434802754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011443428506558549}, "run_354": {"edge_length": 1200, "pf": 0.20127708333333333, "in_bounds_one_im": 1, "error_one_im": 0.0098272813008845, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.3348843130106514, "error_w_gmm": 0.011072110969482858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010850469366508573}, "run_355": {"edge_length": 1200, "pf": 0.20160069444444445, "in_bounds_one_im": 1, "error_one_im": 0.010348071639792213, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.1266800467404114, "error_w_gmm": 0.010370417840393041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010162822735900988}, "run_356": {"edge_length": 1200, "pf": 0.2032826388888889, "in_bounds_one_im": 1, "error_one_im": 0.009766399286531464, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 3.520555510910211, "error_w_gmm": 0.011616142783791354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011383610747753016}, "run_357": {"edge_length": 1200, "pf": 0.20093125, "in_bounds_one_im": 1, "error_one_im": 0.010768472660429858, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.911154462285794, "error_w_gmm": 0.012999362291592776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012739140956754928}, "run_358": {"edge_length": 1200, "pf": 0.20195208333333334, "in_bounds_one_im": 1, "error_one_im": 0.010866881424887119, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.0395863543374513, "error_w_gmm": 0.010070558369998333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0098689658547025}, "run_359": {"edge_length": 1200, "pf": 0.2032125, "in_bounds_one_im": 1, "error_one_im": 0.010164535395767772, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.1946859406217887, "error_w_gmm": 0.01054321266966009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010332158556940125}, "run_360": {"edge_length": 1200, "pf": 0.20332638888888888, "in_bounds_one_im": 1, "error_one_im": 0.010160962017609005, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.7865303847338807, "error_w_gmm": 0.012492044939647912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012241979087482894}, "run_361": {"edge_length": 1400, "pf": 0.20454591836734695, "in_bounds_one_im": 1, "error_one_im": 0.008564060204889201, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.3356468067125773, "error_w_gmm": 0.009209164771035566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009208995550471798}, "run_362": {"edge_length": 1400, "pf": 0.20411785714285716, "in_bounds_one_im": 1, "error_one_im": 0.008913842215796719, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.4590065279857303, "error_w_gmm": 0.009562320534440186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009562144824556367}, "run_363": {"edge_length": 1400, "pf": 0.20273061224489797, "in_bounds_one_im": 1, "error_one_im": 0.009065397181131881, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.1747517674933565, "error_w_gmm": 0.011590483992507162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011590271014643879}, "run_364": {"edge_length": 1400, "pf": 0.2039872448979592, "in_bounds_one_im": 1, "error_one_im": 0.009368942436212932, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.029922373860517, "error_w_gmm": 0.01114508085620002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011144876062723989}, "run_365": {"edge_length": 1400, "pf": 0.2015984693877551, "in_bounds_one_im": 1, "error_one_im": 0.00864240528100338, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 4.00055632044445, "error_w_gmm": 0.01114590891702925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011145704108337286}, "run_366": {"edge_length": 1400, "pf": 0.20306479591836735, "in_bounds_one_im": 1, "error_one_im": 0.008942835635547227, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.6760604766108287, "error_w_gmm": 0.007421952080507598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007421815700396368}, "run_367": {"edge_length": 1400, "pf": 0.20423316326530613, "in_bounds_one_im": 1, "error_one_im": 0.00891068001582753, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6799709729686674, "error_w_gmm": 0.010169561213486408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010169374345412706}, "run_368": {"edge_length": 1400, "pf": 0.20231428571428572, "in_bounds_one_im": 1, "error_one_im": 0.008736698091076993, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.9639360256570764, "error_w_gmm": 0.011019383672832136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011019181189071206}, "run_369": {"edge_length": 1400, "pf": 0.2015612244897959, "in_bounds_one_im": 1, "error_one_im": 0.008757134339726755, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.864172677103342, "error_w_gmm": 0.010767177609282053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010766979759866764}, "run_370": {"edge_length": 1400, "pf": 0.20282908163265306, "in_bounds_one_im": 1, "error_one_im": 0.008609504840177437, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.997796785378026, "error_w_gmm": 0.008320335458810214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008320182570693706}, "run_371": {"edge_length": 1400, "pf": 0.20236632653061223, "in_bounds_one_im": 1, "error_one_im": 0.009075625651851443, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.9848338453862358, "error_w_gmm": 0.01107569197476479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01107548845632565}, "run_372": {"edge_length": 1400, "pf": 0.20363724489795917, "in_bounds_one_im": 1, "error_one_im": 0.008927049155468367, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.474498187232419, "error_w_gmm": 0.009619377956380919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009619201198053592}, "run_373": {"edge_length": 1400, "pf": 0.20488775510204082, "in_bounds_one_im": 0, "error_one_im": 0.008892774527842104, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 0, "pred_cls": 3.0732269984411644, "error_w_gmm": 0.008475764755120158, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008475609010953782}, "run_374": {"edge_length": 1400, "pf": 0.20412397959183673, "in_bounds_one_im": 1, "error_one_im": 0.009139336889013853, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.733767642126259, "error_w_gmm": 0.010321694953615379, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010321505290048452}, "run_375": {"edge_length": 1400, "pf": 0.20476785714285714, "in_bounds_one_im": 0, "error_one_im": 0.008783440097133804, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.6052581115545226, "error_w_gmm": 0.009946733185221253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009946550411664742}, "run_376": {"edge_length": 1400, "pf": 0.20368010204081632, "in_bounds_one_im": 1, "error_one_im": 0.008925869730572243, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.7742131770948606, "error_w_gmm": 0.010447778199070687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010447586218694542}, "run_377": {"edge_length": 1400, "pf": 0.2025704081632653, "in_bounds_one_im": 1, "error_one_im": 0.008956518651201896, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.1103233020169685, "error_w_gmm": 0.008639562327550832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008639403573565567}, "run_378": {"edge_length": 1400, "pf": 0.2028015306122449, "in_bounds_one_im": 1, "error_one_im": 0.00883682363692087, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 2.7520036400327252, "error_w_gmm": 0.007638791453954374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0076386510893688446}, "run_379": {"edge_length": 1400, "pf": 0.2026076530612245, "in_bounds_one_im": 1, "error_one_im": 0.008955486239626708, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.4305127308732826, "error_w_gmm": 0.009527855888320731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009527680811732886}, "run_380": {"edge_length": 1400, "pf": 0.20382295918367346, "in_bounds_one_im": 1, "error_one_im": 0.008809004813018799, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.0433269755148284, "error_w_gmm": 0.008420830483262436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008420675748526304}, "run_381": {"edge_length": 1400, "pf": 0.20246020408163265, "in_bounds_one_im": 1, "error_one_im": 0.00873275030199498, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.827263541246278, "error_w_gmm": 0.010634638955778701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010634443541792259}, "run_382": {"edge_length": 1400, "pf": 0.20415714285714287, "in_bounds_one_im": 1, "error_one_im": 0.00902558435841376, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.1219398862326, "error_w_gmm": 0.00862946643377934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008629307865308503}, "run_383": {"edge_length": 1400, "pf": 0.20248367346938775, "in_bounds_one_im": 1, "error_one_im": 0.008732115707627552, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.151743074402031, "error_w_gmm": 0.011535416802269802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011535204836279053}, "run_384": {"edge_length": 1400, "pf": 0.20231173469387756, "in_bounds_one_im": 1, "error_one_im": 0.008623302634788, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.2684014948077516, "error_w_gmm": 0.009085932389457657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009085765433317863}, "run_385": {"edge_length": 1400, "pf": 0.20249948979591836, "in_bounds_one_im": 1, "error_one_im": 0.00884508664996189, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.7963259566773107, "error_w_gmm": 0.010547391053588371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010547197242802588}, "run_386": {"edge_length": 1400, "pf": 0.2028265306122449, "in_bounds_one_im": 1, "error_one_im": 0.009175992018467402, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7751202278573444, "error_w_gmm": 0.010477866489422985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010477673956167395}, "run_387": {"edge_length": 1400, "pf": 0.20309744897959184, "in_bounds_one_im": 1, "error_one_im": 0.009055122548925975, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.766013242967915, "error_w_gmm": 0.010443841035290313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010443649127260484}, "run_388": {"edge_length": 1400, "pf": 0.20323877551020408, "in_bounds_one_im": 1, "error_one_im": 0.00939058987799009, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.166734000431141, "error_w_gmm": 0.011550070164813391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011549857929563648}, "run_389": {"edge_length": 1400, "pf": 0.20397448979591837, "in_bounds_one_im": 1, "error_one_im": 0.008917777396917997, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.8887056779120632, "error_w_gmm": 0.007989266271989481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007989119467346907}, "run_390": {"edge_length": 1400, "pf": 0.20320204081632653, "in_bounds_one_im": 1, "error_one_im": 0.009165350201596865, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.0294187977671414, "error_w_gmm": 0.008398416824441588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008398262501561627}, "run_391": {"edge_length": 1400, "pf": 0.20241632653061226, "in_bounds_one_im": 1, "error_one_im": 0.009074220247832691, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.225263352298061, "error_w_gmm": 0.011742137907843099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011741922143303603}, "run_392": {"edge_length": 1400, "pf": 0.2009704081632653, "in_bounds_one_im": 0, "error_one_im": 0.009001117620153922, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 0, "pred_cls": 3.2966265656923643, "error_w_gmm": 0.009202655492780402, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009202486391826149}, "run_393": {"edge_length": 1400, "pf": 0.20139744897959183, "in_bounds_one_im": 1, "error_one_im": 0.008875379614999908, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.9220710361431643, "error_w_gmm": 0.010934070126460596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010933869210356177}, "run_394": {"edge_length": 1400, "pf": 0.2024408163265306, "in_bounds_one_im": 1, "error_one_im": 0.008733274608314275, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.027592122011679, "error_w_gmm": 0.01119195456764053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01119174891284902}, "run_395": {"edge_length": 1400, "pf": 0.20263673469387755, "in_bounds_one_im": 1, "error_one_im": 0.008954680291184066, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.217717532107399, "error_w_gmm": 0.008936037344825095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00893587314304189}, "run_396": {"edge_length": 1400, "pf": 0.20270204081632653, "in_bounds_one_im": 1, "error_one_im": 0.008499561095520218, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.0442555780881144, "error_w_gmm": 0.008452601835479356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008452446516937129}, "run_397": {"edge_length": 1400, "pf": 0.2033357142857143, "in_bounds_one_im": 1, "error_one_im": 0.009161568458556897, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.6825101830642204, "error_w_gmm": 0.010204760897174437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01020457338229822}, "run_398": {"edge_length": 1400, "pf": 0.20011836734693877, "in_bounds_one_im": 0, "error_one_im": 0.008796584579494303, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 0, "pred_cls": 3.5017218163148405, "error_w_gmm": 0.009801195777341447, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009801015678068972}, "run_399": {"edge_length": 1400, "pf": 0.2029698979591837, "in_bounds_one_im": 1, "error_one_im": 0.00871899124299627, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.6542601889485895, "error_w_gmm": 0.010137924382626392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010137738095886752}, "run_400": {"edge_length": 1400, "pf": 0.20228163265306123, "in_bounds_one_im": 1, "error_one_im": 0.008851057139324912, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.364512144484621, "error_w_gmm": 0.009353985808623457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009353813926939184}}, "blobs_50.0_0.3": {"true_cls": 3.6122448979591835, "true_pf": 0.30261311207155933, "run_401": {"edge_length": 600, "pf": 0.3010277777777778, "in_bounds_one_im": 1, "error_one_im": 0.016659857439546944, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.3575377461565448, "error_w_gmm": 0.01737854261172548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016712615303319658}, "run_402": {"edge_length": 600, "pf": 0.30673055555555556, "in_bounds_one_im": 1, "error_one_im": 0.01663724291596556, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.702507556581383, "error_w_gmm": 0.018907505690823435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0181829901399704}, "run_403": {"edge_length": 600, "pf": 0.2974361111111111, "in_bounds_one_im": 0, "error_one_im": 0.015778566560481218, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.305996504762229, "error_w_gmm": 0.022479441391190683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02161805305532419}, "run_404": {"edge_length": 600, "pf": 0.2992416666666667, "in_bounds_one_im": 1, "error_one_im": 0.017240925224116636, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.29793846770789, "error_w_gmm": 0.02234081816425396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02148474172331776}, "run_405": {"edge_length": 600, "pf": 0.3059777777777778, "in_bounds_one_im": 1, "error_one_im": 0.015863521179519693, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.793583299136548, "error_w_gmm": 0.01940694375048138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018663290263253904}, "run_406": {"edge_length": 600, "pf": 0.30145555555555553, "in_bounds_one_im": 1, "error_one_im": 0.0154251616546363, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.108598796073196, "error_w_gmm": 0.010902977276839207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010485186759314643}, "run_407": {"edge_length": 600, "pf": 0.30143888888888887, "in_bounds_one_im": 1, "error_one_im": 0.016846566898318323, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.65163454754544, "error_w_gmm": 0.01888233275161343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018158781801074074}, "run_408": {"edge_length": 600, "pf": 0.30013055555555557, "in_bounds_one_im": 1, "error_one_im": 0.016084636774214744, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.2214074558454517, "error_w_gmm": 0.01670955357777395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016069261219126864}, "run_409": {"edge_length": 600, "pf": 0.3046833333333333, "in_bounds_one_im": 1, "error_one_im": 0.01611341950479319, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8501739722167447, "error_w_gmm": 0.019756640694588677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01899958719160909}, "run_410": {"edge_length": 600, "pf": 0.30254444444444445, "in_bounds_one_im": 1, "error_one_im": 0.014980494647080948, "one_im_sa_cls": 3.020408163265306, "model_in_bounds": 1, "pred_cls": 2.628119042807592, "error_w_gmm": 0.013554218675276286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013034835401222035}, "run_411": {"edge_length": 600, "pf": 0.3061833333333333, "in_bounds_one_im": 1, "error_one_im": 0.016859381300780844, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.80082248511911, "error_w_gmm": 0.024547824837525763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023607178243245732}, "run_412": {"edge_length": 600, "pf": 0.3023111111111111, "in_bounds_one_im": 1, "error_one_im": 0.01640663905413356, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.754977706833637, "error_w_gmm": 0.024536810617458646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023596586076401787}, "run_413": {"edge_length": 600, "pf": 0.29933333333333334, "in_bounds_one_im": 1, "error_one_im": 0.01631920247348264, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.417909860996444, "error_w_gmm": 0.01776251958491455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017081878686424874}, "run_414": {"edge_length": 600, "pf": 0.30240555555555554, "in_bounds_one_im": 1, "error_one_im": 0.016200460783537117, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.3877069665992936, "error_w_gmm": 0.01747745684085255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016807739244167876}, "run_415": {"edge_length": 600, "pf": 0.3020777777777778, "in_bounds_one_im": 1, "error_one_im": 0.015807729053377247, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.696299633137247, "error_w_gmm": 0.024247429184705984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02331829343302128}, "run_416": {"edge_length": 600, "pf": 0.29925, "in_bounds_one_im": 1, "error_one_im": 0.016730506242789833, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.14503326622565, "error_w_gmm": 0.021545584047246893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02071998013366359}, "run_417": {"edge_length": 600, "pf": 0.3033111111111111, "in_bounds_one_im": 1, "error_one_im": 0.016771972080575712, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.698456561626211, "error_w_gmm": 0.02418779479000972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023260944165037562}, "run_418": {"edge_length": 600, "pf": 0.3033638888888889, "in_bounds_one_im": 1, "error_one_im": 0.01596169094231319, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.8391708372186613, "error_w_gmm": 0.01976169832198779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019004451016094152}, "run_419": {"edge_length": 600, "pf": 0.30189444444444447, "in_bounds_one_im": 1, "error_one_im": 0.015409102181764193, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.0655899066001826, "error_w_gmm": 0.01583480870695856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015228035643362968}, "run_420": {"edge_length": 600, "pf": 0.3052916666666667, "in_bounds_one_im": 1, "error_one_im": 0.01649257197184135, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.765538014316324, "error_w_gmm": 0.019294636130733626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01855528615229884}, "run_421": {"edge_length": 600, "pf": 0.30399166666666666, "in_bounds_one_im": 1, "error_one_im": 0.0157362678605282, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.0527294335741555, "error_w_gmm": 0.020830023899954964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020031839491766106}, "run_422": {"edge_length": 600, "pf": 0.2981666666666667, "in_bounds_one_im": 1, "error_one_im": 0.01656926430195022, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7987180054240146, "error_w_gmm": 0.019796585178787022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019038001045567507}, "run_423": {"edge_length": 600, "pf": 0.3019222222222222, "in_bounds_one_im": 1, "error_one_im": 0.017739573581770973, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 4.166038162727467, "error_w_gmm": 0.02151757810459201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020693047349007565}, "run_424": {"edge_length": 600, "pf": 0.30425555555555556, "in_bounds_one_im": 1, "error_one_im": 0.016734566386895137, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.1204164381234323, "error_w_gmm": 0.016028170343066268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015413987866796607}, "run_425": {"edge_length": 600, "pf": 0.30314166666666664, "in_bounds_one_im": 1, "error_one_im": 0.016172239905075634, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.787031212524465, "error_w_gmm": 0.02465366374708555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023708961518121914}, "run_426": {"edge_length": 600, "pf": 0.3034472222222222, "in_bounds_one_im": 1, "error_one_im": 0.01636255827336969, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.9476380312700003, "error_w_gmm": 0.01516964297499116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01458835835627993}, "run_427": {"edge_length": 600, "pf": 0.299875, "in_bounds_one_im": 1, "error_one_im": 0.016298153568875658, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.1692400055442023, "error_w_gmm": 0.016448964713972287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015818657844013772}, "run_428": {"edge_length": 600, "pf": 0.3003222222222222, "in_bounds_one_im": 1, "error_one_im": 0.015263260820907145, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.620917551988437, "error_w_gmm": 0.018773261047555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018053889608953374}, "run_429": {"edge_length": 600, "pf": 0.30130833333333334, "in_bounds_one_im": 1, "error_one_im": 0.016648757162840165, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.542182981081661, "error_w_gmm": 0.01832204643221467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017619965058782425}, "run_430": {"edge_length": 600, "pf": 0.301725, "in_bounds_one_im": 1, "error_one_im": 0.015618131682242105, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 1.6297451178848676, "error_w_gmm": 0.008421570035522685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008098864409878151}, "run_431": {"edge_length": 600, "pf": 0.30495833333333333, "in_bounds_one_im": 1, "error_one_im": 0.01590168020315665, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.005986512592643, "error_w_gmm": 0.010286768196136756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009892590156579688}, "run_432": {"edge_length": 600, "pf": 0.3019027777777778, "in_bounds_one_im": 1, "error_one_im": 0.015408797545091491, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.0201598763503315, "error_w_gmm": 0.015599838821821657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01500206955484243}, "run_433": {"edge_length": 600, "pf": 0.29959444444444444, "in_bounds_one_im": 1, "error_one_im": 0.015697460347622896, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.269485644557435, "error_w_gmm": 0.011786941563751163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011335278472935369}, "run_434": {"edge_length": 600, "pf": 0.30430277777777776, "in_bounds_one_im": 1, "error_one_im": 0.016531101214299532, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.8983027002157993, "error_w_gmm": 0.020021587625750924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019254381637566965}, "run_435": {"edge_length": 600, "pf": 0.29985, "in_bounds_one_im": 1, "error_one_im": 0.016299123980188415, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.928220241810631, "error_w_gmm": 0.02557993316123272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02459973727140209}, "run_436": {"edge_length": 600, "pf": 0.30101944444444445, "in_bounds_one_im": 1, "error_one_im": 0.016660187353947167, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.607724833276798, "error_w_gmm": 0.023849956171662155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022936051163984724}, "run_437": {"edge_length": 600, "pf": 0.29814722222222223, "in_bounds_one_im": 1, "error_one_im": 0.016979170775531505, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.4978198789391057, "error_w_gmm": 0.01822933586469666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017530807061814722}, "run_438": {"edge_length": 600, "pf": 0.30393333333333333, "in_bounds_one_im": 1, "error_one_im": 0.015940212229721442, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.648362479296382, "error_w_gmm": 0.018754263329078074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018035619862885537}, "run_439": {"edge_length": 600, "pf": 0.2982111111111111, "in_bounds_one_im": 1, "error_one_im": 0.015953893642951463, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.705408892922415, "error_w_gmm": 0.024519097446196687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023579551655063008}, "run_440": {"edge_length": 600, "pf": 0.3028361111111111, "in_bounds_one_im": 1, "error_one_im": 0.01618394354865096, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.888018011870449, "error_w_gmm": 0.025191973245595082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024226643567975766}, "run_441": {"edge_length": 800, "pf": 0.2997484375, "in_bounds_one_im": 1, "error_one_im": 0.012685824278814544, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.8711224049788036, "error_w_gmm": 0.014692754132832775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01449584669262536}, "run_442": {"edge_length": 800, "pf": 0.3045953125, "in_bounds_one_im": 1, "error_one_im": 0.012087575667756067, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.344269194083229, "error_w_gmm": 0.012548047539907852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012379882749403158}, "run_443": {"edge_length": 800, "pf": 0.3007421875, "in_bounds_one_im": 1, "error_one_im": 0.012198417494162212, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8602910437349456, "error_w_gmm": 0.014617034218300276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014421141551389058}, "run_444": {"edge_length": 800, "pf": 0.2963421875, "in_bounds_one_im": 0, "error_one_im": 0.012635425975850646, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 0, "pred_cls": 4.756169046485211, "error_w_gmm": 0.018199481947811288, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017955578499142106}, "run_445": {"edge_length": 800, "pf": 0.3014953125, "in_bounds_one_im": 1, "error_one_im": 0.012785440221375956, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.564367300996829, "error_w_gmm": 0.017252128874164812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01702092153862861}, "run_446": {"edge_length": 800, "pf": 0.3009828125, "in_bounds_one_im": 1, "error_one_im": 0.012801014362625273, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.8965126385965925, "error_w_gmm": 0.014745751010016538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014548133323157552}, "run_447": {"edge_length": 800, "pf": 0.30340625, "in_bounds_one_im": 1, "error_one_im": 0.01181854866284167, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.2048468173981903, "error_w_gmm": 0.012058756611883367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01189714913686099}, "run_448": {"edge_length": 800, "pf": 0.3016734375, "in_bounds_one_im": 1, "error_one_im": 0.013008250132490174, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.877812443103887, "error_w_gmm": 0.014650932676969005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014454585714106025}, "run_449": {"edge_length": 800, "pf": 0.3037625, "in_bounds_one_im": 1, "error_one_im": 0.0121113800682936, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.110063311754015, "error_w_gmm": 0.015451756874350768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015244677529979472}, "run_450": {"edge_length": 800, "pf": 0.2994703125, "in_bounds_one_im": 1, "error_one_im": 0.012847176486945222, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.4192896477032844, "error_w_gmm": 0.012986436727170526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012812396789508417}, "run_451": {"edge_length": 800, "pf": 0.30055625, "in_bounds_one_im": 1, "error_one_im": 0.012051264714335697, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.641624407108054, "error_w_gmm": 0.010006963407790647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009872853387908566}, "run_452": {"edge_length": 800, "pf": 0.3030015625, "in_bounds_one_im": 1, "error_one_im": 0.012588198433381279, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.475630789999103, "error_w_gmm": 0.013090156297793738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012914726344688213}, "run_453": {"edge_length": 800, "pf": 0.3040640625, "in_bounds_one_im": 1, "error_one_im": 0.01240531958550345, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.335534222724299, "error_w_gmm": 0.016287800139295528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016069516419099563}, "run_454": {"edge_length": 800, "pf": 0.301565625, "in_bounds_one_im": 1, "error_one_im": 0.01278330617764008, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.9693076368552926, "error_w_gmm": 0.01500045294502802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014799421826923483}, "run_455": {"edge_length": 800, "pf": 0.301578125, "in_bounds_one_im": 1, "error_one_im": 0.01217421605617037, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.959254085672651, "error_w_gmm": 0.014962015481612438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014761499489702824}, "run_456": {"edge_length": 800, "pf": 0.29989375, "in_bounds_one_im": 1, "error_one_im": 0.012681434472922857, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.145981820164178, "error_w_gmm": 0.011936368187239584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011776400921478986}, "run_457": {"edge_length": 800, "pf": 0.3014703125, "in_bounds_one_im": 1, "error_one_im": 0.012177332520481761, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.586849426122589, "error_w_gmm": 0.017338134602668785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017105774646753186}, "run_458": {"edge_length": 800, "pf": 0.2988625, "in_bounds_one_im": 1, "error_one_im": 0.012712647280309207, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.151657424464561, "error_w_gmm": 0.015790836021939696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015579212450776212}, "run_459": {"edge_length": 800, "pf": 0.2986640625, "in_bounds_one_im": 0, "error_one_im": 0.012258958342236946, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 0, "pred_cls": 2.7781232483480385, "error_w_gmm": 0.010571601876883609, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010429924758648942}, "run_460": {"edge_length": 800, "pf": 0.3034796875, "in_bounds_one_im": 1, "error_one_im": 0.012573963375757615, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.8174699162991437, "error_w_gmm": 0.0105993466154611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010457297671399824}, "run_461": {"edge_length": 800, "pf": 0.302909375, "in_bounds_one_im": 1, "error_one_im": 0.01213585196552834, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.269443034605195, "error_w_gmm": 0.016083375992253634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015867831896987573}, "run_462": {"edge_length": 800, "pf": 0.30284375, "in_bounds_one_im": 1, "error_one_im": 0.012441181531730117, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.393179392687296, "error_w_gmm": 0.009016723195392085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008895884047917657}, "run_463": {"edge_length": 800, "pf": 0.300259375, "in_bounds_one_im": 1, "error_one_im": 0.012059779495480639, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.303353507469623, "error_w_gmm": 0.012522557548444358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012354734366389902}, "run_464": {"edge_length": 800, "pf": 0.3007578125, "in_bounds_one_im": 1, "error_one_im": 0.012350438892800212, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.8561838510340243, "error_w_gmm": 0.014600939861884134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014405262886224304}, "run_465": {"edge_length": 800, "pf": 0.3025390625, "in_bounds_one_im": 1, "error_one_im": 0.012601995733820273, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.8926919967186056, "error_w_gmm": 0.010906593785422934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01076042721622465}, "run_466": {"edge_length": 800, "pf": 0.303496875, "in_bounds_one_im": 1, "error_one_im": 0.012270477441903373, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.2143755284587523, "error_w_gmm": 0.00833016155354931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008218523478536686}, "run_467": {"edge_length": 800, "pf": 0.299325, "in_bounds_one_im": 1, "error_one_im": 0.012239645014023309, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.556609879525852, "error_w_gmm": 0.013512657655310614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013331565478496668}, "run_468": {"edge_length": 800, "pf": 0.3056328125, "in_bounds_one_im": 1, "error_one_im": 0.012359487939547553, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 0, "pred_cls": 2.057975293251823, "error_w_gmm": 0.0077028686194291675, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007599637317224416}, "run_469": {"edge_length": 800, "pf": 0.304884375, "in_bounds_one_im": 1, "error_one_im": 0.012532307820286304, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.5434128646756586, "error_w_gmm": 0.009536643170901892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009408836227562565}, "run_470": {"edge_length": 800, "pf": 0.3032875, "in_bounds_one_im": 1, "error_one_im": 0.011973432123813377, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.165563132254067, "error_w_gmm": 0.01567801207127816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015467900529453626}, "run_471": {"edge_length": 800, "pf": 0.3031546875, "in_bounds_one_im": 1, "error_one_im": 0.012432026283057125, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.188458395069933, "error_w_gmm": 0.015769139000930396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015557806206079466}, "run_472": {"edge_length": 800, "pf": 0.30204375, "in_bounds_one_im": 1, "error_one_im": 0.013452855081758421, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 2.9038620685173377, "error_w_gmm": 0.010961573122391228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010814669738269892}, "run_473": {"edge_length": 800, "pf": 0.30335625, "in_bounds_one_im": 1, "error_one_im": 0.01295648013263861, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 2.8652992120531926, "error_w_gmm": 0.010782429006670898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010637926452845498}, "run_474": {"edge_length": 800, "pf": 0.3029328125, "in_bounds_one_im": 1, "error_one_im": 0.011983488749331812, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.154635869722187, "error_w_gmm": 0.011883137616334817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011723883729111812}, "run_475": {"edge_length": 800, "pf": 0.3061390625, "in_bounds_one_im": 1, "error_one_im": 0.012495307762363527, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.4087190557691582, "error_w_gmm": 0.012743413686880116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012572630663772127}, "run_476": {"edge_length": 800, "pf": 0.305984375, "in_bounds_one_im": 1, "error_one_im": 0.012349258205269742, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.1840438116457728, "error_w_gmm": 0.011907806313212583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011748221824258174}, "run_477": {"edge_length": 800, "pf": 0.304509375, "in_bounds_one_im": 1, "error_one_im": 0.012090028170986816, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8484912413447847, "error_w_gmm": 0.014442871145020582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014249312554119178}, "run_478": {"edge_length": 800, "pf": 0.302046875, "in_bounds_one_im": 1, "error_one_im": 0.012312691358287825, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.344211739843522, "error_w_gmm": 0.016398520515153437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016178752957033637}, "run_479": {"edge_length": 800, "pf": 0.30451875, "in_bounds_one_im": 1, "error_one_im": 0.012920931622113972, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 2.623293247016464, "error_w_gmm": 0.009844649602346319, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009712714858498247}, "run_480": {"edge_length": 800, "pf": 0.3004359375, "in_bounds_one_im": 1, "error_one_im": 0.01251248809276541, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.9890848120135427, "error_w_gmm": 0.011326448925581833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011174655596406607}, "run_481": {"edge_length": 1000, "pf": 0.30098, "in_bounds_one_im": 1, "error_one_im": 0.010118964702174747, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.747136548126267, "error_w_gmm": 0.011421035907804925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011192409522718147}, "run_482": {"edge_length": 1000, "pf": 0.30115, "in_bounds_one_im": 1, "error_one_im": 0.010114878025829126, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.105067226610846, "error_w_gmm": 0.012506932915718035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012256569035932955}, "run_483": {"edge_length": 1000, "pf": 0.302379, "in_bounds_one_im": 1, "error_one_im": 0.009477866099401513, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.125838081921171, "error_w_gmm": 0.012533608797829873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012282710920030523}, "run_484": {"edge_length": 1000, "pf": 0.302844, "in_bounds_one_im": 1, "error_one_im": 0.010074316641642269, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.2761736015844, "error_w_gmm": 0.009941511061740562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009742501816458974}, "run_485": {"edge_length": 1000, "pf": 0.30242, "in_bounds_one_im": 1, "error_one_im": 0.009719943700727792, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.5723488225560334, "error_w_gmm": 0.01085114609067019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010633927764348043}, "run_486": {"edge_length": 1000, "pf": 0.30366, "in_bounds_one_im": 1, "error_one_im": 0.010054881965389093, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.1937843932942753, "error_w_gmm": 0.009672805781484498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009479175480580193}, "run_487": {"edge_length": 1000, "pf": 0.301789, "in_bounds_one_im": 1, "error_one_im": 0.009612818407326, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.213587569471355, "error_w_gmm": 0.012818100139615205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01256150731193683}, "run_488": {"edge_length": 1000, "pf": 0.304689, "in_bounds_one_im": 1, "error_one_im": 0.009788771432429677, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.984845842297378, "error_w_gmm": 0.012039340097217004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011798336494087165}, "run_489": {"edge_length": 1000, "pf": 0.304032, "in_bounds_one_im": 1, "error_one_im": 0.009803970891140046, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 1.7809413762435604, "error_w_gmm": 0.005389079708171767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005281201068916167}, "run_490": {"edge_length": 1000, "pf": 0.302695, "in_bounds_one_im": 1, "error_one_im": 0.00995645247525627, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.929180577281113, "error_w_gmm": 0.008891702170389384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008713708007609837}, "run_491": {"edge_length": 1000, "pf": 0.300263, "in_bounds_one_im": 1, "error_one_im": 0.010136233551417457, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.127133706199355, "error_w_gmm": 0.012600710801247972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012348469675025455}, "run_492": {"edge_length": 1000, "pf": 0.302122, "in_bounds_one_im": 1, "error_one_im": 0.009969983450977394, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.9000237228360493, "error_w_gmm": 0.011854843437693118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011617533090119744}, "run_493": {"edge_length": 1000, "pf": 0.302855, "in_bounds_one_im": 1, "error_one_im": 0.010074054208170669, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.483480535974276, "error_w_gmm": 0.010570306205505245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010358709734175311}, "run_494": {"edge_length": 1000, "pf": 0.305914, "in_bounds_one_im": 0, "error_one_im": 0.009037540072893296, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 4.205556452019138, "error_w_gmm": 0.01266952779352559, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012415909088219719}, "run_495": {"edge_length": 1000, "pf": 0.303782, "in_bounds_one_im": 1, "error_one_im": 0.009930873827670226, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.513194308933373, "error_w_gmm": 0.01366487403483305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013391330480774725}, "run_496": {"edge_length": 1000, "pf": 0.302757, "in_bounds_one_im": 1, "error_one_im": 0.0098335880397766, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.3671100639894136, "error_w_gmm": 0.010219562247921678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010014986971845852}, "run_497": {"edge_length": 1000, "pf": 0.30239, "in_bounds_one_im": 1, "error_one_im": 0.010085158667223114, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.6703087733904933, "error_w_gmm": 0.01114949594006935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010926305244155807}, "run_498": {"edge_length": 1000, "pf": 0.302367, "in_bounds_one_im": 1, "error_one_im": 0.009964193928531226, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.011557106515597, "error_w_gmm": 0.012186788863366995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011942833629696652}, "run_499": {"edge_length": 1000, "pf": 0.302295, "in_bounds_one_im": 1, "error_one_im": 0.010087430015757294, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.100208668253513, "error_w_gmm": 0.00941979296296997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009231227474622412}, "run_500": {"edge_length": 1000, "pf": 0.301151, "in_bounds_one_im": 1, "error_one_im": 0.0098711225737504, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.094455265397786, "error_w_gmm": 0.00942787299978884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009239145765201942}, "run_501": {"edge_length": 1000, "pf": 0.303968, "in_bounds_one_im": 1, "error_one_im": 0.010047563726814932, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.463934109226348, "error_w_gmm": 0.013509785123410124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013239346140379363}, "run_502": {"edge_length": 1000, "pf": 0.300304, "in_bounds_one_im": 1, "error_one_im": 0.01025735602510228, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.983674291979593, "error_w_gmm": 0.0121615227270489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011918073271090564}, "run_503": {"edge_length": 1000, "pf": 0.301939, "in_bounds_one_im": 1, "error_one_im": 0.009731035905124407, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.437812384332663, "error_w_gmm": 0.01045440327305797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010245126947525638}, "run_504": {"edge_length": 1000, "pf": 0.300817, "in_bounds_one_im": 1, "error_one_im": 0.010671717052028719, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.7619574261672444, "error_w_gmm": 0.011470652265594372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011241032659873819}, "run_505": {"edge_length": 1000, "pf": 0.301691, "in_bounds_one_im": 1, "error_one_im": 0.010223602020362243, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.515656986516341, "error_w_gmm": 0.01069742212426366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01048328104548932}, "run_506": {"edge_length": 1000, "pf": 0.304425, "in_bounds_one_im": 1, "error_one_im": 0.009915798295761285, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.8554804497457837, "error_w_gmm": 0.01165575273601196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011422427787643775}, "run_507": {"edge_length": 1000, "pf": 0.303031, "in_bounds_one_im": 1, "error_one_im": 0.010373165878561508, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 4.01350908056092, "error_w_gmm": 0.012173555694214851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011929865362226864}, "run_508": {"edge_length": 1000, "pf": 0.305322, "in_bounds_one_im": 1, "error_one_im": 0.009532829408137674, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.3953316603316965, "error_w_gmm": 0.013259720520769984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01299428733288798}, "run_509": {"edge_length": 1000, "pf": 0.301716, "in_bounds_one_im": 1, "error_one_im": 0.01028384661386409, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 3.378973888859005, "error_w_gmm": 0.010280913525227602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010075110118808373}, "run_510": {"edge_length": 1000, "pf": 0.302543, "in_bounds_one_im": 1, "error_one_im": 0.009352719209850173, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.6169300272066214, "error_w_gmm": 0.010983361219937003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010763496210135226}, "run_511": {"edge_length": 1000, "pf": 0.302045, "in_bounds_one_im": 1, "error_one_im": 0.010215018997859421, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.6112573210275913, "error_w_gmm": 0.010979089285144319, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010759309790966268}, "run_512": {"edge_length": 1000, "pf": 0.302818, "in_bounds_one_im": 1, "error_one_im": 0.009346628289655169, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.121974886302974, "error_w_gmm": 0.012508855528989275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01225845316231694}, "run_513": {"edge_length": 1000, "pf": 0.300274, "in_bounds_one_im": 1, "error_one_im": 0.009647487821682175, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.233719626668305, "error_w_gmm": 0.009872735438202936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009675102943885051}, "run_514": {"edge_length": 1000, "pf": 0.300866, "in_bounds_one_im": 1, "error_one_im": 0.010243655115835802, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.310936804406996, "error_w_gmm": 0.013143024199757668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012879927039731667}, "run_515": {"edge_length": 1000, "pf": 0.302554, "in_bounds_one_im": 1, "error_one_im": 0.009716857596548464, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.352915748531985, "error_w_gmm": 0.013217949901137099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012953352877841655}, "run_516": {"edge_length": 1000, "pf": 0.299051, "in_bounds_one_im": 0, "error_one_im": 0.010043068845269397, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 0, "pred_cls": 3.410207515513477, "error_w_gmm": 0.010441944572863971, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010232917645688358}, "run_517": {"edge_length": 1000, "pf": 0.302138, "in_bounds_one_im": 1, "error_one_im": 0.00960486352305879, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.132241877246694, "error_w_gmm": 0.0095206672711294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009330082480101483}, "run_518": {"edge_length": 1000, "pf": 0.306063, "in_bounds_one_im": 0, "error_one_im": 0.009998036219623864, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.55035946748764, "error_w_gmm": 0.013703462276699484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013429146262917106}, "run_519": {"edge_length": 1000, "pf": 0.302974, "in_bounds_one_im": 1, "error_one_im": 0.009464516181334287, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.177221799399221, "error_w_gmm": 0.012671830063696014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012418165271528054}, "run_520": {"edge_length": 1000, "pf": 0.301736, "in_bounds_one_im": 1, "error_one_im": 0.010344206791502737, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 2.3523188377431623, "error_w_gmm": 0.007156858714006123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00701359266094688}, "run_521": {"edge_length": 1200, "pf": 0.30155, "in_bounds_one_im": 1, "error_one_im": 0.007913768790794116, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.4457635556344117, "error_w_gmm": 0.008740217041691513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008565255309389317}, "run_522": {"edge_length": 1200, "pf": 0.30347291666666665, "in_bounds_one_im": 1, "error_one_im": 0.008180781892540172, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.59975329964213, "error_w_gmm": 0.00908930177463457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008907352061449875}, "run_523": {"edge_length": 1200, "pf": 0.30603541666666667, "in_bounds_one_im": 0, "error_one_im": 0.008231849499842412, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 0, "pred_cls": 3.750630976924924, "error_w_gmm": 0.009413169838562333, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009224736931970439}, "run_524": {"edge_length": 1200, "pf": 0.30242083333333336, "in_bounds_one_im": 1, "error_one_im": 0.008302435513078063, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.6048786323335875, "error_w_gmm": 0.009124945836869373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008942282600571401}, "run_525": {"edge_length": 1200, "pf": 0.3035979166666667, "in_bounds_one_im": 1, "error_one_im": 0.007976428732170986, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.431598213560884, "error_w_gmm": 0.006137919702089224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006015050778046779}, "run_526": {"edge_length": 1200, "pf": 0.3016034722222222, "in_bounds_one_im": 1, "error_one_im": 0.008014210015976027, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.7814857213268933, "error_w_gmm": 0.00959056253995376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009398578584894226}, "run_527": {"edge_length": 1200, "pf": 0.30164166666666664, "in_bounds_one_im": 1, "error_one_im": 0.007607737480886338, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 3.431408151319383, "error_w_gmm": 0.008701910701321603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008527715785637048}, "run_528": {"edge_length": 1200, "pf": 0.30433819444444443, "in_bounds_one_im": 1, "error_one_im": 0.008264859268381804, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.251525633266053, "error_w_gmm": 0.010713081317231306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010498626772611134}, "run_529": {"edge_length": 1200, "pf": 0.3016826388888889, "in_bounds_one_im": 1, "error_one_im": 0.008114130871980284, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.3040935453787066, "error_w_gmm": 0.008378231277112135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00821051577864337}, "run_530": {"edge_length": 1200, "pf": 0.3058402777777778, "in_bounds_one_im": 0, "error_one_im": 0.0077334601392924866, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 0, "pred_cls": 3.760750073373985, "error_w_gmm": 0.009442904290348253, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009253876159270594}, "run_531": {"edge_length": 1200, "pf": 0.3006388888888889, "in_bounds_one_im": 1, "error_one_im": 0.008235954529298223, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.968467734771655, "error_w_gmm": 0.010087876667893259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009885937474776282}, "run_532": {"edge_length": 1200, "pf": 0.30170138888888887, "in_bounds_one_im": 1, "error_one_im": 0.008316614045842946, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.7418877023450148, "error_w_gmm": 0.009487929167098497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009297999727690166}, "run_533": {"edge_length": 1200, "pf": 0.30013125, "in_bounds_one_im": 0, "error_one_im": 0.008245907753528878, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.5960480473104974, "error_w_gmm": 0.009152230049492234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008969020637614945}, "run_534": {"edge_length": 1200, "pf": 0.3022722222222222, "in_bounds_one_im": 1, "error_one_im": 0.008204075846225763, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.024525499833497, "error_w_gmm": 0.010190777518947964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009986778455799254}, "run_535": {"edge_length": 1200, "pf": 0.30282777777777775, "in_bounds_one_im": 1, "error_one_im": 0.008193283118991559, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.30516837517286, "error_w_gmm": 0.010887071463826437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010669133983106704}, "run_536": {"edge_length": 1200, "pf": 0.3021034722222222, "in_bounds_one_im": 1, "error_one_im": 0.0078020574906112515, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.7982669901721438, "error_w_gmm": 0.007088519841333388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00694662179635543}, "run_537": {"edge_length": 1200, "pf": 0.30174375, "in_bounds_one_im": 1, "error_one_im": 0.008315778007371405, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.136393405001534, "error_w_gmm": 0.010487183346878032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01027725082957467}, "run_538": {"edge_length": 1200, "pf": 0.3013645833333333, "in_bounds_one_im": 1, "error_one_im": 0.008018756851138197, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.0593002143808725, "error_w_gmm": 0.010300993525228208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010094788157213768}, "run_539": {"edge_length": 1200, "pf": 0.3028763888888889, "in_bounds_one_im": 1, "error_one_im": 0.00768663996632318, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.8636245483956633, "error_w_gmm": 0.00976935414199243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009573791135261233}, "run_540": {"edge_length": 1200, "pf": 0.3037201388888889, "in_bounds_one_im": 1, "error_one_im": 0.008276938629934484, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.5138243657230777, "error_w_gmm": 0.00886714727477133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008689644652082076}, "run_541": {"edge_length": 1200, "pf": 0.3023631944444444, "in_bounds_one_im": 1, "error_one_im": 0.007999780701480426, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6702598597368516, "error_w_gmm": 0.009291713140998373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009105711555517185}, "run_542": {"edge_length": 1200, "pf": 0.30129652777777777, "in_bounds_one_im": 1, "error_one_im": 0.008223092334591026, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.9365457247587634, "error_w_gmm": 0.0074530649269527625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0073038694156330386}, "run_543": {"edge_length": 1200, "pf": 0.3017270833333333, "in_bounds_one_im": 1, "error_one_im": 0.008113275046397986, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.678727722454162, "error_w_gmm": 0.00932721196254601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009140499761380701}, "run_544": {"edge_length": 1200, "pf": 0.30138333333333334, "in_bounds_one_im": 1, "error_one_im": 0.008221397273627168, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7568517346115966, "error_w_gmm": 0.009533067335422645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009342234319811772}, "run_545": {"edge_length": 1200, "pf": 0.3013458333333333, "in_bounds_one_im": 1, "error_one_im": 0.008222129463023486, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.1975075395913253, "error_w_gmm": 0.00811444569419986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007952010657568918}, "run_546": {"edge_length": 1200, "pf": 0.3020625, "in_bounds_one_im": 1, "error_one_im": 0.00800548618493418, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.644291177542629, "error_w_gmm": 0.009232550243851613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009047732981702894}, "run_547": {"edge_length": 1200, "pf": 0.3026798611111111, "in_bounds_one_im": 1, "error_one_im": 0.008297341288518287, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.664491648991414, "error_w_gmm": 0.009270151396270363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009084581433961821}, "run_548": {"edge_length": 1200, "pf": 0.3037902777777778, "in_bounds_one_im": 1, "error_one_im": 0.00817464470236587, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.113314491352784, "error_w_gmm": 0.010378241479135481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010170489760982645}, "run_549": {"edge_length": 1200, "pf": 0.3009090277777778, "in_bounds_one_im": 1, "error_one_im": 0.00792582723516228, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.4788039995859936, "error_w_gmm": 0.008837469918054838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008660561376921774}, "run_550": {"edge_length": 1200, "pf": 0.2999625, "in_bounds_one_im": 0, "error_one_im": 0.008249221211327176, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 0, "pred_cls": 3.311913251214758, "error_w_gmm": 0.008432471319625792, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008263670043566792}, "run_551": {"edge_length": 1200, "pf": 0.3035395833333333, "in_bounds_one_im": 1, "error_one_im": 0.008381454762612364, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.478183572258961, "error_w_gmm": 0.011305536967666638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011079222641256348}, "run_552": {"edge_length": 1200, "pf": 0.30107430555555553, "in_bounds_one_im": 1, "error_one_im": 0.008227434550486499, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.823110268485256, "error_w_gmm": 0.009708323304217567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009513982013268585}, "run_553": {"edge_length": 1200, "pf": 0.30171736111111114, "in_bounds_one_im": 1, "error_one_im": 0.00801204396635748, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.2072962911366742, "error_w_gmm": 0.008132111105944228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007969322442964517}, "run_554": {"edge_length": 1200, "pf": 0.30299444444444446, "in_bounds_one_im": 1, "error_one_im": 0.00849338544784673, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.094636600380656, "error_w_gmm": 0.010350585109874945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010143387017135653}, "run_555": {"edge_length": 1200, "pf": 0.30200902777777777, "in_bounds_one_im": 1, "error_one_im": 0.00790515342849803, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.0939402956466724, "error_w_gmm": 0.007839269925251227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007682343359290227}, "run_556": {"edge_length": 1200, "pf": 0.3026125, "in_bounds_one_im": 1, "error_one_im": 0.007995055807516136, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.0002616921954095, "error_w_gmm": 0.010121171888329741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009918566191232851}, "run_557": {"edge_length": 1200, "pf": 0.3029090277777778, "in_bounds_one_im": 1, "error_one_im": 0.007584913714743256, "one_im_sa_cls": 3.061224489795918, "model_in_bounds": 1, "pred_cls": 4.0973943220916595, "error_w_gmm": 0.01035965115713587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010152271580192433}, "run_558": {"edge_length": 1200, "pf": 0.3048652777777778, "in_bounds_one_im": 1, "error_one_im": 0.007952585758329042, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.553470883601944, "error_w_gmm": 0.01145966237775081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011230262767690128}, "run_559": {"edge_length": 1200, "pf": 0.30077152777777777, "in_bounds_one_im": 1, "error_one_im": 0.008131711062391736, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.643346732169068, "error_w_gmm": 0.009258496041446101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009073159396120571}, "run_560": {"edge_length": 1200, "pf": 0.30120833333333336, "in_bounds_one_im": 1, "error_one_im": 0.008224815159027943, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.8528468446317583, "error_w_gmm": 0.009780720813515584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009584930268665881}, "run_561": {"edge_length": 1400, "pf": 0.30228571428571427, "in_bounds_one_im": 1, "error_one_im": 0.006945027247099816, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.124199361134245, "error_w_gmm": 0.00877198099872118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008771819811511877}, "run_562": {"edge_length": 1400, "pf": 0.30251326530612244, "in_bounds_one_im": 1, "error_one_im": 0.007028048572161676, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.3097590589368555, "error_w_gmm": 0.007035908446898719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00703577916042998}, "run_563": {"edge_length": 1400, "pf": 0.30233061224489793, "in_bounds_one_im": 1, "error_one_im": 0.007031091695986528, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.0484016671849945, "error_w_gmm": 0.00648311907180105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006482999942966785}, "run_564": {"edge_length": 1400, "pf": 0.3017173469387755, "in_bounds_one_im": 1, "error_one_im": 0.007041326398943972, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.2332162244904743, "error_w_gmm": 0.006886178430175092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006886051895030482}, "run_565": {"edge_length": 1400, "pf": 0.30301836734693877, "in_bounds_one_im": 1, "error_one_im": 0.007019645488540111, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.6428267261145786, "error_w_gmm": 0.007734686925957025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007734544799269589}, "run_566": {"edge_length": 1400, "pf": 0.30305408163265307, "in_bounds_one_im": 1, "error_one_im": 0.00693239704823487, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.957747629500583, "error_w_gmm": 0.008402637033152284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008402482632725071}, "run_567": {"edge_length": 1400, "pf": 0.30124030612244895, "in_bounds_one_im": 1, "error_one_im": 0.007049306155990086, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.0993901716944245, "error_w_gmm": 0.008740870259266896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008740709643724736}, "run_568": {"edge_length": 1400, "pf": 0.3025275510204082, "in_bounds_one_im": 1, "error_one_im": 0.0067675213781202516, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 2.8674002643421534, "error_w_gmm": 0.006095332752141435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006095220748971769}, "run_569": {"edge_length": 1400, "pf": 0.30183979591836735, "in_bounds_one_im": 1, "error_one_im": 0.006778566630530685, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.452729028133779, "error_w_gmm": 0.0073515654389468875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007351430352206677}, "run_570": {"edge_length": 1400, "pf": 0.30452551020408164, "in_bounds_one_im": 1, "error_one_im": 0.006994678416460365, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.058405753277811, "error_w_gmm": 0.008586422674178883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008586264896647242}, "run_571": {"edge_length": 1400, "pf": 0.3009551020408163, "in_bounds_one_im": 1, "error_one_im": 0.007141172163134013, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.0737592056581278, "error_w_gmm": 0.006558425025437405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0065583045128385}, "run_572": {"edge_length": 1400, "pf": 0.3004862244897959, "in_bounds_one_im": 0, "error_one_im": 0.006974768704413337, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.134716845802635, "error_w_gmm": 0.00883201222297234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00883184993267517}, "run_573": {"edge_length": 1400, "pf": 0.30392602040816324, "in_bounds_one_im": 1, "error_one_im": 0.006918114026820511, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.227731176656382, "error_w_gmm": 0.00683863068690352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006838505025459918}, "run_574": {"edge_length": 1400, "pf": 0.302925, "in_bounds_one_im": 1, "error_one_im": 0.007021197431470346, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7987859878798615, "error_w_gmm": 0.00806761302588488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008067464781602307}, "run_575": {"edge_length": 1400, "pf": 0.30383010204081634, "in_bounds_one_im": 1, "error_one_im": 0.007006178703008053, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.6431515795247598, "error_w_gmm": 0.007720536801283716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007720394934608206}, "run_576": {"edge_length": 1400, "pf": 0.30361530612244897, "in_bounds_one_im": 1, "error_one_im": 0.006577037845230325, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.6241748078569915, "error_w_gmm": 0.007684222834801021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007684081635403176}, "run_577": {"edge_length": 1400, "pf": 0.30323163265306124, "in_bounds_one_im": 1, "error_one_im": 0.006929484358215225, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.2697668455326636, "error_w_gmm": 0.006939078209348838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006938950702158358}, "run_578": {"edge_length": 1400, "pf": 0.30085, "in_bounds_one_im": 1, "error_one_im": 0.006968737906377473, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 2.930885046707006, "error_w_gmm": 0.006255139417697701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006255024478042994}, "run_579": {"edge_length": 1400, "pf": 0.3026979591836735, "in_bounds_one_im": 1, "error_one_im": 0.007111701915445637, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.06867138684615, "error_w_gmm": 0.008645425487712912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00864526662599072}, "run_580": {"edge_length": 1400, "pf": 0.3026280612244898, "in_bounds_one_im": 1, "error_one_im": 0.007112879635186079, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.7642013976879296, "error_w_gmm": 0.005874560139282068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005874452192860982}, "run_581": {"edge_length": 1400, "pf": 0.3028469387755102, "in_bounds_one_im": 1, "error_one_im": 0.006935797954112876, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8404397499335294, "error_w_gmm": 0.00815758235913804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008157432461647837}, "run_582": {"edge_length": 1400, "pf": 0.3036642857142857, "in_bounds_one_im": 1, "error_one_im": 0.007268515712777412, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.644160294688832, "error_w_gmm": 0.007725702567130128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007725560605532392}, "run_583": {"edge_length": 1400, "pf": 0.302275, "in_bounds_one_im": 1, "error_one_im": 0.0070320187022463645, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7710899198835577, "error_w_gmm": 0.008021137312374345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008020989922093966}, "run_584": {"edge_length": 1400, "pf": 0.30148928571428574, "in_bounds_one_im": 1, "error_one_im": 0.007045139297285774, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.343274578832943, "error_w_gmm": 0.0071244390658982285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007124308152658476}, "run_585": {"edge_length": 1400, "pf": 0.30127448979591837, "in_bounds_one_im": 1, "error_one_im": 0.007135755209872618, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.9043315369233977, "error_w_gmm": 0.00832428315076532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008324130190109047}, "run_586": {"edge_length": 1400, "pf": 0.303125, "in_bounds_one_im": 1, "error_one_im": 0.006931233383753341, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 4.033636794947406, "error_w_gmm": 0.008562318725507705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008562161390891807}, "run_587": {"edge_length": 1400, "pf": 0.30204744897959185, "in_bounds_one_im": 1, "error_one_im": 0.006948952153271578, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.9206244004020347, "error_w_gmm": 0.008343699174291513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008343545856861236}, "run_588": {"edge_length": 1400, "pf": 0.3028362244897959, "in_bounds_one_im": 1, "error_one_im": 0.006762574595588269, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.366253187717144, "error_w_gmm": 0.007150531240055776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007150399847366189}, "run_589": {"edge_length": 1400, "pf": 0.3024540816326531, "in_bounds_one_im": 1, "error_one_im": 0.006942256152110086, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8651556937448213, "error_w_gmm": 0.008217726901375238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008217575898715013}, "run_590": {"edge_length": 1400, "pf": 0.30072602040816326, "in_bounds_one_im": 1, "error_one_im": 0.007232196939115408, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.4003628888066286, "error_w_gmm": 0.0072592454972018544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007259112106862273}, "run_591": {"edge_length": 1400, "pf": 0.3018576530612245, "in_bounds_one_im": 1, "error_one_im": 0.007125883512699337, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.035167802227953, "error_w_gmm": 0.008591332562451192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008591174694699378}, "run_592": {"edge_length": 1400, "pf": 0.30082040816326533, "in_bounds_one_im": 1, "error_one_im": 0.007056343491784303, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.2818032180498293, "error_w_gmm": 0.007004567032607022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007004438322044024}, "run_593": {"edge_length": 1400, "pf": 0.30257244897959185, "in_bounds_one_im": 1, "error_one_im": 0.006940309173081598, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.835019275018468, "error_w_gmm": 0.008151366990871444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008151217207590095}, "run_594": {"edge_length": 1400, "pf": 0.3045423469387755, "in_bounds_one_im": 1, "error_one_im": 0.006994400396894074, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.051545365255911, "error_w_gmm": 0.008571567350414849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008571409845853297}, "run_595": {"edge_length": 1400, "pf": 0.30145, "in_bounds_one_im": 1, "error_one_im": 0.0068718261957982805, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6704843818702058, "error_w_gmm": 0.007822445040551818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007822301301288626}, "run_596": {"edge_length": 1400, "pf": 0.30203775510204084, "in_bounds_one_im": 1, "error_one_im": 0.007296567519240032, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.124954825573029, "error_w_gmm": 0.008778747969481518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008778586657927506}, "run_597": {"edge_length": 1400, "pf": 0.3024071428571429, "in_bounds_one_im": 1, "error_one_im": 0.007203392069535087, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.248499935283792, "error_w_gmm": 0.006907420388806306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006907293463335646}, "run_598": {"edge_length": 1400, "pf": 0.3034290816326531, "in_bounds_one_im": 1, "error_one_im": 0.007012825911083615, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.2382101390938516, "error_w_gmm": 0.006868899023060933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0068687728054295134}, "run_599": {"edge_length": 1400, "pf": 0.3013387755102041, "in_bounds_one_im": 1, "error_one_im": 0.007047657668967294, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.080756745002532, "error_w_gmm": 0.008699104612818618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008698944764729927}, "run_600": {"edge_length": 1400, "pf": 0.30259336734693876, "in_bounds_one_im": 1, "error_one_im": 0.0067664660665955915, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.130574624621936, "error_w_gmm": 0.00877913733549852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008778976016789826}}, "blobs_50.0_0.4": {"true_cls": 3.6122448979591835, "true_pf": 0.40154439126591013, "run_601": {"edge_length": 600, "pf": 0.3966, "in_bounds_one_im": 1, "error_one_im": 0.012992243321931602, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.445095064391015, "error_w_gmm": 0.018624007101089204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017910354915307465}, "run_602": {"edge_length": 600, "pf": 0.40005277777777776, "in_bounds_one_im": 1, "error_one_im": 0.01273571222581256, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 4.653411638555832, "error_w_gmm": 0.01935686972518375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018615135021460286}, "run_603": {"edge_length": 600, "pf": 0.40315555555555554, "in_bounds_one_im": 1, "error_one_im": 0.012978215962365003, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8410728656546027, "error_w_gmm": 0.015874957690694906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015266646160653981}, "run_604": {"edge_length": 600, "pf": 0.39691666666666664, "in_bounds_one_im": 1, "error_one_im": 0.01347670134711462, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.261270082207186, "error_w_gmm": 0.0136549948021769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013131749893897092}, "run_605": {"edge_length": 600, "pf": 0.39705555555555555, "in_bounds_one_im": 1, "error_one_im": 0.013308490091873652, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.417152168955014, "error_w_gmm": 0.014303525890311768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013755429959044175}, "run_606": {"edge_length": 600, "pf": 0.40144722222222223, "in_bounds_one_im": 1, "error_one_im": 0.014082632965461382, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 4.461435165855344, "error_w_gmm": 0.018504500225668255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017795427416515686}, "run_607": {"edge_length": 600, "pf": 0.40369166666666667, "in_bounds_one_im": 1, "error_one_im": 0.014503216787817052, "one_im_sa_cls": 3.6530612244897958, "model_in_bounds": 1, "pred_cls": 3.450795371138242, "error_w_gmm": 0.014246084994202624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01370019013710985}, "run_608": {"edge_length": 600, "pf": 0.4045388888888889, "in_bounds_one_im": 1, "error_one_im": 0.01342627108854483, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.675450356349422, "error_w_gmm": 0.01926796240777521, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01852963453809435}, "run_609": {"edge_length": 600, "pf": 0.40200833333333336, "in_bounds_one_im": 1, "error_one_im": 0.013334435860046356, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.038144521667468, "error_w_gmm": 0.0167292962980695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016088247419334446}, "run_610": {"edge_length": 600, "pf": 0.4040972222222222, "in_bounds_one_im": 1, "error_one_im": 0.013438587427166894, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.674484081901999, "error_w_gmm": 0.01515677905837009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01457598737129085}, "run_611": {"edge_length": 600, "pf": 0.4039916666666667, "in_bounds_one_im": 1, "error_one_im": 0.01344153326819719, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.7824237106690193, "error_w_gmm": 0.011479659468161173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011039771101118895}, "run_612": {"edge_length": 600, "pf": 0.40565277777777775, "in_bounds_one_im": 1, "error_one_im": 0.013233889382056501, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 0, "pred_cls": 2.283886853989665, "error_w_gmm": 0.009390381865228486, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009030552398504758}, "run_613": {"edge_length": 600, "pf": 0.3988611111111111, "in_bounds_one_im": 1, "error_one_im": 0.013749490557425977, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.985082791776233, "error_w_gmm": 0.016618035807860712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01598125031302569}, "run_614": {"edge_length": 600, "pf": 0.3977111111111111, "in_bounds_one_im": 1, "error_one_im": 0.013618441580414082, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.50642438115639, "error_w_gmm": 0.018837203459600996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018115381815634143}, "run_615": {"edge_length": 600, "pf": 0.4026416666666667, "in_bounds_one_im": 1, "error_one_im": 0.013154485934559878, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.239893450696435, "error_w_gmm": 0.017541988654578993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016869798267282233}, "run_616": {"edge_length": 600, "pf": 0.40084722222222224, "in_bounds_one_im": 1, "error_one_im": 0.012877667187713736, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.818187409899088, "error_w_gmm": 0.020009158065980574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019242428365335018}, "run_617": {"edge_length": 600, "pf": 0.404225, "in_bounds_one_im": 1, "error_one_im": 0.01343502260407279, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.668786843428295, "error_w_gmm": 0.019253042804747923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018515286638420385}, "run_618": {"edge_length": 600, "pf": 0.4031972222222222, "in_bounds_one_im": 1, "error_one_im": 0.01386926745635522, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 5.227557242070947, "error_w_gmm": 0.021603356202610415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020775538521349377}, "run_619": {"edge_length": 600, "pf": 0.3992861111111111, "in_bounds_one_im": 1, "error_one_im": 0.013573773041422241, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.121351293405062, "error_w_gmm": 0.017171061596795285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016513084740674477}, "run_620": {"edge_length": 600, "pf": 0.40587222222222225, "in_bounds_one_im": 1, "error_one_im": 0.012905237679850306, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.2028482302096513, "error_w_gmm": 0.013162773286614898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012658389784398932}, "run_621": {"edge_length": 600, "pf": 0.40479444444444446, "in_bounds_one_im": 1, "error_one_im": 0.013257475250286734, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.6359684835993433, "error_w_gmm": 0.014976216292332808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014402343578810385}, "run_622": {"edge_length": 600, "pf": 0.4061666666666667, "in_bounds_one_im": 1, "error_one_im": 0.012736144979929224, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.839294669617059, "error_w_gmm": 0.01987595438275964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01911432890588125}, "run_623": {"edge_length": 600, "pf": 0.3965972222222222, "in_bounds_one_im": 1, "error_one_im": 0.014061306975727151, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.7270249894599585, "error_w_gmm": 0.015615536162271406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015017165389866279}, "run_624": {"edge_length": 600, "pf": 0.4009083333333333, "in_bounds_one_im": 1, "error_one_im": 0.012876028967253695, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.893952160539813, "error_w_gmm": 0.012016589412118315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01155612645948668}, "run_625": {"edge_length": 600, "pf": 0.4010888888888889, "in_bounds_one_im": 1, "error_one_im": 0.013522896316548426, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 5.000391545820803, "error_w_gmm": 0.02075537856240126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019960054484323624}, "run_626": {"edge_length": 600, "pf": 0.40212777777777775, "in_bounds_one_im": 1, "error_one_im": 0.01300597438591201, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.001216298647837, "error_w_gmm": 0.012430403448776703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011954083581456096}, "run_627": {"edge_length": 600, "pf": 0.4018777777777778, "in_bounds_one_im": 1, "error_one_im": 0.012524761206360454, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.4619112120419824, "error_w_gmm": 0.010202019197636638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009811088649755039}, "run_628": {"edge_length": 600, "pf": 0.40124166666666666, "in_bounds_one_im": 1, "error_one_im": 0.01351859698875478, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.4557705856639767, "error_w_gmm": 0.010190050657305836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00979957873118705}, "run_629": {"edge_length": 600, "pf": 0.40384444444444445, "in_bounds_one_im": 1, "error_one_im": 0.013121652025985224, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.9065534496682983, "error_w_gmm": 0.01612249642305881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015504699471515558}, "run_630": {"edge_length": 600, "pf": 0.40221111111111113, "in_bounds_one_im": 1, "error_one_im": 0.013003720630186868, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 2.5885147853643216, "error_w_gmm": 0.010719223211017705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010308473954270642}, "run_631": {"edge_length": 600, "pf": 0.40178055555555553, "in_bounds_one_im": 1, "error_one_im": 0.013503447297421846, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.707269262258374, "error_w_gmm": 0.019510599924490057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018762974442688606}, "run_632": {"edge_length": 600, "pf": 0.3979111111111111, "in_bounds_one_im": 1, "error_one_im": 0.013448748801256532, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.410860007489799, "error_w_gmm": 0.018430041987983446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01772382233947379}, "run_633": {"edge_length": 600, "pf": 0.4005416666666667, "in_bounds_one_im": 1, "error_one_im": 0.013212087030158295, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.390221284205373, "error_w_gmm": 0.01408800424887148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013548166878162989}, "run_634": {"edge_length": 600, "pf": 0.4048638888888889, "in_bounds_one_im": 1, "error_one_im": 0.013093911623441572, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.9233352378196216, "error_w_gmm": 0.016157524619445175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015538385424593019}, "run_635": {"edge_length": 600, "pf": 0.39831944444444445, "in_bounds_one_im": 1, "error_one_im": 0.014092772530026993, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 2.6223089302224287, "error_w_gmm": 0.010947548192819451, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010528049765099261}, "run_636": {"edge_length": 600, "pf": 0.3981027777777778, "in_bounds_one_im": 1, "error_one_im": 0.014017173101135573, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 0, "pred_cls": 1.5955446842518362, "error_w_gmm": 0.006664051032096635, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006408691669344914}, "run_637": {"edge_length": 600, "pf": 0.40446666666666664, "in_bounds_one_im": 1, "error_one_im": 0.013994536953757969, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.7767345803052286, "error_w_gmm": 0.015566605217001497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014970109426486921}, "run_638": {"edge_length": 600, "pf": 0.4019138888888889, "in_bounds_one_im": 1, "error_one_im": 0.013743673099541765, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.204263203774449, "error_w_gmm": 0.01742091755503627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016753366483776923}, "run_639": {"edge_length": 600, "pf": 0.39070555555555553, "in_bounds_one_im": 0, "error_one_im": 0.013486665649366968, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 0, "pred_cls": 3.3726316366564357, "error_w_gmm": 0.014306173989167323, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013757976585562161}, "run_640": {"edge_length": 600, "pf": 0.4060972222222222, "in_bounds_one_im": 1, "error_one_im": 0.013382939587458405, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.0324979989166465, "error_w_gmm": 0.016564663068321425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015929922760219102}, "run_641": {"edge_length": 800, "pf": 0.4019640625, "in_bounds_one_im": 1, "error_one_im": 0.009635830210722942, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.107369279502777, "error_w_gmm": 0.012440891611440413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012274162889312537}, "run_642": {"edge_length": 800, "pf": 0.3999296875, "in_bounds_one_im": 1, "error_one_im": 0.009921704478800194, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.948918755097057, "error_w_gmm": 0.015053493552704026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01485175160188625}, "run_643": {"edge_length": 800, "pf": 0.4038890625, "in_bounds_one_im": 1, "error_one_im": 0.009840327158036559, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.899310260573709, "error_w_gmm": 0.011763539618050106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011605888543715864}, "run_644": {"edge_length": 800, "pf": 0.4009859375, "in_bounds_one_im": 1, "error_one_im": 0.01038878798533833, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 4.02776166594602, "error_w_gmm": 0.012224621745646935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012060791400860763}, "run_645": {"edge_length": 800, "pf": 0.4036890625, "in_bounds_one_im": 1, "error_one_im": 0.010209023462364098, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.659149106879083, "error_w_gmm": 0.011043601602350505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010895598899621682}, "run_646": {"edge_length": 800, "pf": 0.4011953125, "in_bounds_one_im": 1, "error_one_im": 0.01001775814943081, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.6722718981984084, "error_w_gmm": 0.011140821804934111, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010991516189146582}, "run_647": {"edge_length": 800, "pf": 0.40160625, "in_bounds_one_im": 1, "error_one_im": 0.010436417091543299, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.258445056842742, "error_w_gmm": 0.00987691743505941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009744550248370351}, "run_648": {"edge_length": 800, "pf": 0.4002109375, "in_bounds_one_im": 1, "error_one_im": 0.00991589302303243, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.4884851257200618, "error_w_gmm": 0.010604968863392484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010462844571820486}, "run_649": {"edge_length": 800, "pf": 0.402834375, "in_bounds_one_im": 1, "error_one_im": 0.009983665246505223, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.835486794625987, "error_w_gmm": 0.011596377867570022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011440967039828788}, "run_650": {"edge_length": 800, "pf": 0.3975578125, "in_bounds_one_im": 1, "error_one_im": 0.010094002647307228, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.175338346021436, "error_w_gmm": 0.012763416580584734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012592365485299047}, "run_651": {"edge_length": 800, "pf": 0.4004765625, "in_bounds_one_im": 1, "error_one_im": 0.010277460975880382, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.3062142195645725, "error_w_gmm": 0.013083619016262154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012908276673645525}, "run_652": {"edge_length": 800, "pf": 0.402553125, "in_bounds_one_im": 1, "error_one_im": 0.010111327048474877, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.696891203206586, "error_w_gmm": 0.011183878581591904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01103399593309836}, "run_653": {"edge_length": 800, "pf": 0.39821875, "in_bounds_one_im": 1, "error_one_im": 0.010203016422656879, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 0, "pred_cls": 2.446878761029963, "error_w_gmm": 0.007469450488809845, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007369347379330798}, "run_654": {"edge_length": 800, "pf": 0.4006234375, "in_bounds_one_im": 1, "error_one_im": 0.010029691475881541, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.8465366491085033, "error_w_gmm": 0.00864601947606409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008530148377451524}, "run_655": {"edge_length": 800, "pf": 0.401709375, "in_bounds_one_im": 1, "error_one_im": 0.01000704809870261, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.171772848029436, "error_w_gmm": 0.009612136292914528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009483317615677356}, "run_656": {"edge_length": 800, "pf": 0.4028796875, "in_bounds_one_im": 1, "error_one_im": 0.009860984479898324, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.483224375362903, "error_w_gmm": 0.013553499358918912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013371859835076647}, "run_657": {"edge_length": 800, "pf": 0.4003140625, "in_bounds_one_im": 1, "error_one_im": 0.00966897906918543, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.306715892542476, "error_w_gmm": 0.01308957241464149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012914150286545257}, "run_658": {"edge_length": 800, "pf": 0.4004859375, "in_bounds_one_im": 1, "error_one_im": 0.010521957000894722, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 4.445727038371118, "error_w_gmm": 0.013507238669856104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01332621911649617}, "run_659": {"edge_length": 800, "pf": 0.402253125, "in_bounds_one_im": 1, "error_one_im": 0.009630039195444912, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.4519370369179962, "error_w_gmm": 0.010449356287255625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010309317464054973}, "run_660": {"edge_length": 800, "pf": 0.4015875, "in_bounds_one_im": 1, "error_one_im": 0.010009585815607897, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.536909171340363, "error_w_gmm": 0.010721409162572085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010577724376552178}, "run_661": {"edge_length": 800, "pf": 0.4009015625, "in_bounds_one_im": 1, "error_one_im": 0.009657157845223273, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.9419002832570262, "error_w_gmm": 0.011966126257336182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011805760183744483}, "run_662": {"edge_length": 800, "pf": 0.40098125, "in_bounds_one_im": 1, "error_one_im": 0.01002222267300127, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 2.95080166730769, "error_w_gmm": 0.008956037920203806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008836012056752638}, "run_663": {"edge_length": 800, "pf": 0.40305, "in_bounds_one_im": 1, "error_one_im": 0.010283435872181921, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.75454699902492, "error_w_gmm": 0.014368663967263396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014176099876459411}, "run_664": {"edge_length": 800, "pf": 0.40185, "in_bounds_one_im": 1, "error_one_im": 0.009882119600894109, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.8446219349622117, "error_w_gmm": 0.011647814205588943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011491714045026902}, "run_665": {"edge_length": 800, "pf": 0.4017171875, "in_bounds_one_im": 1, "error_one_im": 0.010250955832071078, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 2.672817745684859, "error_w_gmm": 0.008099908829324284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007991356525305792}, "run_666": {"edge_length": 800, "pf": 0.4041796875, "in_bounds_one_im": 1, "error_one_im": 0.010198627186192528, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.012276594492911, "error_w_gmm": 0.009082031123705996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008960316740936997}, "run_667": {"edge_length": 800, "pf": 0.401590625, "in_bounds_one_im": 1, "error_one_im": 0.010131588060775434, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.008342145697675, "error_w_gmm": 0.012150381790451418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011987546385035082}, "run_668": {"edge_length": 800, "pf": 0.40195, "in_bounds_one_im": 1, "error_one_im": 0.009514135957389215, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.6698989802816175, "error_w_gmm": 0.011116154354906222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010967179324140286}, "run_669": {"edge_length": 800, "pf": 0.401015625, "in_bounds_one_im": 1, "error_one_im": 0.009654865107927853, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.0713454026648255, "error_w_gmm": 0.009321235645370258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009196315522573287}, "run_670": {"edge_length": 800, "pf": 0.401659375, "in_bounds_one_im": 1, "error_one_im": 0.010130138972000045, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.283760042715891, "error_w_gmm": 0.00995255149363266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009819170684260399}, "run_671": {"edge_length": 800, "pf": 0.399771875, "in_bounds_one_im": 1, "error_one_im": 0.01059888498218926, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.062008341982443, "error_w_gmm": 0.009317001161665409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009192137788020934}, "run_672": {"edge_length": 800, "pf": 0.40539375, "in_bounds_one_im": 1, "error_one_im": 0.00980964405132031, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.4742479633597716, "error_w_gmm": 0.010448519319162788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010308491712732164}, "run_673": {"edge_length": 800, "pf": 0.405415625, "in_bounds_one_im": 1, "error_one_im": 0.01017250262296382, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.7975034106385865, "error_w_gmm": 0.011420165700369751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011267116409918563}, "run_674": {"edge_length": 800, "pf": 0.3994078125, "in_bounds_one_im": 1, "error_one_im": 0.009932500602874912, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.041727068234681, "error_w_gmm": 0.012307398772661439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012142459077487308}, "run_675": {"edge_length": 800, "pf": 0.40065, "in_bounds_one_im": 1, "error_one_im": 0.010273749847740116, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.8951578410046306, "error_w_gmm": 0.011830428367421209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01167188087215064}, "run_676": {"edge_length": 800, "pf": 0.403275, "in_bounds_one_im": 1, "error_one_im": 0.010217808815148843, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 2.715307145537314, "error_w_gmm": 0.008202064063599015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008092142708856444}, "run_677": {"edge_length": 800, "pf": 0.4025125, "in_bounds_one_im": 1, "error_one_im": 0.010538598355744026, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.244498881723061, "error_w_gmm": 0.00981612505940345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00968457259206277}, "run_678": {"edge_length": 800, "pf": 0.39840625, "in_bounds_one_im": 1, "error_one_im": 0.010751985230261784, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.817996134532303, "error_w_gmm": 0.011650425813826113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011494290653352618}, "run_679": {"edge_length": 800, "pf": 0.400728125, "in_bounds_one_im": 1, "error_one_im": 0.010149792128032933, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.092410771158642, "error_w_gmm": 0.006354065841538962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006268910748868361}, "run_680": {"edge_length": 800, "pf": 0.403734375, "in_bounds_one_im": 1, "error_one_im": 0.00972196445895327, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 2.73677437116964, "error_w_gmm": 0.008259024312604708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008148339595409912}, "run_681": {"edge_length": 1000, "pf": 0.403206, "in_bounds_one_im": 1, "error_one_im": 0.008710714367009952, "one_im_sa_cls": 3.6530612244897958, "model_in_bounds": 1, "pred_cls": 3.8024523359749764, "error_w_gmm": 0.009252146600545906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009066937058377326}, "run_682": {"edge_length": 1000, "pf": 0.400879, "in_bounds_one_im": 1, "error_one_im": 0.00831288074828239, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.8121227057347444, "error_w_gmm": 0.009320677578635575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009134096182817849}, "run_683": {"edge_length": 1000, "pf": 0.404648, "in_bounds_one_im": 1, "error_one_im": 0.008150973892029807, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 0, "pred_cls": 2.6252032848595257, "error_w_gmm": 0.00636855852261471, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006241072668880258}, "run_684": {"edge_length": 1000, "pf": 0.403199, "in_bounds_one_im": 1, "error_one_im": 0.008418857567035348, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.828956474053278, "error_w_gmm": 0.009316772118519258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009130268902232305}, "run_685": {"edge_length": 1000, "pf": 0.400706, "in_bounds_one_im": 1, "error_one_im": 0.008022373933456554, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.2150094184521754, "error_w_gmm": 0.007863561493082928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0077061486583292335}, "run_686": {"edge_length": 1000, "pf": 0.400818, "in_bounds_one_im": 1, "error_one_im": 0.008216125482969676, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 2.807025190344898, "error_w_gmm": 0.006864075890234611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006726670766004737}, "run_687": {"edge_length": 1000, "pf": 0.403639, "in_bounds_one_im": 1, "error_one_im": 0.007681873555026058, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.0237107633378333, "error_w_gmm": 0.007350693219742126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007203546986048704}, "run_688": {"edge_length": 1000, "pf": 0.400817, "in_bounds_one_im": 1, "error_one_im": 0.007824897703152575, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.692229499702779, "error_w_gmm": 0.009028702820700696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008847966177844288}, "run_689": {"edge_length": 1000, "pf": 0.401072, "in_bounds_one_im": 1, "error_one_im": 0.008211782336414543, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.41954152701514, "error_w_gmm": 0.008357454376786234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008190154790468859}, "run_690": {"edge_length": 1000, "pf": 0.402041, "in_bounds_one_im": 1, "error_one_im": 0.00790255553882773, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.288564448773538, "error_w_gmm": 0.00802115455092041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00786058701711677}, "run_691": {"edge_length": 1000, "pf": 0.402547, "in_bounds_one_im": 1, "error_one_im": 0.008235354365601638, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 2.668211157857179, "error_w_gmm": 0.006501203605285628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006371062461260946}, "run_692": {"edge_length": 1000, "pf": 0.402012, "in_bounds_one_im": 1, "error_one_im": 0.008098168800073467, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.1865268716326476, "error_w_gmm": 0.0053334906825698485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005226724824858492}, "run_693": {"edge_length": 1000, "pf": 0.40012, "in_bounds_one_im": 1, "error_one_im": 0.008130123829569603, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.024574454881922, "error_w_gmm": 0.009855689739019189, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009658398465639267}, "run_694": {"edge_length": 1000, "pf": 0.399796, "in_bounds_one_im": 1, "error_one_im": 0.008037594265932275, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.850116268220256, "error_w_gmm": 0.011885360684874623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011647439442811257}, "run_695": {"edge_length": 1000, "pf": 0.402114, "in_bounds_one_im": 1, "error_one_im": 0.00799890344141719, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.144238611539159, "error_w_gmm": 0.010106699277572908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009904383293309966}, "run_696": {"edge_length": 1000, "pf": 0.402812, "in_bounds_one_im": 1, "error_one_im": 0.007792491367618792, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.586777649225719, "error_w_gmm": 0.00873451483287205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008559667247430076}, "run_697": {"edge_length": 1000, "pf": 0.403383, "in_bounds_one_im": 1, "error_one_im": 0.00817241305598039, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.086014585740776, "error_w_gmm": 0.007506145632977233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007355887551674034}, "run_698": {"edge_length": 1000, "pf": 0.403288, "in_bounds_one_im": 1, "error_one_im": 0.008319991017809326, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.3800385232492456, "error_w_gmm": 0.00822292599681568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008058319400648408}, "run_699": {"edge_length": 1000, "pf": 0.404563, "in_bounds_one_im": 1, "error_one_im": 0.008152412028642569, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.4233476024845997, "error_w_gmm": 0.00830626577622572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008139990883710044}, "run_700": {"edge_length": 1000, "pf": 0.40056, "in_bounds_one_im": 1, "error_one_im": 0.008024813160542753, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.279045107716205, "error_w_gmm": 0.010469258684523218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010259684983249372}, "run_701": {"edge_length": 1000, "pf": 0.401316, "in_bounds_one_im": 1, "error_one_im": 0.007914484154154683, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.945080219635728, "error_w_gmm": 0.0071942034084540385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007050189789012636}, "run_702": {"edge_length": 1000, "pf": 0.404708, "in_bounds_one_im": 1, "error_one_im": 0.008149958947773537, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 0, "pred_cls": 2.9462639053678763, "error_w_gmm": 0.007146539021133744, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00700347954776608}, "run_703": {"edge_length": 1000, "pf": 0.402296, "in_bounds_one_im": 1, "error_one_im": 0.007995876598202487, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.977773067898342, "error_w_gmm": 0.009697063120739775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009502947236230819}, "run_704": {"edge_length": 1000, "pf": 0.401236, "in_bounds_one_im": 1, "error_one_im": 0.008306705752461016, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 4.343438874168295, "error_w_gmm": 0.010611862254728774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01039943391408419}, "run_705": {"edge_length": 1000, "pf": 0.404226, "in_bounds_one_im": 1, "error_one_im": 0.007866755938987271, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.9935937509841897, "error_w_gmm": 0.00969666810400171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009502560126940795}, "run_706": {"edge_length": 1000, "pf": 0.402447, "in_bounds_one_im": 1, "error_one_im": 0.008285806763940038, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.4670313400831874, "error_w_gmm": 0.008449317531266933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008280179027613029}, "run_707": {"edge_length": 1000, "pf": 0.401049, "in_bounds_one_im": 1, "error_one_im": 0.008212175481470973, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.2020509070669743, "error_w_gmm": 0.007826275937465568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007669609485252544}, "run_708": {"edge_length": 1000, "pf": 0.402459, "in_bounds_one_im": 1, "error_one_im": 0.008090644743723308, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.8023059031530013, "error_w_gmm": 0.006829180164188562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006692473582872482}, "run_709": {"edge_length": 1000, "pf": 0.399731, "in_bounds_one_im": 1, "error_one_im": 0.00857786293457964, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.4107208957279687, "error_w_gmm": 0.008359209702914566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008191874978465139}, "run_710": {"edge_length": 1000, "pf": 0.404983, "in_bounds_one_im": 0, "error_one_im": 0.008290761304894806, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.726549129779291, "error_w_gmm": 0.009034063466768228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008853219514457394}, "run_711": {"edge_length": 1000, "pf": 0.398816, "in_bounds_one_im": 1, "error_one_im": 0.008152250558708087, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.9924251473714194, "error_w_gmm": 0.009803568738737315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009607320823943884}, "run_712": {"edge_length": 1000, "pf": 0.404783, "in_bounds_one_im": 1, "error_one_im": 0.008391211063874342, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 0, "pred_cls": 2.906277911667418, "error_w_gmm": 0.007048450721293575, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006907354780270436}, "run_713": {"edge_length": 1000, "pf": 0.402323, "in_bounds_one_im": 1, "error_one_im": 0.007800417265113175, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.2596272172732754, "error_w_gmm": 0.007945912390333399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0077868510546819526}, "run_714": {"edge_length": 1000, "pf": 0.400861, "in_bounds_one_im": 1, "error_one_im": 0.007726378690830636, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.959055385548851, "error_w_gmm": 0.009680292170907004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009486512007401407}, "run_715": {"edge_length": 1000, "pf": 0.401984, "in_bounds_one_im": 1, "error_one_im": 0.008001066448511571, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.7134217324701644, "error_w_gmm": 0.00905849999866092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008877166875665832}, "run_716": {"edge_length": 1000, "pf": 0.402025, "in_bounds_one_im": 1, "error_one_im": 0.008293081163721067, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.3067598555482003, "error_w_gmm": 0.008065803467206702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007904342151051725}, "run_717": {"edge_length": 1000, "pf": 0.399519, "in_bounds_one_im": 1, "error_one_im": 0.008581653514580243, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.690474046890169, "error_w_gmm": 0.009048843296036838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008867703480989414}, "run_718": {"edge_length": 1000, "pf": 0.402718, "in_bounds_one_im": 1, "error_one_im": 0.008183714790496717, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.244590606472189, "error_w_gmm": 0.00790276549353155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00774456787279384}, "run_719": {"edge_length": 1000, "pf": 0.405895, "in_bounds_one_im": 0, "error_one_im": 0.008565446963365031, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 0, "pred_cls": 3.5203181964426884, "error_w_gmm": 0.008517981041312574, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008347468030983818}, "run_720": {"edge_length": 1000, "pf": 0.399219, "in_bounds_one_im": 1, "error_one_im": 0.008881433724836888, "one_im_sa_cls": 3.693877551020408, "model_in_bounds": 1, "pred_cls": 4.3413650743021845, "error_w_gmm": 0.010651451574506825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010438230734552955}, "run_721": {"edge_length": 1200, "pf": 0.4016659722222222, "in_bounds_one_im": 1, "error_one_im": 0.006590602366187018, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.188182179494726, "error_w_gmm": 0.006485317013670484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006355493887559558}, "run_722": {"edge_length": 1200, "pf": 0.40269305555555557, "in_bounds_one_im": 1, "error_one_im": 0.007023095596232883, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.4666824536805074, "error_w_gmm": 0.0070367889194052815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006895926424422471}, "run_723": {"edge_length": 1200, "pf": 0.4033215277777778, "in_bounds_one_im": 1, "error_one_im": 0.006567956415979078, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.139009137894646, "error_w_gmm": 0.008390534308602052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008222572527953874}, "run_724": {"edge_length": 1200, "pf": 0.4025784722222222, "in_bounds_one_im": 1, "error_one_im": 0.006902951891590916, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 4.162202002202503, "error_w_gmm": 0.008450590629905694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008281426641353389}, "run_725": {"edge_length": 1200, "pf": 0.40124166666666666, "in_bounds_one_im": 1, "error_one_im": 0.006596423831862271, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.5382685892750336, "error_w_gmm": 0.00720381115129557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00705960520398366}, "run_726": {"edge_length": 1200, "pf": 0.40097361111111113, "in_bounds_one_im": 1, "error_one_im": 0.00688529498025964, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 3.7807669151380967, "error_w_gmm": 0.007701826570897833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007547651347066692}, "run_727": {"edge_length": 1200, "pf": 0.4008729166666667, "in_bounds_one_im": 1, "error_one_im": 0.006927488355545304, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.875799666481307, "error_w_gmm": 0.007897073657045044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007738989975534151}, "run_728": {"edge_length": 1200, "pf": 0.4042548611111111, "in_bounds_one_im": 1, "error_one_im": 0.006919416988659638, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.6096271869735417, "error_w_gmm": 0.007303208958491955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0071570132651073036}, "run_729": {"edge_length": 1200, "pf": 0.40174444444444446, "in_bounds_one_im": 1, "error_one_im": 0.006670878692369552, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.102196387879039, "error_w_gmm": 0.008343218697570296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00817620408118941}, "run_730": {"edge_length": 1200, "pf": 0.40339444444444444, "in_bounds_one_im": 1, "error_one_im": 0.0064858878938117235, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.542059600503191, "error_w_gmm": 0.007179319884832364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007035604203881866}, "run_731": {"edge_length": 1200, "pf": 0.40069375, "in_bounds_one_im": 1, "error_one_im": 0.006603951859144172, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.8442853351189252, "error_w_gmm": 0.00783578450473076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007678927709944603}, "run_732": {"edge_length": 1200, "pf": 0.40169444444444447, "in_bounds_one_im": 1, "error_one_im": 0.006590211984160864, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.294419977627312, "error_w_gmm": 0.008735079645428218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008560220753564123}, "run_733": {"edge_length": 1200, "pf": 0.4028125, "in_bounds_one_im": 1, "error_one_im": 0.007102523813033462, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.5354512576389157, "error_w_gmm": 0.007174596619810636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0070309754892158615}, "run_734": {"edge_length": 1200, "pf": 0.40048194444444446, "in_bounds_one_im": 1, "error_one_im": 0.0068923469765899414, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 3.9407068001581713, "error_w_gmm": 0.008035863222913137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007875001250799894}, "run_735": {"edge_length": 1200, "pf": 0.40260625, "in_bounds_one_im": 1, "error_one_im": 0.006577727240157613, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.8906103540011467, "error_w_gmm": 0.007898717272373705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007740600688958503}, "run_736": {"edge_length": 1200, "pf": 0.40262430555555556, "in_bounds_one_im": 1, "error_one_im": 0.006415073427538834, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.624425516792816, "error_w_gmm": 0.007358032617877082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007210739464055023}, "run_737": {"edge_length": 1200, "pf": 0.40254305555555553, "in_bounds_one_im": 1, "error_one_im": 0.006984677350456833, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 3.7223446670763507, "error_w_gmm": 0.007558097162832784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007406799115403351}, "run_738": {"edge_length": 1200, "pf": 0.40084444444444445, "in_bounds_one_im": 1, "error_one_im": 0.0067648896057802485, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 4.039060704626715, "error_w_gmm": 0.008230211406115486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008065458970568618}, "run_739": {"edge_length": 1200, "pf": 0.4021548611111111, "in_bounds_one_im": 1, "error_one_im": 0.006258772643052247, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.8150346705343177, "error_w_gmm": 0.0077525562953776215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007597365563529646}, "run_740": {"edge_length": 1200, "pf": 0.4036673611111111, "in_bounds_one_im": 1, "error_one_im": 0.006725294785729858, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.577697356284422, "error_w_gmm": 0.007247443226222708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007102363851697692}, "run_741": {"edge_length": 1200, "pf": 0.4021798611111111, "in_bounds_one_im": 1, "error_one_im": 0.007111871880806407, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.958448127748327, "error_w_gmm": 0.008043569497152502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007882553260781947}, "run_742": {"edge_length": 1200, "pf": 0.3987354166666667, "in_bounds_one_im": 0, "error_one_im": 0.0063853656051637, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 0, "pred_cls": 3.311640026051987, "error_w_gmm": 0.006777699003039143, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006642022972004828}, "run_743": {"edge_length": 1200, "pf": 0.40232569444444444, "in_bounds_one_im": 1, "error_one_im": 0.006744072975339841, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.300063034636515, "error_w_gmm": 0.006703697256952991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006569502593443948}, "run_744": {"edge_length": 1200, "pf": 0.40193055555555557, "in_bounds_one_im": 1, "error_one_im": 0.006749617291021989, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.6284142326383293, "error_w_gmm": 0.007376764297849101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007229096173112601}, "run_745": {"edge_length": 1200, "pf": 0.4023875, "in_bounds_one_im": 1, "error_one_im": 0.00682444978538895, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.5524477139356514, "error_w_gmm": 0.007215460275946513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0070710211363673075}, "run_746": {"edge_length": 1200, "pf": 0.40271666666666667, "in_bounds_one_im": 1, "error_one_im": 0.006900969098754403, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.8396656209619056, "error_w_gmm": 0.007793500207338681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007637489859944586}, "run_747": {"edge_length": 1200, "pf": 0.40050833333333336, "in_bounds_one_im": 1, "error_one_im": 0.00685118734629399, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.328559381594941, "error_w_gmm": 0.008826284584712742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008649599951669073}, "run_748": {"edge_length": 1200, "pf": 0.399225, "in_bounds_one_im": 1, "error_one_im": 0.006542410781072871, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.033009364567461, "error_w_gmm": 0.006201111811210132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006076977907038847}, "run_749": {"edge_length": 1200, "pf": 0.4005888888888889, "in_bounds_one_im": 1, "error_one_im": 0.007013134319447858, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 2.812458625850504, "error_w_gmm": 0.005733869928350648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005619089275802252}, "run_750": {"edge_length": 1200, "pf": 0.4007375, "in_bounds_one_im": 1, "error_one_im": 0.0066033503213084755, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.5905783524117845, "error_w_gmm": 0.007317988394779221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007171496846524686}, "run_751": {"edge_length": 1200, "pf": 0.40077569444444444, "in_bounds_one_im": 1, "error_one_im": 0.006928890675359118, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.7006857514719327, "error_w_gmm": 0.007541799463454989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007390827663497664}, "run_752": {"edge_length": 1200, "pf": 0.40043541666666665, "in_bounds_one_im": 1, "error_one_im": 0.007015376059578904, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 4.265799926682667, "error_w_gmm": 0.008699633892873277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008525484554357837}, "run_753": {"edge_length": 1200, "pf": 0.4013145833333333, "in_bounds_one_im": 1, "error_one_im": 0.00659542290625231, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.4854827796206385, "error_w_gmm": 0.0070952640080232405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006953230958264437}, "run_754": {"edge_length": 1200, "pf": 0.4023027777777778, "in_bounds_one_im": 1, "error_one_im": 0.0066631365897577115, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.860193303597805, "error_w_gmm": 0.007841910939862386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007684931506050436}, "run_755": {"edge_length": 1200, "pf": 0.4004027777777778, "in_bounds_one_im": 1, "error_one_im": 0.006771113882916008, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.5246191594539003, "error_w_gmm": 0.0071885651405383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007044664387987545}, "run_756": {"edge_length": 1200, "pf": 0.4019263888888889, "in_bounds_one_im": 1, "error_one_im": 0.006587032998514325, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.6112982268819085, "error_w_gmm": 0.00734203015472069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00719505733832977}, "run_757": {"edge_length": 1200, "pf": 0.4020034722222222, "in_bounds_one_im": 1, "error_one_im": 0.006504668624222741, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.7364190314731855, "error_w_gmm": 0.007595191951238273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0074431513400477845}, "run_758": {"edge_length": 1200, "pf": 0.40266111111111114, "in_bounds_one_im": 1, "error_one_im": 0.006495779864730334, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.8340010085965717, "error_w_gmm": 0.00778290131044962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007627103131855453}, "run_759": {"edge_length": 1200, "pf": 0.4022645833333333, "in_bounds_one_im": 1, "error_one_im": 0.006826194247122557, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.329913382718691, "error_w_gmm": 0.008796837186701613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00862074203189888}, "run_760": {"edge_length": 1200, "pf": 0.4028763888888889, "in_bounds_one_im": 1, "error_one_im": 0.006492873801517708, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.5844348471666945, "error_w_gmm": 0.007273034616347781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007127442953177325}, "run_761": {"edge_length": 1400, "pf": 0.4016071428571429, "in_bounds_one_im": 1, "error_one_im": 0.0055102784871663025, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.083012177392374, "error_w_gmm": 0.0052686064837861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005268509671905633}, "run_762": {"edge_length": 1400, "pf": 0.401669387755102, "in_bounds_one_im": 1, "error_one_im": 0.006032624906955628, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.4053756811200606, "error_w_gmm": 0.00581874480185228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005818637881051025}, "run_763": {"edge_length": 1400, "pf": 0.39922551020408165, "in_bounds_one_im": 1, "error_one_im": 0.005958260624038327, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 4.125912296415211, "error_w_gmm": 0.007085893604512749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007085763399554993}, "run_764": {"edge_length": 1400, "pf": 0.40238622448979594, "in_bounds_one_im": 1, "error_one_im": 0.005919181328428507, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.42617449332592, "error_w_gmm": 0.005845561862705173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005845454449134158}, "run_765": {"edge_length": 1400, "pf": 0.402190306122449, "in_bounds_one_im": 1, "error_one_im": 0.00564293005383554, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.9775082748891815, "error_w_gmm": 0.006788984305993535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006788859556813791}, "run_766": {"edge_length": 1400, "pf": 0.4027127551020408, "in_bounds_one_im": 1, "error_one_im": 0.005775984125684121, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.049812317882777, "error_w_gmm": 0.005199901026425285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0051998054770236975}, "run_767": {"edge_length": 1400, "pf": 0.40236020408163264, "in_bounds_one_im": 1, "error_one_im": 0.005640936804765058, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.7052406705962126, "error_w_gmm": 0.006322032187310437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006321916018485486}, "run_768": {"edge_length": 1400, "pf": 0.40132704081632653, "in_bounds_one_im": 1, "error_one_im": 0.005653073077562707, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.952601921072269, "error_w_gmm": 0.006758599671166554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006758475480311592}, "run_769": {"edge_length": 1400, "pf": 0.40262040816326533, "in_bounds_one_im": 1, "error_one_im": 0.005846696570075161, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.3847218115159428, "error_w_gmm": 0.005772026472438511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005771920410097582}, "run_770": {"edge_length": 1400, "pf": 0.40121479591836734, "in_bounds_one_im": 1, "error_one_im": 0.005933623099032847, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.32528736971182, "error_w_gmm": 0.005687275654697505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0056871711496727494}, "run_771": {"edge_length": 1400, "pf": 0.40419795918367346, "in_bounds_one_im": 0, "error_one_im": 0.005688814314087638, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.152412509493549, "error_w_gmm": 0.007058013121782633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007057883429135183}, "run_772": {"edge_length": 1400, "pf": 0.4009, "in_bounds_one_im": 1, "error_one_im": 0.005867659295915767, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.173213659140307, "error_w_gmm": 0.0071421717160097525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007142040476928373}, "run_773": {"edge_length": 1400, "pf": 0.3981173469387755, "in_bounds_one_im": 0, "error_one_im": 0.005691010050010778, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 0, "pred_cls": 3.7652339933471066, "error_w_gmm": 0.006481423050399503, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006481303952729935}, "run_774": {"edge_length": 1400, "pf": 0.4038872448979592, "in_bounds_one_im": 1, "error_one_im": 0.005831326993881792, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 0, "pred_cls": 3.300221693654181, "error_w_gmm": 0.005613132431625587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.005613029288999975}, "run_775": {"edge_length": 1400, "pf": 0.4024938775510204, "in_bounds_one_im": 1, "error_one_im": 0.005430503703812675, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.3965718055906273, "error_w_gmm": 0.005793758338308564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005793651876639454}, "run_776": {"edge_length": 1400, "pf": 0.40177142857142856, "in_bounds_one_im": 1, "error_one_im": 0.0056478485294974975, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.57074743983441, "error_w_gmm": 0.0061000194546377996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006099907365348831}, "run_777": {"edge_length": 1400, "pf": 0.4033015306122449, "in_bounds_one_im": 1, "error_one_im": 0.0059774361948449, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 1, "pred_cls": 4.040636929261528, "error_w_gmm": 0.006880823077021039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006880696640282243}, "run_778": {"edge_length": 1400, "pf": 0.40279591836734696, "in_bounds_one_im": 1, "error_one_im": 0.00584456388512773, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.5441061225806885, "error_w_gmm": 0.006041622788889256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0060415117726527546}, "run_779": {"edge_length": 1400, "pf": 0.40224234693877553, "in_bounds_one_im": 1, "error_one_im": 0.005711977669266899, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.6572908837061364, "error_w_gmm": 0.006241747797418357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006241633103837804}, "run_780": {"edge_length": 1400, "pf": 0.40229948979591834, "in_bounds_one_im": 1, "error_one_im": 0.005571999006935669, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.3681777304189557, "error_w_gmm": 0.005747647273647343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005747541659279909}, "run_781": {"edge_length": 1400, "pf": 0.4020933673469388, "in_bounds_one_im": 1, "error_one_im": 0.005957627103361307, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 4.103676211535475, "error_w_gmm": 0.0070057454482509935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007005616716034369}, "run_782": {"edge_length": 1400, "pf": 0.40010561224489793, "in_bounds_one_im": 1, "error_one_im": 0.005667467883287074, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.072955069871157, "error_w_gmm": 0.006982126819081334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006981998520862568}, "run_783": {"edge_length": 1400, "pf": 0.40381479591836733, "in_bounds_one_im": 1, "error_one_im": 0.00583220445192021, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.311346826740786, "error_w_gmm": 0.005632901919785778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0056327984138910955}, "run_784": {"edge_length": 1400, "pf": 0.40352908163265305, "in_bounds_one_im": 1, "error_one_im": 0.005835666633018468, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.2080468646978, "error_w_gmm": 0.007162519560872117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007162387947894354}, "run_785": {"edge_length": 1400, "pf": 0.4003479591836735, "in_bounds_one_im": 1, "error_one_im": 0.005944341414073668, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.562486766835611, "error_w_gmm": 0.006103966536137008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006103854374319565}, "run_786": {"edge_length": 1400, "pf": 0.39913010204081634, "in_bounds_one_im": 0, "error_one_im": 0.00581922360728333, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 0, "pred_cls": 3.5067867622542996, "error_w_gmm": 0.00602379767254112, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006023686983845335}, "run_787": {"edge_length": 1400, "pf": 0.40482295918367345, "in_bounds_one_im": 0, "error_one_im": 0.006062511023743989, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 0, "pred_cls": 3.6659319649466324, "error_w_gmm": 0.006223045175855155, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006222930825939638}, "run_788": {"edge_length": 1400, "pf": 0.402975, "in_bounds_one_im": 1, "error_one_im": 0.005772836666964224, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.0877594578492027, "error_w_gmm": 0.00526173174480157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005261635059245995}, "run_789": {"edge_length": 1400, "pf": 0.40215204081632655, "in_bounds_one_im": 1, "error_one_im": 0.005713050466133937, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.3894708497973185, "error_w_gmm": 0.005785756820131442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005785650505492172}, "run_790": {"edge_length": 1400, "pf": 0.4018219387755102, "in_bounds_one_im": 1, "error_one_im": 0.005716974319433644, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.206483745164366, "error_w_gmm": 0.005477160864314546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005477060220198283}, "run_791": {"edge_length": 1400, "pf": 0.4001515306122449, "in_bounds_one_im": 1, "error_one_im": 0.005946773986369063, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.129498678335548, "error_w_gmm": 0.005364278835790754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005364180265908281}, "run_792": {"edge_length": 1400, "pf": 0.40030459183673467, "in_bounds_one_im": 1, "error_one_im": 0.005665119374288312, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.892047533869224, "error_w_gmm": 0.0066692384784449365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006669115929622875}, "run_793": {"edge_length": 1400, "pf": 0.4014627551020408, "in_bounds_one_im": 1, "error_one_im": 0.005791019443900769, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.7740656757572504, "error_w_gmm": 0.006451496245543954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006451377697786554}, "run_794": {"edge_length": 1400, "pf": 0.40184591836734695, "in_bounds_one_im": 1, "error_one_im": 0.005368110545852433, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.6295333194146093, "error_w_gmm": 0.006199484490587229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00619937057360484}, "run_795": {"edge_length": 1400, "pf": 0.40214438775510203, "in_bounds_one_im": 1, "error_one_im": 0.005922158762080587, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.2944946618546553, "error_w_gmm": 0.005623723931295126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005623620594048136}, "run_796": {"edge_length": 1400, "pf": 0.39984744897959185, "in_bounds_one_im": 1, "error_one_im": 0.005530504190279122, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.694833577221176, "error_w_gmm": 0.006337333769482979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006337217319487848}, "run_797": {"edge_length": 1400, "pf": 0.4002219387755102, "in_bounds_one_im": 1, "error_one_im": 0.005805998317346331, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 3.474981304783134, "error_w_gmm": 0.005955597657255549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005955488221750969}, "run_798": {"edge_length": 1400, "pf": 0.4002357142857143, "in_bounds_one_im": 1, "error_one_im": 0.005840806615151608, "one_im_sa_cls": 3.4081632653061225, "model_in_bounds": 1, "pred_cls": 3.660253856344104, "error_w_gmm": 0.006272947074815755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006272831807941153}, "run_799": {"edge_length": 1400, "pf": 0.4035520408163265, "in_bounds_one_im": 1, "error_one_im": 0.005939591679638632, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.5745485306726303, "error_w_gmm": 0.006083951424743493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006083839630708392}, "run_800": {"edge_length": 1400, "pf": 0.4015214285714286, "in_bounds_one_im": 1, "error_one_im": 0.005860075287290265, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.8504623550190993, "error_w_gmm": 0.006581287392659481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006581166459959262}}, "blobs_100.0_0.1": {"true_cls": 6.428571428571429, "true_pf": 0.10034230779146393, "run_801": {"edge_length": 600, "pf": 0.10442222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05447034834384603, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.338714246972251, "error_w_gmm": 0.07300303968079817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0702056406809953}, "run_802": {"edge_length": 600, "pf": 0.09937777777777777, "in_bounds_one_im": 1, "error_one_im": 0.05960516557280454, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.197020813626624, "error_w_gmm": 0.07359447722206987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07077441496339944}, "run_803": {"edge_length": 600, "pf": 0.09726666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05422627161348038, "one_im_sa_cls": 5.448979591836735, "model_in_bounds": 1, "pred_cls": 6.506145430821811, "error_w_gmm": 0.06732669052753158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06474680320276721}, "run_804": {"edge_length": 600, "pf": 0.0993861111111111, "in_bounds_one_im": 1, "error_one_im": 0.05338126590884527, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 7.1963167464515, "error_w_gmm": 0.0735838520788328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07076419696437437}, "run_805": {"edge_length": 600, "pf": 0.09700833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05756049840404829, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.767615295498791, "error_w_gmm": 0.0597722235002948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05748181533418519}, "run_806": {"edge_length": 600, "pf": 0.09884166666666666, "in_bounds_one_im": 1, "error_one_im": 0.05273908291876972, "one_im_sa_cls": 5.346938775510204, "model_in_bounds": 1, "pred_cls": 7.10877869606655, "error_w_gmm": 0.0729107042627853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07011684345820166}, "run_807": {"edge_length": 600, "pf": 0.09776666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05488252469206563, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 8.10662806952884, "error_w_gmm": 0.08365079163721328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08044538208328463}, "run_808": {"edge_length": 600, "pf": 0.10351388888888889, "in_bounds_one_im": 1, "error_one_im": 0.055128928425605815, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 7.627978814420538, "error_w_gmm": 0.07625138312835725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07332951105522825}, "run_809": {"edge_length": 600, "pf": 0.09826944444444445, "in_bounds_one_im": 1, "error_one_im": 0.05129365186938393, "one_im_sa_cls": 5.183673469387755, "model_in_bounds": 1, "pred_cls": 7.986660877507941, "error_w_gmm": 0.08217886978671235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07902986271589099}, "run_810": {"edge_length": 600, "pf": 0.10061388888888889, "in_bounds_one_im": 1, "error_one_im": 0.05521087756807892, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 3.2158993925069392, "error_w_gmm": 0.03265971205131004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031408226548436974}, "run_811": {"edge_length": 600, "pf": 0.09805833333333333, "in_bounds_one_im": 1, "error_one_im": 0.05924004127287044, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.003037134332471, "error_w_gmm": 0.061842035898606686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059472314718160564}, "run_812": {"edge_length": 600, "pf": 0.10413611111111111, "in_bounds_one_im": 1, "error_one_im": 0.052989569280683685, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 0, "pred_cls": 3.0366531102264354, "error_w_gmm": 0.030253895229139335, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029094598073511505}, "run_813": {"edge_length": 600, "pf": 0.09930555555555555, "in_bounds_one_im": 1, "error_one_im": 0.05400761634931481, "one_im_sa_cls": 5.489795918367347, "model_in_bounds": 1, "pred_cls": 7.041311171709362, "error_w_gmm": 0.07203130511628333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06927114195365561}, "run_814": {"edge_length": 600, "pf": 0.10698611111111112, "in_bounds_one_im": 0, "error_one_im": 0.05258099664338475, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 7.170087521583065, "error_w_gmm": 0.07036482957141181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06766852398297278}, "run_815": {"edge_length": 600, "pf": 0.10140277777777777, "in_bounds_one_im": 1, "error_one_im": 0.05655919642136898, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.493313540065382, "error_w_gmm": 0.06565831921544232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06314236210865454}, "run_816": {"edge_length": 600, "pf": 0.10044166666666667, "in_bounds_one_im": 1, "error_one_im": 0.05526348134314449, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 6.296861272920073, "error_w_gmm": 0.0640099684158508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061557174362249056}, "run_817": {"edge_length": 600, "pf": 0.09915555555555555, "in_bounds_one_im": 1, "error_one_im": 0.056866116748800065, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 8.587760576124476, "error_w_gmm": 0.08792494014497203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0845557497565343}, "run_818": {"edge_length": 600, "pf": 0.101075, "in_bounds_one_im": 1, "error_one_im": 0.057854028336636734, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.5123435571171395, "error_w_gmm": 0.0760993719580761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07318332479165728}, "run_819": {"edge_length": 600, "pf": 0.10303888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06176132893820946, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 7.6140940010485005, "error_w_gmm": 0.07630802880295041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07338398612769104}, "run_820": {"edge_length": 600, "pf": 0.10840833333333333, "in_bounds_one_im": 0, "error_one_im": 0.05639939471324604, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 10.126208797590994, "error_w_gmm": 0.09864255707480422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09486267898060974}, "run_821": {"edge_length": 600, "pf": 0.10122777777777778, "in_bounds_one_im": 1, "error_one_im": 0.056613576243022184, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 5.53937204939791, "error_w_gmm": 0.05606622063450443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053917822564897105}, "run_822": {"edge_length": 600, "pf": 0.10418888888888889, "in_bounds_one_im": 1, "error_one_im": 0.054538411326541886, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.9583054708059695, "error_w_gmm": 0.07926544486781269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07622807714776038}, "run_823": {"edge_length": 600, "pf": 0.09760277777777777, "in_bounds_one_im": 1, "error_one_im": 0.05898770987502278, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.82957802232974, "error_w_gmm": 0.07053869715239697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06783572914278663}, "run_824": {"edge_length": 600, "pf": 0.09945, "in_bounds_one_im": 1, "error_one_im": 0.057976250517231154, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.821047873935516, "error_w_gmm": 0.06972176880570995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06705010462330903}, "run_825": {"edge_length": 600, "pf": 0.09721111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05627502269233465, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 6.196744162084163, "error_w_gmm": 0.06414524859994215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06168727075326372}, "run_826": {"edge_length": 600, "pf": 0.100425, "in_bounds_one_im": 1, "error_one_im": 0.0502804400497721, "one_im_sa_cls": 5.142857142857142, "model_in_bounds": 1, "pred_cls": 5.8489672510285775, "error_w_gmm": 0.059462441265458126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05718390362580442}, "run_827": {"edge_length": 600, "pf": 0.10150277777777778, "in_bounds_one_im": 1, "error_one_im": 0.05613149402191106, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.3987313689900835, "error_w_gmm": 0.05456031903319191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05246962551467901}, "run_828": {"edge_length": 600, "pf": 0.110025, "in_bounds_one_im": 0, "error_one_im": 0.05631193162964869, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 0, "pred_cls": 4.967700719685099, "error_w_gmm": 0.04799151013349282, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04615252640030212}, "run_829": {"edge_length": 600, "pf": 0.10017777777777778, "in_bounds_one_im": 1, "error_one_im": 0.05194775324974023, "one_im_sa_cls": 5.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.092542451147479, "error_w_gmm": 0.041663104745273905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04006661878999431}, "run_830": {"edge_length": 600, "pf": 0.09783333333333333, "in_bounds_one_im": 1, "error_one_im": 0.05607644746918753, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 2.9901542033877972, "error_w_gmm": 0.030843192594546282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02966131418931862}, "run_831": {"edge_length": 600, "pf": 0.10220277777777778, "in_bounds_one_im": 1, "error_one_im": 0.05394127238068251, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 6.176281003643526, "error_w_gmm": 0.06217998357733682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0597973126005178}, "run_832": {"edge_length": 600, "pf": 0.09682777777777778, "in_bounds_one_im": 1, "error_one_im": 0.06372801653978886, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.234910839171427, "error_w_gmm": 0.07505580101072103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07217974237542525}, "run_833": {"edge_length": 600, "pf": 0.09916666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05304495114521773, "one_im_sa_cls": 5.387755102040816, "model_in_bounds": 1, "pred_cls": 6.067929898000801, "error_w_gmm": 0.06212203847837952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05974158789625328}, "run_834": {"edge_length": 600, "pf": 0.0986888888888889, "in_bounds_one_im": 1, "error_one_im": 0.057821038837222366, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 5.885801051487983, "error_w_gmm": 0.06041914680756182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05810394922692089}, "run_835": {"edge_length": 600, "pf": 0.10409166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0561314762555156, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 4.930544582679892, "error_w_gmm": 0.04913426618050804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04725149324844397}, "run_836": {"edge_length": 600, "pf": 0.10703333333333333, "in_bounds_one_im": 0, "error_one_im": 0.053723347067431065, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 0, "pred_cls": 3.2810311883623497, "error_w_gmm": 0.03219098266407364, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.030957458373839997}, "run_837": {"edge_length": 600, "pf": 0.10085, "in_bounds_one_im": 1, "error_one_im": 0.05334745155072959, "one_im_sa_cls": 5.469387755102041, "model_in_bounds": 1, "pred_cls": 8.084332811650842, "error_w_gmm": 0.08199513481206896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07885316827047137}, "run_838": {"edge_length": 600, "pf": 0.09493611111111111, "in_bounds_one_im": 0, "error_one_im": 0.0561936584542992, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 0, "pred_cls": 5.367859119704663, "error_w_gmm": 0.056297717342488354, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05414044856472701}, "run_839": {"edge_length": 600, "pf": 0.09953888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06536638191515153, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 4.674293764656127, "error_w_gmm": 0.0477548919242433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04592497514969959}, "run_840": {"edge_length": 600, "pf": 0.10329166666666667, "in_bounds_one_im": 1, "error_one_im": 0.05480219128444058, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.613641149452867, "error_w_gmm": 0.056182800660395806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05402993536792697}, "run_841": {"edge_length": 800, "pf": 0.0974359375, "in_bounds_one_im": 1, "error_one_im": 0.043369690062306815, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 5.0571374985116435, "error_w_gmm": 0.03822098932529885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0377087642446774}, "run_842": {"edge_length": 800, "pf": 0.0953640625, "in_bounds_one_im": 0, "error_one_im": 0.04204063018572182, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 6.9114415319457505, "error_w_gmm": 0.0528604569168977, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05215203852470229}, "run_843": {"edge_length": 800, "pf": 0.100078125, "in_bounds_one_im": 1, "error_one_im": 0.040631620090063374, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.606951503806956, "error_w_gmm": 0.04919847840481995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048539136639674164}, "run_844": {"edge_length": 800, "pf": 0.10030625, "in_bounds_one_im": 1, "error_one_im": 0.04237715667799971, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 7.18563656351885, "error_w_gmm": 0.053439985314971565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052723800274511255}, "run_845": {"edge_length": 800, "pf": 0.09991875, "in_bounds_one_im": 1, "error_one_im": 0.0454696921401815, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.628762345264386, "error_w_gmm": 0.04940461714863568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04874251278010018}, "run_846": {"edge_length": 800, "pf": 0.104534375, "in_bounds_one_im": 1, "error_one_im": 0.04141363537704377, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 0, "pred_cls": 4.8797352112180485, "error_w_gmm": 0.035465728120646425, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03499042814106498}, "run_847": {"edge_length": 800, "pf": 0.100921875, "in_bounds_one_im": 1, "error_one_im": 0.041337846988026096, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 4.903985100408868, "error_w_gmm": 0.03634736484198207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03586024945812571}, "run_848": {"edge_length": 800, "pf": 0.0995296875, "in_bounds_one_im": 1, "error_one_im": 0.046169883513290905, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.928443875226906, "error_w_gmm": 0.05921940826791843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05842576930906728}, "run_849": {"edge_length": 800, "pf": 0.1035, "in_bounds_one_im": 1, "error_one_im": 0.03914250652859988, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 6.486039364711635, "error_w_gmm": 0.04740261277864606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046767338611733336}, "run_850": {"edge_length": 800, "pf": 0.1038671875, "in_bounds_one_im": 1, "error_one_im": 0.04303052533254055, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.946523854195029, "error_w_gmm": 0.04337384240127968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042792560484902036}, "run_851": {"edge_length": 800, "pf": 0.104446875, "in_bounds_one_im": 1, "error_one_im": 0.0408473774799323, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.563133915940537, "error_w_gmm": 0.040451552476142204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03990943412457353}, "run_852": {"edge_length": 800, "pf": 0.1053859375, "in_bounds_one_im": 0, "error_one_im": 0.04093500733523378, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 0, "pred_cls": 5.309052706847181, "error_w_gmm": 0.038411502342212384, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.037896724069034424}, "run_853": {"edge_length": 800, "pf": 0.098496875, "in_bounds_one_im": 1, "error_one_im": 0.043715178802145566, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.16970892560535, "error_w_gmm": 0.038837942248376285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03831744896836124}, "run_854": {"edge_length": 800, "pf": 0.098765625, "in_bounds_one_im": 1, "error_one_im": 0.04213880284657531, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.51701097425167, "error_w_gmm": 0.041384483731526145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04082986254327165}, "run_855": {"edge_length": 800, "pf": 0.098396875, "in_bounds_one_im": 1, "error_one_im": 0.04373981260006144, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 4.0732581589251735, "error_w_gmm": 0.03061799270965851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030207660479618887}, "run_856": {"edge_length": 800, "pf": 0.098578125, "in_bounds_one_im": 1, "error_one_im": 0.04339280158185335, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.041896718830711, "error_w_gmm": 0.052878746170956774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0521700826722165}, "run_857": {"edge_length": 800, "pf": 0.10083125, "in_bounds_one_im": 1, "error_one_im": 0.039865417089065505, "one_im_sa_cls": 5.448979591836735, "model_in_bounds": 1, "pred_cls": 7.32768601884669, "error_w_gmm": 0.05433849515894457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05361026858619035}, "run_858": {"edge_length": 800, "pf": 0.1013734375, "in_bounds_one_im": 1, "error_one_im": 0.04242622816224471, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 7.343550849909995, "error_w_gmm": 0.05429394187056265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05356631238627037}, "run_859": {"edge_length": 800, "pf": 0.0977015625, "in_bounds_one_im": 1, "error_one_im": 0.04482377072125223, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 8.11866245610442, "error_w_gmm": 0.061266992413330564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060445912407754196}, "run_860": {"edge_length": 800, "pf": 0.0967859375, "in_bounds_one_im": 1, "error_one_im": 0.041392392508613464, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.6341204272971845, "error_w_gmm": 0.050325754374792475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04965130522925713}, "run_861": {"edge_length": 800, "pf": 0.1015625, "in_bounds_one_im": 1, "error_one_im": 0.04059774534447484, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 6.985411913052061, "error_w_gmm": 0.051592549853822604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050901123533498446}, "run_862": {"edge_length": 800, "pf": 0.0988046875, "in_bounds_one_im": 1, "error_one_im": 0.04182755516520543, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 5.363295352081047, "error_w_gmm": 0.04022259901129091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03968354901847123}, "run_863": {"edge_length": 800, "pf": 0.0993515625, "in_bounds_one_im": 1, "error_one_im": 0.04200069979029561, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.332913590412621, "error_w_gmm": 0.05482575165083554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05409099502744035}, "run_864": {"edge_length": 800, "pf": 0.1019296875, "in_bounds_one_im": 1, "error_one_im": 0.042000386143336586, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.3151339653459, "error_w_gmm": 0.04654843878602249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04592461197696106}, "run_865": {"edge_length": 800, "pf": 0.1015546875, "in_bounds_one_im": 1, "error_one_im": 0.04089691551750484, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 5.562608664916516, "error_w_gmm": 0.041085830719827576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04053521198063827}, "run_866": {"edge_length": 800, "pf": 0.09915625, "in_bounds_one_im": 1, "error_one_im": 0.04084096572658936, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 5.191967734412041, "error_w_gmm": 0.03886103837284702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03834023556619675}, "run_867": {"edge_length": 800, "pf": 0.0999328125, "in_bounds_one_im": 1, "error_one_im": 0.03961406049546293, "one_im_sa_cls": 5.387755102040816, "model_in_bounds": 1, "pred_cls": 6.858583195051831, "error_w_gmm": 0.051113491557740344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05042848541854351}, "run_868": {"edge_length": 800, "pf": 0.096884375, "in_bounds_one_im": 1, "error_one_im": 0.04075849059579894, "one_im_sa_cls": 5.448979591836735, "model_in_bounds": 1, "pred_cls": 5.677566327063802, "error_w_gmm": 0.04304520213364158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04246832454563327}, "run_869": {"edge_length": 800, "pf": 0.101421875, "in_bounds_one_im": 1, "error_one_im": 0.04301025031809964, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 4.586824396514749, "error_w_gmm": 0.033903297855172806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033448937050186915}, "run_870": {"edge_length": 800, "pf": 0.09955, "in_bounds_one_im": 1, "error_one_im": 0.040300087311197705, "one_im_sa_cls": 5.469387755102041, "model_in_bounds": 1, "pred_cls": 5.965278409473721, "error_w_gmm": 0.04455101620559314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043953958194523454}, "run_871": {"edge_length": 800, "pf": 0.100625, "in_bounds_one_im": 1, "error_one_im": 0.04110665866363928, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 6.248732054046704, "error_w_gmm": 0.04639029021111078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045768582857039025}, "run_872": {"edge_length": 800, "pf": 0.10350625, "in_bounds_one_im": 1, "error_one_im": 0.043702755363045444, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.689088894518079, "error_w_gmm": 0.05619309537031833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055440014057810856}, "run_873": {"edge_length": 800, "pf": 0.0969765625, "in_bounds_one_im": 1, "error_one_im": 0.042567911751795036, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.897977225720188, "error_w_gmm": 0.06742564910794965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06652203281857709}, "run_874": {"edge_length": 800, "pf": 0.0981171875, "in_bounds_one_im": 1, "error_one_im": 0.038806502157676954, "one_im_sa_cls": 5.224489795918367, "model_in_bounds": 1, "pred_cls": 4.677851822261867, "error_w_gmm": 0.035218162954126914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03474618076117583}, "run_875": {"edge_length": 800, "pf": 0.0992515625, "in_bounds_one_im": 1, "error_one_im": 0.04202418597487425, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.601777551409215, "error_w_gmm": 0.05686773975061825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056105617076853784}, "run_876": {"edge_length": 800, "pf": 0.1029078125, "in_bounds_one_im": 1, "error_one_im": 0.041482288530410874, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.307717933449706, "error_w_gmm": 0.046247084200324244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04562729604593089}, "run_877": {"edge_length": 800, "pf": 0.10211875, "in_bounds_one_im": 1, "error_one_im": 0.04002971465769818, "one_im_sa_cls": 5.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.1813899520555, "error_w_gmm": 0.04551563185100308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04490564637951285}, "run_878": {"edge_length": 800, "pf": 0.098459375, "in_bounds_one_im": 1, "error_one_im": 0.04311923006212589, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 8.068453659088842, "error_w_gmm": 0.06062784762273522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05981533322463441}, "run_879": {"edge_length": 800, "pf": 0.102734375, "in_bounds_one_im": 1, "error_one_im": 0.04329445407148042, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.900138865885278, "error_w_gmm": 0.0506381909784299, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04995955466068072}, "run_880": {"edge_length": 800, "pf": 0.09596875, "in_bounds_one_im": 0, "error_one_im": 0.041280134772810395, "one_im_sa_cls": 5.489795918367347, "model_in_bounds": 1, "pred_cls": 7.75381804886058, "error_w_gmm": 0.05909627896549677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05830429014490675}, "run_881": {"edge_length": 1000, "pf": 0.099619, "in_bounds_one_im": 1, "error_one_im": 0.0330694351432628, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 5.889543220922457, "error_w_gmm": 0.03541226299368592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03470338003934245}, "run_882": {"edge_length": 1000, "pf": 0.099728, "in_bounds_one_im": 1, "error_one_im": 0.036174024079300184, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.906097492817238, "error_w_gmm": 0.035490239005235034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03477979512648968}, "run_883": {"edge_length": 1000, "pf": 0.099805, "in_bounds_one_im": 1, "error_one_im": 0.031233273749473225, "one_im_sa_cls": 5.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.663520427289661, "error_w_gmm": 0.040024496544275055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039223285863063444}, "run_884": {"edge_length": 1000, "pf": 0.099847, "in_bounds_one_im": 1, "error_one_im": 0.03374807357157116, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.457865587693653, "error_w_gmm": 0.038780165080185836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0380038634358411}, "run_885": {"edge_length": 1000, "pf": 0.10049, "in_bounds_one_im": 1, "error_one_im": 0.032909878553019835, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 8.676076949951332, "error_w_gmm": 0.051915251907582546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050876011993593095}, "run_886": {"edge_length": 1000, "pf": 0.09963, "in_bounds_one_im": 1, "error_one_im": 0.033307897760914196, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 7.665908919647196, "error_w_gmm": 0.04609025315389069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04516761810997964}, "run_887": {"edge_length": 1000, "pf": 0.102132, "in_bounds_one_im": 1, "error_one_im": 0.03214005609228101, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 5.436323111358275, "error_w_gmm": 0.03223744287515701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03159211349448749}, "run_888": {"edge_length": 1000, "pf": 0.10001, "in_bounds_one_im": 1, "error_one_im": 0.032517595934368176, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.681681614712963, "error_w_gmm": 0.04008786262191483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03928538347807125}, "run_889": {"edge_length": 1000, "pf": 0.096723, "in_bounds_one_im": 0, "error_one_im": 0.034348195628661045, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 0, "pred_cls": 5.491846627256253, "error_w_gmm": 0.033565567365141484, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03289365157816515}, "run_890": {"edge_length": 1000, "pf": 0.10265, "in_bounds_one_im": 1, "error_one_im": 0.032286139191157595, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 7.269416516245687, "error_w_gmm": 0.042986393086893455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04212589113779634}, "run_891": {"edge_length": 1000, "pf": 0.094929, "in_bounds_one_im": 0, "error_one_im": 0.0364347587973201, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 0, "pred_cls": 7.2133718459232075, "error_w_gmm": 0.04454615131235539, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.043654426111044045}, "run_892": {"edge_length": 1000, "pf": 0.100856, "in_bounds_one_im": 1, "error_one_im": 0.033798871647344214, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 7.103307107903806, "error_w_gmm": 0.04241840581065359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156927383524283}, "run_893": {"edge_length": 1000, "pf": 0.099662, "in_bounds_one_im": 1, "error_one_im": 0.03570643170195221, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.747891963251111, "error_w_gmm": 0.040563564139080334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03975156239858896}, "run_894": {"edge_length": 1000, "pf": 0.100579, "in_bounds_one_im": 1, "error_one_im": 0.03480750185872662, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.00335768979004, "error_w_gmm": 0.03590476352924034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035186021695369114}, "run_895": {"edge_length": 1000, "pf": 0.101836, "in_bounds_one_im": 1, "error_one_im": 0.031954457344251765, "one_im_sa_cls": 5.489795918367347, "model_in_bounds": 1, "pred_cls": 6.977742768015252, "error_w_gmm": 0.0414449964388038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04061535017972315}, "run_896": {"edge_length": 1000, "pf": 0.101283, "in_bounds_one_im": 1, "error_one_im": 0.03514934423911182, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.312785972182376, "error_w_gmm": 0.0435668397853431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0426947184497496}, "run_897": {"edge_length": 1000, "pf": 0.100364, "in_bounds_one_im": 1, "error_one_im": 0.0338908825639389, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 7.739221631916567, "error_w_gmm": 0.046341673352476104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04541400537708628}, "run_898": {"edge_length": 1000, "pf": 0.099418, "in_bounds_one_im": 1, "error_one_im": 0.03623661541108829, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.923356796268684, "error_w_gmm": 0.04167502120027642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04084077030374252}, "run_899": {"edge_length": 1000, "pf": 0.102365, "in_bounds_one_im": 1, "error_one_im": 0.03209929140862909, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 5.033117859198186, "error_w_gmm": 0.029808576679882768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029211868361485312}, "run_900": {"edge_length": 1000, "pf": 0.100528, "in_bounds_one_im": 1, "error_one_im": 0.03266366863573587, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 4.698406684173312, "error_w_gmm": 0.02810806210538073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02754539470088064}, "run_901": {"edge_length": 1000, "pf": 0.099734, "in_bounds_one_im": 1, "error_one_im": 0.03497106074289736, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 5.713412092548369, "error_w_gmm": 0.034331229012381406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033643986204632145}, "run_902": {"edge_length": 1000, "pf": 0.096952, "in_bounds_one_im": 0, "error_one_im": 0.034059106108980046, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.413804832167391, "error_w_gmm": 0.04525308340879735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044347206835314866}, "run_903": {"edge_length": 1000, "pf": 0.09855, "in_bounds_one_im": 1, "error_one_im": 0.03471973605576204, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 5.328098991247755, "error_w_gmm": 0.032228848424341615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03158369108745508}, "run_904": {"edge_length": 1000, "pf": 0.097893, "in_bounds_one_im": 1, "error_one_im": 0.0322988347891382, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 6.350949813035593, "error_w_gmm": 0.038558655660689105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037786788193616125}, "run_905": {"edge_length": 1000, "pf": 0.102309, "in_bounds_one_im": 1, "error_one_im": 0.03329391347640366, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.746138331923271, "error_w_gmm": 0.03996609842965862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03916605676235685}, "run_906": {"edge_length": 1000, "pf": 0.100051, "in_bounds_one_im": 1, "error_one_im": 0.03167044534220386, "one_im_sa_cls": 5.387755102040816, "model_in_bounds": 1, "pred_cls": 6.359868920941946, "error_w_gmm": 0.03814840572914099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037384750648368846}, "run_907": {"edge_length": 1000, "pf": 0.101254, "in_bounds_one_im": 1, "error_one_im": 0.03443992877096879, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.175078120663086, "error_w_gmm": 0.04871181345998987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04773670000160678}, "run_908": {"edge_length": 1000, "pf": 0.101334, "in_bounds_one_im": 1, "error_one_im": 0.030970407620185478, "one_im_sa_cls": 5.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.849879478951025, "error_w_gmm": 0.02888567392947661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028307440285470827}, "run_909": {"edge_length": 1000, "pf": 0.10011, "in_bounds_one_im": 1, "error_one_im": 0.03142022455207714, "one_im_sa_cls": 5.346938775510204, "model_in_bounds": 1, "pred_cls": 7.072898396570899, "error_w_gmm": 0.04241147700295779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156248372847296}, "run_910": {"edge_length": 1000, "pf": 0.099051, "in_bounds_one_im": 1, "error_one_im": 0.03486346314219881, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.913528478627052, "error_w_gmm": 0.041701379645847296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040866601105746185}, "run_911": {"edge_length": 1000, "pf": 0.102173, "in_bounds_one_im": 1, "error_one_im": 0.03426715996261909, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.29308912889663, "error_w_gmm": 0.0432384159349908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04237286899057238}, "run_912": {"edge_length": 1000, "pf": 0.102059, "in_bounds_one_im": 1, "error_one_im": 0.03476305039077117, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.509449122755611, "error_w_gmm": 0.038616461782880813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03784343715240686}, "run_913": {"edge_length": 1000, "pf": 0.100335, "in_bounds_one_im": 1, "error_one_im": 0.03533362635070268, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.570479664298484, "error_w_gmm": 0.04533854492910003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04443095758624362}, "run_914": {"edge_length": 1000, "pf": 0.10185, "in_bounds_one_im": 1, "error_one_im": 0.030645424205835027, "one_im_sa_cls": 5.26530612244898, "model_in_bounds": 1, "pred_cls": 5.92666397759452, "error_w_gmm": 0.03519931573344353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03449469555900175}, "run_915": {"edge_length": 1000, "pf": 0.098876, "in_bounds_one_im": 1, "error_one_im": 0.032482625484918926, "one_im_sa_cls": 5.489795918367347, "model_in_bounds": 1, "pred_cls": 7.611413010997492, "error_w_gmm": 0.04595598910771075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04503604176251399}, "run_916": {"edge_length": 1000, "pf": 0.100583, "in_bounds_one_im": 1, "error_one_im": 0.03600283997899182, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.025698188783507, "error_w_gmm": 0.03603758041369351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03531617985040266}, "run_917": {"edge_length": 1000, "pf": 0.099665, "in_bounds_one_im": 1, "error_one_im": 0.033541844824916636, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.691554318024423, "error_w_gmm": 0.03421303579581582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033528158980789285}, "run_918": {"edge_length": 1000, "pf": 0.098318, "in_bounds_one_im": 1, "error_one_im": 0.03331155353271881, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 5.274587964890093, "error_w_gmm": 0.03194689964186336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03130738635788387}, "run_919": {"edge_length": 1000, "pf": 0.101405, "in_bounds_one_im": 1, "error_one_im": 0.03369696297204054, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.327059535286455, "error_w_gmm": 0.03171537569450328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031080497058691724}, "run_920": {"edge_length": 1000, "pf": 0.099354, "in_bounds_one_im": 1, "error_one_im": 0.034081824088036144, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.778147711827711, "error_w_gmm": 0.040815527019133796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03999848148376184}, "run_921": {"edge_length": 1200, "pf": 0.09949861111111111, "in_bounds_one_im": 1, "error_one_im": 0.028980260964502916, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.597442783409686, "error_w_gmm": 0.03809341183110693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03733085761861077}, "run_922": {"edge_length": 1200, "pf": 0.09847847222222222, "in_bounds_one_im": 1, "error_one_im": 0.02733112167201611, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.984775210950389, "error_w_gmm": 0.035222370677291136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03451728898880511}, "run_923": {"edge_length": 1200, "pf": 0.10121180555555556, "in_bounds_one_im": 1, "error_one_im": 0.028110611553887575, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 7.11892189677981, "error_w_gmm": 0.03535705395614971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03464927617674646}, "run_924": {"edge_length": 1200, "pf": 0.10066944444444445, "in_bounds_one_im": 1, "error_one_im": 0.028393992520529238, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.132841662034668, "error_w_gmm": 0.030550712303069598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029939147908030598}, "run_925": {"edge_length": 1200, "pf": 0.09955347222222222, "in_bounds_one_im": 1, "error_one_im": 0.025663240159762398, "one_im_sa_cls": 5.224489795918367, "model_in_bounds": 1, "pred_cls": 6.572952015343926, "error_w_gmm": 0.0329465519100692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03228702757925746}, "run_926": {"edge_length": 1200, "pf": 0.09868402777777778, "in_bounds_one_im": 1, "error_one_im": 0.02750100165391142, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 7.336840055126556, "error_w_gmm": 0.036954974017953224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03621520906240083}, "run_927": {"edge_length": 1200, "pf": 0.100875, "in_bounds_one_im": 1, "error_one_im": 0.02686907972105511, "one_im_sa_cls": 5.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.455422866367325, "error_w_gmm": 0.0321211960918393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03147819374017683}, "run_928": {"edge_length": 1200, "pf": 0.09955763888888888, "in_bounds_one_im": 1, "error_one_im": 0.026965824880761522, "one_im_sa_cls": 5.489795918367347, "model_in_bounds": 1, "pred_cls": 6.558893499600886, "error_w_gmm": 0.032875320359719414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032217221942633184}, "run_929": {"edge_length": 1200, "pf": 0.10035208333333333, "in_bounds_one_im": 1, "error_one_im": 0.02884308438147046, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.910104198272331, "error_w_gmm": 0.029492866176062203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028902477752970696}, "run_930": {"edge_length": 1200, "pf": 0.09991111111111112, "in_bounds_one_im": 1, "error_one_im": 0.028513559162977164, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 5.9364359611445225, "error_w_gmm": 0.029696847089221698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02910237537463389}, "run_931": {"edge_length": 1200, "pf": 0.10139513888888889, "in_bounds_one_im": 1, "error_one_im": 0.027883860378228976, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.740853991743074, "error_w_gmm": 0.03344563797639141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032776122936846175}, "run_932": {"edge_length": 1200, "pf": 0.10187013888888889, "in_bounds_one_im": 1, "error_one_im": 0.027415530428716625, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 5.4757506825483615, "error_w_gmm": 0.0270980808681564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026555631275870226}, "run_933": {"edge_length": 1200, "pf": 0.09936388888888889, "in_bounds_one_im": 1, "error_one_im": 0.0283999508369438, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.6052097796232285, "error_w_gmm": 0.028125548999438692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027562531542158153}, "run_934": {"edge_length": 1200, "pf": 0.10130277777777778, "in_bounds_one_im": 1, "error_one_im": 0.030479312241827622, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.592901897588286, "error_w_gmm": 0.037692293216810946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03693776859983643}, "run_935": {"edge_length": 1200, "pf": 0.1014701388888889, "in_bounds_one_im": 1, "error_one_im": 0.02826915030153994, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 7.202683502784032, "error_w_gmm": 0.03572236561994298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03500727502883009}, "run_936": {"edge_length": 1200, "pf": 0.09843611111111111, "in_bounds_one_im": 1, "error_one_im": 0.027942905641224428, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 6.8428331628727515, "error_w_gmm": 0.034514829414623215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03382391129260265}, "run_937": {"edge_length": 1200, "pf": 0.09619791666666666, "in_bounds_one_im": 0, "error_one_im": 0.028505509238329688, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 0, "pred_cls": 5.790385346512748, "error_w_gmm": 0.029580809322862764, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028988660453178824}, "run_938": {"edge_length": 1200, "pf": 0.09786319444444444, "in_bounds_one_im": 1, "error_one_im": 0.028843113026838077, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 5.340423927072176, "error_w_gmm": 0.027024084458064253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026483116126487325}, "run_939": {"edge_length": 1200, "pf": 0.10016041666666667, "in_bounds_one_im": 1, "error_one_im": 0.026775651357534937, "one_im_sa_cls": 5.469387755102041, "model_in_bounds": 1, "pred_cls": 5.2999977408064245, "error_w_gmm": 0.026476399141307682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025946394378635173}, "run_940": {"edge_length": 1200, "pf": 0.10170069444444445, "in_bounds_one_im": 1, "error_one_im": 0.027440947743260377, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 5.833818041694467, "error_w_gmm": 0.028896829907660203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028318372943196914}, "run_941": {"edge_length": 1200, "pf": 0.0983263888888889, "in_bounds_one_im": 1, "error_one_im": 0.02836395056603504, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.221914813521622, "error_w_gmm": 0.031402371367012086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030773758454247728}, "run_942": {"edge_length": 1200, "pf": 0.10069583333333333, "in_bounds_one_im": 1, "error_one_im": 0.026497198193810072, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 6.243408907370925, "error_w_gmm": 0.031096970516312303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030474471120138055}, "run_943": {"edge_length": 1200, "pf": 0.09643680555555556, "in_bounds_one_im": 0, "error_one_im": 0.02989484068623352, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 0, "pred_cls": 5.586542133243552, "error_w_gmm": 0.028500316713701724, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027929797153420175}, "run_944": {"edge_length": 1200, "pf": 0.10089097222222222, "in_bounds_one_im": 1, "error_one_im": 0.027165233202277494, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 4.868003038884978, "error_w_gmm": 0.0242203054531931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023735463191408762}, "run_945": {"edge_length": 1200, "pf": 0.10070694444444445, "in_bounds_one_im": 1, "error_one_im": 0.029184972980062823, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.130207838588443, "error_w_gmm": 0.03551173156565619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034800857448670154}, "run_946": {"edge_length": 1200, "pf": 0.09891527777777778, "in_bounds_one_im": 1, "error_one_im": 0.028471367437868062, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.7397093350412, "error_w_gmm": 0.03390322737947411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03322455231172079}, "run_947": {"edge_length": 1200, "pf": 0.09930763888888888, "in_bounds_one_im": 1, "error_one_im": 0.029613496800198556, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.849942457294426, "error_w_gmm": 0.039401443644812295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03861270524135841}, "run_948": {"edge_length": 1200, "pf": 0.09798958333333334, "in_bounds_one_im": 1, "error_one_im": 0.028620223534540027, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.769029563131216, "error_w_gmm": 0.03422874542920221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0335435541386132}, "run_949": {"edge_length": 1200, "pf": 0.1009125, "in_bounds_one_im": 1, "error_one_im": 0.027559988443181256, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 7.74920105889832, "error_w_gmm": 0.03855086932479491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037779157724654}, "run_950": {"edge_length": 1200, "pf": 0.09989375, "in_bounds_one_im": 1, "error_one_im": 0.028716426302759012, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.480090122197486, "error_w_gmm": 0.037422544221564984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036673419442062406}, "run_951": {"edge_length": 1200, "pf": 0.10067986111111112, "in_bounds_one_im": 1, "error_one_im": 0.026997646802694678, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.841816204445692, "error_w_gmm": 0.03408050398201422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03339828018986095}, "run_952": {"edge_length": 1200, "pf": 0.10123402777777778, "in_bounds_one_im": 1, "error_one_im": 0.028305815885022668, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.3154764945351864, "error_w_gmm": 0.031362806979727764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030734986067173918}, "run_953": {"edge_length": 1200, "pf": 0.100975, "in_bounds_one_im": 1, "error_one_im": 0.026953738416014214, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.774401350754749, "error_w_gmm": 0.033689814986916145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03301541201008674}, "run_954": {"edge_length": 1200, "pf": 0.1008388888888889, "in_bounds_one_im": 1, "error_one_im": 0.027770244280642363, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.3501840622676475, "error_w_gmm": 0.03160383568062355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030971189853672063}, "run_955": {"edge_length": 1200, "pf": 0.10283958333333333, "in_bounds_one_im": 1, "error_one_im": 0.028649605865161177, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.818787493766844, "error_w_gmm": 0.033566866657249485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032894924861033695}, "run_956": {"edge_length": 1200, "pf": 0.10503958333333334, "in_bounds_one_im": 0, "error_one_im": 0.02714565883969574, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 0, "pred_cls": 7.101181576669859, "error_w_gmm": 0.03454655817728057, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.033855004908643814}, "run_957": {"edge_length": 1200, "pf": 0.09969375, "in_bounds_one_im": 1, "error_one_im": 0.028748409869736306, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 5.62976682530884, "error_w_gmm": 0.02819683243787677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027632388028174606}, "run_958": {"edge_length": 1200, "pf": 0.10242222222222222, "in_bounds_one_im": 1, "error_one_im": 0.027333137288233705, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 6.935349711868201, "error_w_gmm": 0.03421811357027208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03353313510831724}, "run_959": {"edge_length": 1200, "pf": 0.09902638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02905689286016848, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.776479578617505, "error_w_gmm": 0.03406696527654513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033385012502302476}, "run_960": {"edge_length": 1200, "pf": 0.09908611111111111, "in_bounds_one_im": 1, "error_one_im": 0.030052264497590672, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.120218381323018, "error_w_gmm": 0.03578304649781732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035066741196422016}, "run_961": {"edge_length": 1400, "pf": 0.1015576530612245, "in_bounds_one_im": 1, "error_one_im": 0.023879161569021742, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 7.668883826087005, "error_w_gmm": 0.031933680315283326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031933093526413776}, "run_962": {"edge_length": 1400, "pf": 0.09638928571428572, "in_bounds_one_im": 0, "error_one_im": 0.025456182110655267, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 0, "pred_cls": 6.695484790811274, "error_w_gmm": 0.02870029551056433, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028699768135899327}, "run_963": {"edge_length": 1400, "pf": 0.0990469387755102, "in_bounds_one_im": 1, "error_one_im": 0.024386022195526495, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.054788959796155, "error_w_gmm": 0.021343302409382148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02134291022119178}, "run_964": {"edge_length": 1400, "pf": 0.10056785714285714, "in_bounds_one_im": 1, "error_one_im": 0.02469314585978912, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.280444255918036, "error_w_gmm": 0.030481793760068297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030481233649954843}, "run_965": {"edge_length": 1400, "pf": 0.09909132653061224, "in_bounds_one_im": 1, "error_one_im": 0.025069145281478494, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.138884864241858, "error_w_gmm": 0.025914336078465373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02591385989645869}, "run_966": {"edge_length": 1400, "pf": 0.10181377551020408, "in_bounds_one_im": 1, "error_one_im": 0.02316682649640924, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 6.47965825901607, "error_w_gmm": 0.026943875369226346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026943380269193674}, "run_967": {"edge_length": 1400, "pf": 0.1016188775510204, "in_bounds_one_im": 1, "error_one_im": 0.02370125214926522, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.941888849831998, "error_w_gmm": 0.024734074880688302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0247336203862581}, "run_968": {"edge_length": 1400, "pf": 0.09793061224489796, "in_bounds_one_im": 0, "error_one_im": 0.02436638112502749, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.574266636670109, "error_w_gmm": 0.027934190300313296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027933677003011283}, "run_969": {"edge_length": 1400, "pf": 0.10126122448979592, "in_bounds_one_im": 1, "error_one_im": 0.024598972694920073, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.598310784896295, "error_w_gmm": 0.03169131360429956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03169073126897526}, "run_970": {"edge_length": 1400, "pf": 0.10184336734693877, "in_bounds_one_im": 1, "error_one_im": 0.023841850517058446, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.329816891188548, "error_w_gmm": 0.02631654356513116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026316059992467545}, "run_971": {"edge_length": 1400, "pf": 0.09915408163265306, "in_bounds_one_im": 1, "error_one_im": 0.02402692196839264, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.167188775687772, "error_w_gmm": 0.026024670361439524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02602419215201453}, "run_972": {"edge_length": 1400, "pf": 0.10035510204081632, "in_bounds_one_im": 1, "error_one_im": 0.023096893494391244, "one_im_sa_cls": 5.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.5846020819676045, "error_w_gmm": 0.0276009101232653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027600402950064735}, "run_973": {"edge_length": 1400, "pf": 0.10277295918367348, "in_bounds_one_im": 0, "error_one_im": 0.0233838216839026, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 6.949154152692325, "error_w_gmm": 0.028745623140657175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02874509493308635}, "run_974": {"edge_length": 1400, "pf": 0.09939030612244898, "in_bounds_one_im": 1, "error_one_im": 0.023049157940928825, "one_im_sa_cls": 5.469387755102041, "model_in_bounds": 1, "pred_cls": 5.5324986839754615, "error_w_gmm": 0.02331554918529813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02331512075661057}, "run_975": {"edge_length": 1400, "pf": 0.10087448979591837, "in_bounds_one_im": 1, "error_one_im": 0.02345719906593886, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 6.608886891495578, "error_w_gmm": 0.02762331775035025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027622810165404355}, "run_976": {"edge_length": 1400, "pf": 0.10022551020408163, "in_bounds_one_im": 1, "error_one_im": 0.02473998991154361, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.767657098700979, "error_w_gmm": 0.024193860288691256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02419341572083097}, "run_977": {"edge_length": 1400, "pf": 0.09733061224489796, "in_bounds_one_im": 0, "error_one_im": 0.027581816647917895, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 0, "pred_cls": 6.493482753581384, "error_w_gmm": 0.027685052836280206, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02768454411693766}, "run_978": {"edge_length": 1400, "pf": 0.10166224489795918, "in_bounds_one_im": 1, "error_one_im": 0.024544929925191524, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.26410663572124, "error_w_gmm": 0.03023084071956031, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03023028522076793}, "run_979": {"edge_length": 1400, "pf": 0.1016795918367347, "in_bounds_one_im": 1, "error_one_im": 0.025901358956412022, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.1293114548964365, "error_w_gmm": 0.029667049729693418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029666504590692783}, "run_980": {"edge_length": 1400, "pf": 0.09920102040816327, "in_bounds_one_im": 1, "error_one_im": 0.024020611083149204, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.604082175637844, "error_w_gmm": 0.023642228132318883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023641793700828886}, "run_981": {"edge_length": 1400, "pf": 0.1015219387755102, "in_bounds_one_im": 1, "error_one_im": 0.022438906517742094, "one_im_sa_cls": 5.387755102040816, "model_in_bounds": 1, "pred_cls": 5.686371465927109, "error_w_gmm": 0.023683018248084747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02368258306706677}, "run_982": {"edge_length": 1400, "pf": 0.09871173469387755, "in_bounds_one_im": 1, "error_one_im": 0.025122591150829127, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.063583029511332, "error_w_gmm": 0.02988137353431978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029880824457068942}, "run_983": {"edge_length": 1400, "pf": 0.10042551020408164, "in_bounds_one_im": 1, "error_one_im": 0.02471259547906437, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.25376980280608, "error_w_gmm": 0.030394034147734634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030393475650224776}, "run_984": {"edge_length": 1400, "pf": 0.10063265306122449, "in_bounds_one_im": 1, "error_one_im": 0.024342654322095834, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.089089144131726, "error_w_gmm": 0.02548469641509886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02548422812782184}, "run_985": {"edge_length": 1400, "pf": 0.10129081632653061, "in_bounds_one_im": 1, "error_one_im": 0.024935389122935726, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.31302381380678, "error_w_gmm": 0.030496470375246134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030495909995446446}, "run_986": {"edge_length": 1400, "pf": 0.10212295918367346, "in_bounds_one_im": 1, "error_one_im": 0.024822089293576263, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.0078103464708414, "error_w_gmm": 0.02909089705873174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029090362506671665}, "run_987": {"edge_length": 1400, "pf": 0.10044438775510205, "in_bounds_one_im": 1, "error_one_im": 0.02471001384968171, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.862826612092481, "error_w_gmm": 0.02875293834546941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028752410003479934}, "run_988": {"edge_length": 1400, "pf": 0.09957908163265305, "in_bounds_one_im": 1, "error_one_im": 0.02431359288416564, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 5.378193333362916, "error_w_gmm": 0.022641394679902543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02264097863896207}, "run_989": {"edge_length": 1400, "pf": 0.1021969387755102, "in_bounds_one_im": 1, "error_one_im": 0.023795886710126862, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 5.754434877292778, "error_w_gmm": 0.0238782399804418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023877801212178733}, "run_990": {"edge_length": 1400, "pf": 0.09980510204081633, "in_bounds_one_im": 1, "error_one_im": 0.02531266627410806, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.728389432502119, "error_w_gmm": 0.02828987690801135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02828935707488445}, "run_991": {"edge_length": 1400, "pf": 0.10035816326530612, "in_bounds_one_im": 1, "error_one_im": 0.02420855573095745, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.603567213954929, "error_w_gmm": 0.027679937675475424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02767942905012514}, "run_992": {"edge_length": 1400, "pf": 0.10031428571428572, "in_bounds_one_im": 1, "error_one_im": 0.025925707895822107, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.468475815564622, "error_w_gmm": 0.027120270327306403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027119771985974865}, "run_993": {"edge_length": 1400, "pf": 0.10046683673469388, "in_bounds_one_im": 1, "error_one_im": 0.02453596239949331, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 6.977075443578851, "error_w_gmm": 0.029227971831683984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02922743476084273}, "run_994": {"edge_length": 1400, "pf": 0.10227908163265306, "in_bounds_one_im": 1, "error_one_im": 0.026324590672792997, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.964792143206701, "error_w_gmm": 0.028887732787547537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02888720196867862}, "run_995": {"edge_length": 1400, "pf": 0.098475, "in_bounds_one_im": 1, "error_one_im": 0.022994898899878827, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 6.050473639884927, "error_w_gmm": 0.025629686938847394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025629215987335526}, "run_996": {"edge_length": 1400, "pf": 0.10011479591836735, "in_bounds_one_im": 1, "error_one_im": 0.02389860773864609, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.414094798185695, "error_w_gmm": 0.031119355419113787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031118783593655337}, "run_997": {"edge_length": 1400, "pf": 0.10002857142857143, "in_bounds_one_im": 1, "error_one_im": 0.025966829817552325, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.749931215855071, "error_w_gmm": 0.02834521208078947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02834469123086581}, "run_998": {"edge_length": 1400, "pf": 0.1025673469387755, "in_bounds_one_im": 1, "error_one_im": 0.024424078701872364, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.968963572262636, "error_w_gmm": 0.024718569665642866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024718115456124703}, "run_999": {"edge_length": 1400, "pf": 0.10031632653061225, "in_bounds_one_im": 1, "error_one_im": 0.023529666876293768, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 6.132195713685778, "error_w_gmm": 0.02571006368590769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02570959125745412}, "run_1000": {"edge_length": 1400, "pf": 0.09888877551020409, "in_bounds_one_im": 1, "error_one_im": 0.024580150371149568, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.466124509084808, "error_w_gmm": 0.027326738362746284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02732623622751625}}, "blobs_100.0_0.2": {"true_cls": 6.816326530612245, "true_pf": 0.20068341128634995, "run_1001": {"edge_length": 600, "pf": 0.19405, "in_bounds_one_im": 1, "error_one_im": 0.04374756232881171, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.470130484990891, "error_w_gmm": 0.05171198293206097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04973043462990149}, "run_1002": {"edge_length": 600, "pf": 0.194175, "in_bounds_one_im": 1, "error_one_im": 0.043051048625407304, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.156540418843352, "error_w_gmm": 0.04952136615601928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047623759963736835}, "run_1003": {"edge_length": 600, "pf": 0.20123611111111112, "in_bounds_one_im": 1, "error_one_im": 0.03838440886921703, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.515134852240661, "error_w_gmm": 0.04409054223086779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0424010394474674}, "run_1004": {"edge_length": 600, "pf": 0.210775, "in_bounds_one_im": 0, "error_one_im": 0.040119177200312814, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 8.02130625081675, "error_w_gmm": 0.052723197738737744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05070290075842511}, "run_1005": {"edge_length": 600, "pf": 0.20418611111111112, "in_bounds_one_im": 1, "error_one_im": 0.03908857770205408, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.680580920978563, "error_w_gmm": 0.04479944816430119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043082780857919174}, "run_1006": {"edge_length": 600, "pf": 0.19137222222222222, "in_bounds_one_im": 0, "error_one_im": 0.04316643594599708, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 6.407398914723765, "error_w_gmm": 0.044738602979710655, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04302426719622493}, "run_1007": {"edge_length": 600, "pf": 0.19823055555555555, "in_bounds_one_im": 1, "error_one_im": 0.04504841233780712, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.534900032116328, "error_w_gmm": 0.05830471373616031, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05607053898669118}, "run_1008": {"edge_length": 600, "pf": 0.195375, "in_bounds_one_im": 1, "error_one_im": 0.04099261792236585, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.755066968972898, "error_w_gmm": 0.03967148198062708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03815131289590751}, "run_1009": {"edge_length": 600, "pf": 0.207675, "in_bounds_one_im": 1, "error_one_im": 0.038152934859133514, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.610618870568657, "error_w_gmm": 0.0438598827444735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04217921858778454}, "run_1010": {"edge_length": 600, "pf": 0.19825833333333334, "in_bounds_one_im": 1, "error_one_im": 0.0379392462108416, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 6.869563532399279, "error_w_gmm": 0.046924150972579244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04512606730960789}, "run_1011": {"edge_length": 600, "pf": 0.19339166666666666, "in_bounds_one_im": 1, "error_one_im": 0.03798546419925992, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.722411333903029, "error_w_gmm": 0.05357117621980543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05151838560408852}, "run_1012": {"edge_length": 600, "pf": 0.20430555555555555, "in_bounds_one_im": 1, "error_one_im": 0.04446830089416322, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.947476164364554, "error_w_gmm": 0.0398686529346175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03834092846820565}, "run_1013": {"edge_length": 600, "pf": 0.19713055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04130328823891696, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.9230061840538, "error_w_gmm": 0.06116774401652702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05882386098535187}, "run_1014": {"edge_length": 600, "pf": 0.196525, "in_bounds_one_im": 1, "error_one_im": 0.0384169517625237, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 5.351979399917921, "error_w_gmm": 0.03675847555104403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03534992978102701}, "run_1015": {"edge_length": 600, "pf": 0.20058055555555557, "in_bounds_one_im": 1, "error_one_im": 0.03899521505481793, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.09961528418567, "error_w_gmm": 0.048144150908524065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046299318142837304}, "run_1016": {"edge_length": 600, "pf": 0.20108055555555557, "in_bounds_one_im": 1, "error_one_im": 0.041592167708446655, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 9.390966130928348, "error_w_gmm": 0.0635832186930393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061146777235890744}, "run_1017": {"edge_length": 600, "pf": 0.2064777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03855366457528579, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 4.563154646457434, "error_w_gmm": 0.03038602232429017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02922166219860733}, "run_1018": {"edge_length": 600, "pf": 0.19425277777777777, "in_bounds_one_im": 1, "error_one_im": 0.039510228300720714, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.00322539913087, "error_w_gmm": 0.04844842588061487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04659193362093563}, "run_1019": {"edge_length": 600, "pf": 0.2036888888888889, "in_bounds_one_im": 1, "error_one_im": 0.03862122984090103, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.84964383404579, "error_w_gmm": 0.04600356467872583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044240756905483465}, "run_1020": {"edge_length": 600, "pf": 0.19396388888888888, "in_bounds_one_im": 1, "error_one_im": 0.041721118617457364, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.714388267079445, "error_w_gmm": 0.053417563931245075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051370659575391525}, "run_1021": {"edge_length": 600, "pf": 0.19858055555555557, "in_bounds_one_im": 1, "error_one_im": 0.04004363793211337, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.834119476859531, "error_w_gmm": 0.05345859553488074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05141011889152423}, "run_1022": {"edge_length": 600, "pf": 0.20312777777777777, "in_bounds_one_im": 1, "error_one_im": 0.03868815921026318, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.959056523120301, "error_w_gmm": 0.04681939814144616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045025328495785805}, "run_1023": {"edge_length": 600, "pf": 0.20201388888888888, "in_bounds_one_im": 1, "error_one_im": 0.042399212530402915, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.725915919574266, "error_w_gmm": 0.05215822534479154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050159577506989295}, "run_1024": {"edge_length": 600, "pf": 0.20255555555555554, "in_bounds_one_im": 1, "error_one_im": 0.040873081272404944, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.370398066090855, "error_w_gmm": 0.04293490307861835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04128968316101049}, "run_1025": {"edge_length": 600, "pf": 0.19639722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04166892382715079, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.446630628308645, "error_w_gmm": 0.04429468408197229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04259735879950078}, "run_1026": {"edge_length": 600, "pf": 0.2104638888888889, "in_bounds_one_im": 0, "error_one_im": 0.04067321646294257, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.478995851385586, "error_w_gmm": 0.04920466429814901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04731919378493305}, "run_1027": {"edge_length": 600, "pf": 0.20656388888888888, "in_bounds_one_im": 1, "error_one_im": 0.04154862549743201, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.581537844855104, "error_w_gmm": 0.03715766641302071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03573382407284841}, "run_1028": {"edge_length": 600, "pf": 0.20115833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04078500090591981, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 9.388307794198864, "error_w_gmm": 0.06354983639592118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06111467411296834}, "run_1029": {"edge_length": 600, "pf": 0.21193055555555557, "in_bounds_one_im": 0, "error_one_im": 0.04010890548544043, "one_im_sa_cls": 6.36734693877551, "model_in_bounds": 0, "pred_cls": 5.839133166128333, "error_w_gmm": 0.0382471970410038, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03678160504352548}, "run_1030": {"edge_length": 600, "pf": 0.19092777777777778, "in_bounds_one_im": 0, "error_one_im": 0.04309128996917886, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 8.287945296218362, "error_w_gmm": 0.057952441816222666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055731765752846614}, "run_1031": {"edge_length": 600, "pf": 0.19484722222222223, "in_bounds_one_im": 1, "error_one_im": 0.03997742479706453, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.920655031164776, "error_w_gmm": 0.05469138410390897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05259566831099035}, "run_1032": {"edge_length": 600, "pf": 0.19875, "in_bounds_one_im": 1, "error_one_im": 0.04363638986652384, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 10.091161688857895, "error_w_gmm": 0.06882360140183227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06618635404109045}, "run_1033": {"edge_length": 600, "pf": 0.20573333333333332, "in_bounds_one_im": 1, "error_one_im": 0.03733158743485731, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.682584227263732, "error_w_gmm": 0.04460063638755534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042891587337452006}, "run_1034": {"edge_length": 600, "pf": 0.19445833333333334, "in_bounds_one_im": 1, "error_one_im": 0.04084115177113883, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 0, "pred_cls": 3.991856016432295, "error_w_gmm": 0.027597603477469177, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026540092602546868}, "run_1035": {"edge_length": 600, "pf": 0.20635833333333334, "in_bounds_one_im": 1, "error_one_im": 0.04039805577576124, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.188876422246066, "error_w_gmm": 0.041226722738451516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03964695847852531}, "run_1036": {"edge_length": 600, "pf": 0.19445833333333334, "in_bounds_one_im": 1, "error_one_im": 0.03921293309587749, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.633079608815633, "error_w_gmm": 0.045857641188718636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0441004250487395}, "run_1037": {"edge_length": 600, "pf": 0.19935, "in_bounds_one_im": 1, "error_one_im": 0.038611070025384116, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.409370355058053, "error_w_gmm": 0.04363092079326254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04195903021553843}, "run_1038": {"edge_length": 600, "pf": 0.20151388888888888, "in_bounds_one_im": 1, "error_one_im": 0.04644617947544887, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.942718865016521, "error_w_gmm": 0.04018205591264079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038642322176737055}, "run_1039": {"edge_length": 600, "pf": 0.192775, "in_bounds_one_im": 0, "error_one_im": 0.03942489535859367, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 0, "pred_cls": 5.5873034343359755, "error_w_gmm": 0.03883649078489696, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.037348317676591476}, "run_1040": {"edge_length": 600, "pf": 0.20048333333333335, "in_bounds_one_im": 1, "error_one_im": 0.04166963742772464, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 8.278378271478026, "error_w_gmm": 0.056154642639385334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054002856332396536}, "run_1041": {"edge_length": 800, "pf": 0.1993, "in_bounds_one_im": 1, "error_one_im": 0.030365883213250823, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.96285799681743, "error_w_gmm": 0.02470192744089893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02437088036445543}, "run_1042": {"edge_length": 800, "pf": 0.2005109375, "in_bounds_one_im": 1, "error_one_im": 0.03005147196009304, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.81184297865292, "error_w_gmm": 0.033776884277223196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03332421762527475}, "run_1043": {"edge_length": 800, "pf": 0.199640625, "in_bounds_one_im": 1, "error_one_im": 0.03113439785667267, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.802965254654381, "error_w_gmm": 0.03879676005249026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038276818682668586}, "run_1044": {"edge_length": 800, "pf": 0.2085296875, "in_bounds_one_im": 0, "error_one_im": 0.02893022703255952, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 8.44073996452693, "error_w_gmm": 0.04083491139289725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04028765539168875}, "run_1045": {"edge_length": 800, "pf": 0.2039171875, "in_bounds_one_im": 1, "error_one_im": 0.029340714183878597, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.070734111422799, "error_w_gmm": 0.02978592882096429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029386747636462453}, "run_1046": {"edge_length": 800, "pf": 0.2026421875, "in_bounds_one_im": 1, "error_one_im": 0.029258074026328972, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 5.551494826829988, "error_w_gmm": 0.0273457199494924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026979241638672994}, "run_1047": {"edge_length": 800, "pf": 0.1996546875, "in_bounds_one_im": 1, "error_one_im": 0.03283483324638552, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.79451188784979, "error_w_gmm": 0.03875302415543715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038233668919668756}, "run_1048": {"edge_length": 800, "pf": 0.20013125, "in_bounds_one_im": 1, "error_one_im": 0.03238612181636548, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 10.11484523928652, "error_w_gmm": 0.0502144697631556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04954151201724589}, "run_1049": {"edge_length": 800, "pf": 0.2010640625, "in_bounds_one_im": 1, "error_one_im": 0.033886732383542395, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 9.087434531129128, "error_w_gmm": 0.04498293359729314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04438008717193356}, "run_1050": {"edge_length": 800, "pf": 0.1995109375, "in_bounds_one_im": 1, "error_one_im": 0.030345828492739688, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 8.41826998809399, "error_w_gmm": 0.04187308171196528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04131191249488324}, "run_1051": {"edge_length": 800, "pf": 0.20149375, "in_bounds_one_im": 1, "error_one_im": 0.029760593125702138, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.762431068070984, "error_w_gmm": 0.03342942828287968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032981418121457946}, "run_1052": {"edge_length": 800, "pf": 0.201290625, "in_bounds_one_im": 1, "error_one_im": 0.030675761842036464, "one_im_sa_cls": 6.285714285714286, "model_in_bounds": 1, "pred_cls": 7.7582416380896815, "error_w_gmm": 0.038376348277763685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037862041127751586}, "run_1053": {"edge_length": 800, "pf": 0.1992890625, "in_bounds_one_im": 1, "error_one_im": 0.03056736562558085, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.050298379911181, "error_w_gmm": 0.04007060078146061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03953358781873622}, "run_1054": {"edge_length": 800, "pf": 0.1979640625, "in_bounds_one_im": 1, "error_one_im": 0.027273134255027844, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 7.167512816497936, "error_w_gmm": 0.03582530872630885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035345189766162605}, "run_1055": {"edge_length": 800, "pf": 0.201975, "in_bounds_one_im": 1, "error_one_im": 0.02911984670364262, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 8.53469724893361, "error_w_gmm": 0.04212746126990369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156288294196726}, "run_1056": {"edge_length": 800, "pf": 0.20116875, "in_bounds_one_im": 1, "error_one_im": 0.032082275211351804, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.966405637002441, "error_w_gmm": 0.03942097926795034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03889267231828342}, "run_1057": {"edge_length": 800, "pf": 0.204390625, "in_bounds_one_im": 1, "error_one_im": 0.03048175468329327, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.733273380532069, "error_w_gmm": 0.028089230303627317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02771278771250507}, "run_1058": {"edge_length": 800, "pf": 0.198734375, "in_bounds_one_im": 1, "error_one_im": 0.031222967149329515, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.21353004669764, "error_w_gmm": 0.035968086348797175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03548605393009115}, "run_1059": {"edge_length": 800, "pf": 0.200034375, "in_bounds_one_im": 1, "error_one_im": 0.02909633973086791, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.888562351643667, "error_w_gmm": 0.034208156285036734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03374970986802006}, "run_1060": {"edge_length": 800, "pf": 0.2040328125, "in_bounds_one_im": 1, "error_one_im": 0.03012031002975792, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.611081228916185, "error_w_gmm": 0.03733031540726157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03683002684444161}, "run_1061": {"edge_length": 800, "pf": 0.2012109375, "in_bounds_one_im": 1, "error_one_im": 0.02958753167290988, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.2936122293801136, "error_w_gmm": 0.036086990100899045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03560336417336242}, "run_1062": {"edge_length": 800, "pf": 0.2025625, "in_bounds_one_im": 1, "error_one_im": 0.028868473248379357, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 8.232002793381964, "error_w_gmm": 0.04055944842210721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04001588408469153}, "run_1063": {"edge_length": 800, "pf": 0.20233125, "in_bounds_one_im": 1, "error_one_im": 0.02928625548810398, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.847591377285969, "error_w_gmm": 0.03869313477408716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03817458215603558}, "run_1064": {"edge_length": 800, "pf": 0.2036296875, "in_bounds_one_im": 1, "error_one_im": 0.029366720974500774, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.9601597906183335, "error_w_gmm": 0.03909097451229706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03856709017741725}, "run_1065": {"edge_length": 800, "pf": 0.2043765625, "in_bounds_one_im": 1, "error_one_im": 0.03058172345486252, "one_im_sa_cls": 6.326530612244898, "model_in_bounds": 1, "pred_cls": 6.905865968114085, "error_w_gmm": 0.03383561790779554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033382164127120514}, "run_1066": {"edge_length": 800, "pf": 0.1999484375, "in_bounds_one_im": 1, "error_one_im": 0.027303897980888434, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 5.520422258997336, "error_w_gmm": 0.02742142423875247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027053931364041606}, "run_1067": {"edge_length": 800, "pf": 0.195028125, "in_bounds_one_im": 1, "error_one_im": 0.03250526664524852, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.335009093289896, "error_w_gmm": 0.03195999489114993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03153167759092389}, "run_1068": {"edge_length": 800, "pf": 0.20144375, "in_bounds_one_im": 1, "error_one_im": 0.031158907313210266, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.843390685422366, "error_w_gmm": 0.03877907395045157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03825936960393048}, "run_1069": {"edge_length": 800, "pf": 0.1958671875, "in_bounds_one_im": 1, "error_one_im": 0.02988595156364381, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.300618674590839, "error_w_gmm": 0.03170180368990423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03127694658291784}, "run_1070": {"edge_length": 800, "pf": 0.209809375, "in_bounds_one_im": 0, "error_one_im": 0.031050278059536793, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 0, "pred_cls": 6.8055971793474574, "error_w_gmm": 0.032797252177898015, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03235771423192798}, "run_1071": {"edge_length": 800, "pf": 0.2075671875, "in_bounds_one_im": 0, "error_one_im": 0.02881946502158876, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 8.224682753613626, "error_w_gmm": 0.039906051420204716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039371243693695525}, "run_1072": {"edge_length": 800, "pf": 0.1997703125, "in_bounds_one_im": 1, "error_one_im": 0.030721488534448768, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.959846260467714, "error_w_gmm": 0.03459069033298748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03412711732095038}, "run_1073": {"edge_length": 800, "pf": 0.201809375, "in_bounds_one_im": 1, "error_one_im": 0.032813957136105285, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.94335794524738, "error_w_gmm": 0.03922875306873524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03870302227112836}, "run_1074": {"edge_length": 800, "pf": 0.2033046875, "in_bounds_one_im": 1, "error_one_im": 0.028802318456467947, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 8.02123934009997, "error_w_gmm": 0.03943044133296775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038902007575829206}, "run_1075": {"edge_length": 800, "pf": 0.19574375, "in_bounds_one_im": 1, "error_one_im": 0.03283676042687998, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.150824753944307, "error_w_gmm": 0.030960242356621988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030545323409804377}, "run_1076": {"edge_length": 800, "pf": 0.2035359375, "in_bounds_one_im": 1, "error_one_im": 0.029573025222739472, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.634843457019984, "error_w_gmm": 0.03259199536346395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03215520820155724}, "run_1077": {"edge_length": 800, "pf": 0.2032703125, "in_bounds_one_im": 1, "error_one_im": 0.029993225664320097, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.879719229093019, "error_w_gmm": 0.02890632215591037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028518929169539364}, "run_1078": {"edge_length": 800, "pf": 0.1995125, "in_bounds_one_im": 1, "error_one_im": 0.030746283085018276, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.575835159973038, "error_w_gmm": 0.03270851807052466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032270169309766866}, "run_1079": {"edge_length": 800, "pf": 0.206278125, "in_bounds_one_im": 1, "error_one_im": 0.028344412126702627, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.450185574378086, "error_w_gmm": 0.041161534966514465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040609901664004154}, "run_1080": {"edge_length": 800, "pf": 0.1958515625, "in_bounds_one_im": 1, "error_one_im": 0.028671674023524843, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 7.4692913018295295, "error_w_gmm": 0.03758388893601601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037080202064478734}, "run_1081": {"edge_length": 1000, "pf": 0.199323, "in_bounds_one_im": 1, "error_one_im": 0.02509263778896212, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.374770050360137, "error_w_gmm": 0.02555315259016102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02504162938408603}, "run_1082": {"edge_length": 1000, "pf": 0.198753, "in_bounds_one_im": 1, "error_one_im": 0.024655666576620064, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.519238136663345, "error_w_gmm": 0.03019466369523261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029590226683977497}, "run_1083": {"edge_length": 1000, "pf": 0.197702, "in_bounds_one_im": 1, "error_one_im": 0.024898478778117673, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.114499997952231, "error_w_gmm": 0.028663993894658322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028090197843303116}, "run_1084": {"edge_length": 1000, "pf": 0.203596, "in_bounds_one_im": 1, "error_one_im": 0.02333759627977543, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.652606940640709, "error_w_gmm": 0.02631503523794859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0257882606591408}, "run_1085": {"edge_length": 1000, "pf": 0.20423, "in_bounds_one_im": 1, "error_one_im": 0.023923716762448453, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.8765802930209965, "error_w_gmm": 0.027147917863300258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02660447063366002}, "run_1086": {"edge_length": 1000, "pf": 0.202285, "in_bounds_one_im": 1, "error_one_im": 0.02589474570097576, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.512777730643242, "error_w_gmm": 0.021894877391149443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02145658556628663}, "run_1087": {"edge_length": 1000, "pf": 0.202982, "in_bounds_one_im": 1, "error_one_im": 0.023857438213973823, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.226365406929797, "error_w_gmm": 0.028638826279609557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02806553403376693}, "run_1088": {"edge_length": 1000, "pf": 0.199204, "in_bounds_one_im": 1, "error_one_im": 0.024139619862313607, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.23310363636303, "error_w_gmm": 0.02900458150528089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028423967568503548}, "run_1089": {"edge_length": 1000, "pf": 0.197923, "in_bounds_one_im": 1, "error_one_im": 0.024559060514191714, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.049488052236651, "error_w_gmm": 0.02435614314898689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023868581687158115}, "run_1090": {"edge_length": 1000, "pf": 0.201498, "in_bounds_one_im": 1, "error_one_im": 0.02516180126302587, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.683852079224324, "error_w_gmm": 0.030592264505851063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02997986831849556}, "run_1091": {"edge_length": 1000, "pf": 0.202131, "in_bounds_one_im": 1, "error_one_im": 0.02471506366360426, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.558911563613451, "error_w_gmm": 0.030035757785843796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0294345017543112}, "run_1092": {"edge_length": 1000, "pf": 0.203218, "in_bounds_one_im": 1, "error_one_im": 0.025820121516287507, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.660547078131825, "error_w_gmm": 0.03033740660399084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029730112164084787}, "run_1093": {"edge_length": 1000, "pf": 0.201081, "in_bounds_one_im": 1, "error_one_im": 0.023679597549740562, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.3806799063978925, "error_w_gmm": 0.02942335713027697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028834360139801306}, "run_1094": {"edge_length": 1000, "pf": 0.205281, "in_bounds_one_im": 1, "error_one_im": 0.024161439608039938, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.610115378665931, "error_w_gmm": 0.02601186291281687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02549115723995711}, "run_1095": {"edge_length": 1000, "pf": 0.201028, "in_bounds_one_im": 1, "error_one_im": 0.021769685848553776, "one_im_sa_cls": 5.571428571428571, "model_in_bounds": 1, "pred_cls": 7.341212922371712, "error_w_gmm": 0.029270849043221137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028684904960810997}, "run_1096": {"edge_length": 1000, "pf": 0.19885, "in_bounds_one_im": 1, "error_one_im": 0.026655339327511116, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.796745239729242, "error_w_gmm": 0.02327064015770832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022804808303149904}, "run_1097": {"edge_length": 1000, "pf": 0.199245, "in_bounds_one_im": 1, "error_one_im": 0.025419522426895446, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.3215049453750485, "error_w_gmm": 0.02935529637537872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028767661825620697}, "run_1098": {"edge_length": 1000, "pf": 0.201272, "in_bounds_one_im": 1, "error_one_im": 0.023665529930691064, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.594877446468865, "error_w_gmm": 0.026275107322819957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025749132021325824}, "run_1099": {"edge_length": 1000, "pf": 0.197036, "in_bounds_one_im": 1, "error_one_im": 0.024143400875144664, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.272945671041349, "error_w_gmm": 0.025326592807496634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02481960487690226}, "run_1100": {"edge_length": 1000, "pf": 0.200211, "in_bounds_one_im": 1, "error_one_im": 0.025582662136511596, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.023562033331882, "error_w_gmm": 0.024078372501533885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023596371454673026}, "run_1101": {"edge_length": 1000, "pf": 0.200671, "in_bounds_one_im": 1, "error_one_im": 0.02370985716588695, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.642551840805058, "error_w_gmm": 0.03050625290440008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029895578497947276}, "run_1102": {"edge_length": 1000, "pf": 0.199901, "in_bounds_one_im": 1, "error_one_im": 0.024407102825506167, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.930712641205996, "error_w_gmm": 0.0277314302416941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027176302256752653}, "run_1103": {"edge_length": 1000, "pf": 0.203146, "in_bounds_one_im": 1, "error_one_im": 0.024954438693092714, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.554623088000313, "error_w_gmm": 0.02596348343523328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025443746223129712}, "run_1104": {"edge_length": 1000, "pf": 0.203958, "in_bounds_one_im": 1, "error_one_im": 0.02512908930383042, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.476035356354324, "error_w_gmm": 0.029539215763043688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028947899513561807}, "run_1105": {"edge_length": 1000, "pf": 0.2037, "in_bounds_one_im": 1, "error_one_im": 0.023804625308583346, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.236879550996831, "error_w_gmm": 0.024662675907747227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02416897827078409}, "run_1106": {"edge_length": 1000, "pf": 0.2026, "in_bounds_one_im": 1, "error_one_im": 0.022774681013494072, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.666376314238154, "error_w_gmm": 0.030418551123307817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029809632331786892}, "run_1107": {"edge_length": 1000, "pf": 0.199679, "in_bounds_one_im": 1, "error_one_im": 0.02578539522999817, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.534089650592248, "error_w_gmm": 0.026162605605626416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025638882364376787}, "run_1108": {"edge_length": 1000, "pf": 0.202831, "in_bounds_one_im": 1, "error_one_im": 0.026326803360265383, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.921397140977866, "error_w_gmm": 0.01951310777303923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0191224942308028}, "run_1109": {"edge_length": 1000, "pf": 0.196515, "in_bounds_one_im": 1, "error_one_im": 0.02604347407537465, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 8.321817413897143, "error_w_gmm": 0.03365419543461305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032980505490256974}, "run_1110": {"edge_length": 1000, "pf": 0.198399, "in_bounds_one_im": 1, "error_one_im": 0.023879094049775663, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 5.606324576630175, "error_w_gmm": 0.022538116472963818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02208694828318893}, "run_1111": {"edge_length": 1000, "pf": 0.199318, "in_bounds_one_im": 1, "error_one_im": 0.024772353156481915, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.517051539170685, "error_w_gmm": 0.03013243968155827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029529248271089954}, "run_1112": {"edge_length": 1000, "pf": 0.198875, "in_bounds_one_im": 1, "error_one_im": 0.02448566459961212, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.0940309776032064, "error_w_gmm": 0.028476271319946667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027906233100543215}, "run_1113": {"edge_length": 1000, "pf": 0.204901, "in_bounds_one_im": 1, "error_one_im": 0.023086505250096655, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.978332652497903, "error_w_gmm": 0.0235531304340116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02308164368691856}, "run_1114": {"edge_length": 1000, "pf": 0.198583, "in_bounds_one_im": 1, "error_one_im": 0.024829543334732564, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.735694216179447, "error_w_gmm": 0.03108046670388983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030458297681160245}, "run_1115": {"edge_length": 1000, "pf": 0.203325, "in_bounds_one_im": 1, "error_one_im": 0.02414888338868315, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.29129082031598, "error_w_gmm": 0.028865535619644365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028287705104480455}, "run_1116": {"edge_length": 1000, "pf": 0.199266, "in_bounds_one_im": 1, "error_one_im": 0.02333310488342679, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.326200598061908, "error_w_gmm": 0.029372190399860817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028784217665390122}, "run_1117": {"edge_length": 1000, "pf": 0.198875, "in_bounds_one_im": 1, "error_one_im": 0.024003979394373855, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.371132483950311, "error_w_gmm": 0.02958858922535453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02899628461752244}, "run_1118": {"edge_length": 1000, "pf": 0.20133, "in_bounds_one_im": 1, "error_one_im": 0.02477660738880865, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.104943280820148, "error_w_gmm": 0.028302190507725724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027735637039366906}, "run_1119": {"edge_length": 1000, "pf": 0.199936, "in_bounds_one_im": 1, "error_one_im": 0.02344425822997122, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.89999591646753, "error_w_gmm": 0.027605504877324966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027052897667300933}, "run_1120": {"edge_length": 1000, "pf": 0.201466, "in_bounds_one_im": 1, "error_one_im": 0.024288331098368907, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.12409930955599, "error_w_gmm": 0.024384735240771328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023896601422228287}, "run_1121": {"edge_length": 1200, "pf": 0.20396805555555556, "in_bounds_one_im": 1, "error_one_im": 0.021335358529745333, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.859052467902188, "error_w_gmm": 0.02587635543885242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02535836235565395}, "run_1122": {"edge_length": 1200, "pf": 0.1972451388888889, "in_bounds_one_im": 1, "error_one_im": 0.02158559950614332, "one_im_sa_cls": 6.551020408163265, "model_in_bounds": 1, "pred_cls": 7.575725088725815, "error_w_gmm": 0.025471896047998377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024961999436012457}, "run_1123": {"edge_length": 1200, "pf": 0.19794791666666667, "in_bounds_one_im": 1, "error_one_im": 0.020195893809606333, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.6951038072375395, "error_w_gmm": 0.025816005827800925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025299220823582956}, "run_1124": {"edge_length": 1200, "pf": 0.19953541666666666, "in_bounds_one_im": 1, "error_one_im": 0.020095477263080412, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.0898704218993505, "error_w_gmm": 0.02366726709448795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0231934955588431}, "run_1125": {"edge_length": 1200, "pf": 0.19892083333333332, "in_bounds_one_im": 1, "error_one_im": 0.019599092788717586, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.645446264308382, "error_w_gmm": 0.02557108604285249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025059203844782853}, "run_1126": {"edge_length": 1200, "pf": 0.2012451388888889, "in_bounds_one_im": 1, "error_one_im": 0.020918251320920865, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.644920314758765, "error_w_gmm": 0.022063915453690172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021622239823584775}, "run_1127": {"edge_length": 1200, "pf": 0.2022847222222222, "in_bounds_one_im": 1, "error_one_im": 0.019526985063146284, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.672996078819441, "error_w_gmm": 0.022085743925225935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021643631332608496}, "run_1128": {"edge_length": 1200, "pf": 0.19584027777777777, "in_bounds_one_im": 0, "error_one_im": 0.021884464561382256, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 0, "pred_cls": 6.32476819218633, "error_w_gmm": 0.021360603209932896, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02093300648975961}, "run_1129": {"edge_length": 1200, "pf": 0.20308472222222224, "in_bounds_one_im": 1, "error_one_im": 0.02086533190077308, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.329006600137364, "error_w_gmm": 0.01759391370578617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017241718605223243}, "run_1130": {"edge_length": 1200, "pf": 0.20080138888888888, "in_bounds_one_im": 1, "error_one_im": 0.02028217886386068, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.163575275797022, "error_w_gmm": 0.027143956794986726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026600588858042597}, "run_1131": {"edge_length": 1200, "pf": 0.2011875, "in_bounds_one_im": 1, "error_one_im": 0.019859297526975836, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.458394080675311, "error_w_gmm": 0.024769429579125656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02427359494634366}, "run_1132": {"edge_length": 1200, "pf": 0.20025833333333334, "in_bounds_one_im": 1, "error_one_im": 0.020716229661183395, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.714852777130375, "error_w_gmm": 0.022364789137037724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021917090615213283}, "run_1133": {"edge_length": 1200, "pf": 0.20273888888888889, "in_bounds_one_im": 1, "error_one_im": 0.02101985153263799, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.828599691620628, "error_w_gmm": 0.022568992020852167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022117205764120993}, "run_1134": {"edge_length": 1200, "pf": 0.20097569444444444, "in_bounds_one_im": 1, "error_one_im": 0.01987239355728789, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.053505217443467, "error_w_gmm": 0.026763439141783776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026227688410162844}, "run_1135": {"edge_length": 1200, "pf": 0.20194583333333332, "in_bounds_one_im": 1, "error_one_im": 0.021005293945273496, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.149571065677762, "error_w_gmm": 0.02037475102677937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019966889103229014}, "run_1136": {"edge_length": 1200, "pf": 0.2049409722222222, "in_bounds_one_im": 1, "error_one_im": 0.02127164447287596, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.030269660202372, "error_w_gmm": 0.023078417398537842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02261643346065832}, "run_1137": {"edge_length": 1200, "pf": 0.2011298611111111, "in_bounds_one_im": 1, "error_one_im": 0.02085932401057095, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 8.64072777719066, "error_w_gmm": 0.028701122993621833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028126583691676633}, "run_1138": {"edge_length": 1200, "pf": 0.19815902777777777, "in_bounds_one_im": 1, "error_one_im": 0.021724658870589962, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.000271452681587, "error_w_gmm": 0.02011670459368095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019714008245623117}, "run_1139": {"edge_length": 1200, "pf": 0.20060208333333332, "in_bounds_one_im": 1, "error_one_im": 0.020427862546995877, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.928221128687542, "error_w_gmm": 0.023050708401267522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02258927914230966}, "run_1140": {"edge_length": 1200, "pf": 0.2028236111111111, "in_bounds_one_im": 1, "error_one_im": 0.01989093594047165, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.2936477798961965, "error_w_gmm": 0.02409969213355783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023617264310138362}, "run_1141": {"edge_length": 1200, "pf": 0.19881944444444444, "in_bounds_one_im": 1, "error_one_im": 0.020542103484540483, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.304373535587669, "error_w_gmm": 0.02109242236212596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020670194088237042}, "run_1142": {"edge_length": 1200, "pf": 0.20148402777777777, "in_bounds_one_im": 1, "error_one_im": 0.02037185761654514, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.186448638490741, "error_w_gmm": 0.023844299452732823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02336698408197217}, "run_1143": {"edge_length": 1200, "pf": 0.20137152777777778, "in_bounds_one_im": 1, "error_one_im": 0.02011345858593986, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.853201828353881, "error_w_gmm": 0.019427441566263665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019038542890816565}, "run_1144": {"edge_length": 1200, "pf": 0.19510555555555556, "in_bounds_one_im": 0, "error_one_im": 0.019972269968635884, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 0, "pred_cls": 6.00282804878328, "error_w_gmm": 0.020320729731329916, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019913949206489395}, "run_1145": {"edge_length": 1200, "pf": 0.20146944444444445, "in_bounds_one_im": 1, "error_one_im": 0.018647398842662605, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 6.784196812585278, "error_w_gmm": 0.02251066698245343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02206004827679183}, "run_1146": {"edge_length": 1200, "pf": 0.19902847222222222, "in_bounds_one_im": 1, "error_one_im": 0.02012742398451336, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.443252385234875, "error_w_gmm": 0.02488642018108041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024388243629524162}, "run_1147": {"edge_length": 1200, "pf": 0.2003486111111111, "in_bounds_one_im": 1, "error_one_im": 0.01911216303945354, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.425496967634507, "error_w_gmm": 0.024724724129994408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024229784411238787}, "run_1148": {"edge_length": 1200, "pf": 0.2028375, "in_bounds_one_im": 1, "error_one_im": 0.021145601767089045, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 8.910584294144916, "error_w_gmm": 0.02944111395551315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028851761508772708}, "run_1149": {"edge_length": 1200, "pf": 0.19898888888888888, "in_bounds_one_im": 1, "error_one_im": 0.01986241588083769, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.4083017789300945, "error_w_gmm": 0.02142873635452733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0209997757445389}, "run_1150": {"edge_length": 1200, "pf": 0.19944930555555557, "in_bounds_one_im": 1, "error_one_im": 0.019967335182844513, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.156044731937351, "error_w_gmm": 0.02389461026405781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023416287771087185}, "run_1151": {"edge_length": 1200, "pf": 0.20099097222222223, "in_bounds_one_im": 1, "error_one_im": 0.021532940623044824, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.673062402773451, "error_w_gmm": 0.022174891495500573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021730994346132355}, "run_1152": {"edge_length": 1200, "pf": 0.20323888888888889, "in_bounds_one_im": 1, "error_one_im": 0.020261416248059473, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.73722051657722, "error_w_gmm": 0.022232595702019544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02178754342939912}, "run_1153": {"edge_length": 1200, "pf": 0.19864305555555556, "in_bounds_one_im": 1, "error_one_im": 0.021557725892989862, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.917562721010684, "error_w_gmm": 0.026504314178288198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025973750612189633}, "run_1154": {"edge_length": 1200, "pf": 0.20115833333333333, "in_bounds_one_im": 1, "error_one_im": 0.019728249623873265, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.809801586522733, "error_w_gmm": 0.02261749735063764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02216474011383995}, "run_1155": {"edge_length": 1200, "pf": 0.20299930555555556, "in_bounds_one_im": 1, "error_one_im": 0.018955477780414204, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 6.938650342651793, "error_w_gmm": 0.022914259451445047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022455561628619423}, "run_1156": {"edge_length": 1200, "pf": 0.20023402777777777, "in_bounds_one_im": 1, "error_one_im": 0.0197851676052854, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.168801618443248, "error_w_gmm": 0.020547645908666482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020136322974034074}, "run_1157": {"edge_length": 1200, "pf": 0.20065972222222223, "in_bounds_one_im": 1, "error_one_im": 0.020291135428811943, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.160080256328097, "error_w_gmm": 0.023817840635839724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023341054917880265}, "run_1158": {"edge_length": 1200, "pf": 0.20055069444444446, "in_bounds_one_im": 1, "error_one_im": 0.019898728797336927, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.368146136855792, "error_w_gmm": 0.02119069254767777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020766497100454882}, "run_1159": {"edge_length": 1200, "pf": 0.20302777777777778, "in_bounds_one_im": 1, "error_one_im": 0.021001085677874197, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.8307471605836705, "error_w_gmm": 0.025858052512749526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0253404258176673}, "run_1160": {"edge_length": 1200, "pf": 0.20257847222222222, "in_bounds_one_im": 1, "error_one_im": 0.019244697376285178, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.520932133605847, "error_w_gmm": 0.02486953995593913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02437170131286029}, "run_1161": {"edge_length": 1400, "pf": 0.1989872448979592, "in_bounds_one_im": 1, "error_one_im": 0.017598248548655944, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.788841226720352, "error_w_gmm": 0.01906912580029391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019068775400632464}, "run_1162": {"edge_length": 1400, "pf": 0.20385204081632652, "in_bounds_one_im": 1, "error_one_im": 0.017785819902322274, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.778607509699905, "error_w_gmm": 0.018754603431180482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01875425881094139}, "run_1163": {"edge_length": 1400, "pf": 0.20258061224489796, "in_bounds_one_im": 1, "error_one_im": 0.017402306216763842, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.748684851759485, "error_w_gmm": 0.01874526737111986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01874492292243306}, "run_1164": {"edge_length": 1400, "pf": 0.2022530612244898, "in_bounds_one_im": 1, "error_one_im": 0.017192998494900386, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.644964242734056, "error_w_gmm": 0.018475904353783452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01847556485470522}, "run_1165": {"edge_length": 1400, "pf": 0.2012642857142857, "in_bounds_one_im": 1, "error_one_im": 0.017018189580633645, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.180090814219459, "error_w_gmm": 0.017236182598478735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017235865879578746}, "run_1166": {"edge_length": 1400, "pf": 0.20133214285714285, "in_bounds_one_im": 1, "error_one_im": 0.01758364875910587, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.120559434847939, "error_w_gmm": 0.01985494538123687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019854580541956223}, "run_1167": {"edge_length": 1400, "pf": 0.2036158163265306, "in_bounds_one_im": 1, "error_one_im": 0.01734674159280643, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.545983597735665, "error_w_gmm": 0.018124185841030562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018123852804862634}, "run_1168": {"edge_length": 1400, "pf": 0.19948469387755102, "in_bounds_one_im": 1, "error_one_im": 0.01734189828349631, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.075082444567495, "error_w_gmm": 0.019842188515599473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01984182391072923}, "run_1169": {"edge_length": 1400, "pf": 0.19982755102040817, "in_bounds_one_im": 1, "error_one_im": 0.017780684599723935, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.748869685280209, "error_w_gmm": 0.016105514898452314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016105218955836647}, "run_1170": {"edge_length": 1400, "pf": 0.20104438775510203, "in_bounds_one_im": 1, "error_one_im": 0.017713309589076506, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.052068158115536, "error_w_gmm": 0.016890682363839674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016890371993587564}, "run_1171": {"edge_length": 1400, "pf": 0.20080510204081634, "in_bounds_one_im": 1, "error_one_im": 0.018581490821375113, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 8.403637003050676, "error_w_gmm": 0.023471146281929273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023470714994108487}, "run_1172": {"edge_length": 1400, "pf": 0.20031428571428572, "in_bounds_one_im": 1, "error_one_im": 0.01752532410304078, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.729599602725725, "error_w_gmm": 0.01882439245621735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018824046553588526}, "run_1173": {"edge_length": 1400, "pf": 0.1988234693877551, "in_bounds_one_im": 1, "error_one_im": 0.017148472807455684, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.122583013133463, "error_w_gmm": 0.017206518405563784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017206202231750352}, "run_1174": {"edge_length": 1400, "pf": 0.20411683673469389, "in_bounds_one_im": 0, "error_one_im": 0.01664298552017375, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.8947441430667045, "error_w_gmm": 0.019060374713365774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019060024474507577}, "run_1175": {"edge_length": 1400, "pf": 0.19845816326530613, "in_bounds_one_im": 1, "error_one_im": 0.017857184190282274, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.27005991823994, "error_w_gmm": 0.02045477185057544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020454395989342622}, "run_1176": {"edge_length": 1400, "pf": 0.20265306122448978, "in_bounds_one_im": 1, "error_one_im": 0.01694502621298151, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.890711506397007, "error_w_gmm": 0.019135472247547258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019135120628754308}, "run_1177": {"edge_length": 1400, "pf": 0.20217244897959183, "in_bounds_one_im": 1, "error_one_im": 0.017537835151413998, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.266881277950911, "error_w_gmm": 0.020210154311190165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0202097829448621}, "run_1178": {"edge_length": 1400, "pf": 0.19846479591836735, "in_bounds_one_im": 1, "error_one_im": 0.017397472700991116, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.669338912188019, "error_w_gmm": 0.021577718619777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02157732212413386}, "run_1179": {"edge_length": 1400, "pf": 0.20290357142857143, "in_bounds_one_im": 1, "error_one_im": 0.01715841587408648, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.21098559160675, "error_w_gmm": 0.020009362371444822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020008994694715752}, "run_1180": {"edge_length": 1400, "pf": 0.19832602040816327, "in_bounds_one_im": 1, "error_one_im": 0.017290180058976323, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 8.084483030911418, "error_w_gmm": 0.022755654675782472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0227552365352879}, "run_1181": {"edge_length": 1400, "pf": 0.20169948979591837, "in_bounds_one_im": 1, "error_one_im": 0.0176772688850576, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.15350436054619, "error_w_gmm": 0.01713883713970645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01713852220955216}, "run_1182": {"edge_length": 1400, "pf": 0.20060408163265306, "in_bounds_one_im": 1, "error_one_im": 0.017167282408791028, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.150371120793505, "error_w_gmm": 0.019983322605411635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019982955407169305}, "run_1183": {"edge_length": 1400, "pf": 0.19966275510204082, "in_bounds_one_im": 1, "error_one_im": 0.019219905007646317, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.640233050581742, "error_w_gmm": 0.021415224223921094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021414830714150554}, "run_1184": {"edge_length": 1400, "pf": 0.20246938775510204, "in_bounds_one_im": 1, "error_one_im": 0.017294890266114055, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.587286768397196, "error_w_gmm": 0.021081840864990962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021081453481217913}, "run_1185": {"edge_length": 1400, "pf": 0.19769897959183674, "in_bounds_one_im": 1, "error_one_im": 0.017899908985222753, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.58118758898663, "error_w_gmm": 0.02138118331607852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02138079043181765}, "run_1186": {"edge_length": 1400, "pf": 0.19999234693877552, "in_bounds_one_im": 1, "error_one_im": 0.017828670212609615, "one_im_sa_cls": 6.36734693877551, "model_in_bounds": 1, "pred_cls": 5.566517654041621, "error_w_gmm": 0.015586622199001721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015586335791161195}, "run_1187": {"edge_length": 1400, "pf": 0.2004530612244898, "in_bounds_one_im": 1, "error_one_im": 0.01728949226778934, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.624538221503131, "error_w_gmm": 0.018522486280970387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018522145925938326}, "run_1188": {"edge_length": 1400, "pf": 0.20117755102040816, "in_bounds_one_im": 1, "error_one_im": 0.016908917168744327, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.67707046127109, "error_w_gmm": 0.02141701468032746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02141662113765686}, "run_1189": {"edge_length": 1400, "pf": 0.2019326530612245, "in_bounds_one_im": 1, "error_one_im": 0.017891675980149787, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.910161680304109, "error_w_gmm": 0.019232367094394943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019232013695136434}, "run_1190": {"edge_length": 1400, "pf": 0.20333673469387756, "in_bounds_one_im": 1, "error_one_im": 0.0173616830756029, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.572946645741211, "error_w_gmm": 0.020985649072182814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02098526345595647}, "run_1191": {"edge_length": 1400, "pf": 0.20501377551020408, "in_bounds_one_im": 0, "error_one_im": 0.01800371931323199, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 0, "pred_cls": 5.73921194506982, "error_w_gmm": 0.015822262256441576, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.015821971518659616}, "run_1192": {"edge_length": 1400, "pf": 0.20221530612244898, "in_bounds_one_im": 1, "error_one_im": 0.017932750048659178, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.828742745266544, "error_w_gmm": 0.018989110647957764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018988761718593417}, "run_1193": {"edge_length": 1400, "pf": 0.2002158163265306, "in_bounds_one_im": 1, "error_one_im": 0.017759125607207958, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.797128471827285, "error_w_gmm": 0.01622102057928094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01622072251422126}, "run_1194": {"edge_length": 1400, "pf": 0.20181785714285713, "in_bounds_one_im": 1, "error_one_im": 0.01744349717271176, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.977466516919868, "error_w_gmm": 0.019426609266772917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019426252298268897}, "run_1195": {"edge_length": 1400, "pf": 0.20184642857142857, "in_bounds_one_im": 1, "error_one_im": 0.0176692070639873, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.075130729614153, "error_w_gmm": 0.019696778471351855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019696416538425306}, "run_1196": {"edge_length": 1400, "pf": 0.19734489795918367, "in_bounds_one_im": 1, "error_one_im": 0.018553736346931884, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.977886283313604, "error_w_gmm": 0.01970168890394634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019701326880789377}, "run_1197": {"edge_length": 1400, "pf": 0.19737091836734694, "in_bounds_one_im": 1, "error_one_im": 0.018321750302753015, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.370249138313387, "error_w_gmm": 0.02080779541316022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02080741306503668}, "run_1198": {"edge_length": 1400, "pf": 0.19952602040816325, "in_bounds_one_im": 1, "error_one_im": 0.017683014134398874, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.421014020029282, "error_w_gmm": 0.020809666830989563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02080928444847815}, "run_1199": {"edge_length": 1400, "pf": 0.20178265306122448, "in_bounds_one_im": 1, "error_one_im": 0.01664984759630019, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.880178115820154, "error_w_gmm": 0.019157833040348276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01915748101067052}, "run_1200": {"edge_length": 1400, "pf": 0.2010377551020408, "in_bounds_one_im": 1, "error_one_im": 0.017827589622734324, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.404585684302754, "error_w_gmm": 0.02066584245663774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02066546271693298}}, "blobs_100.0_0.3": {"true_cls": 7.183673469387755, "true_pf": 0.30053801565977867, "run_1201": {"edge_length": 600, "pf": 0.3065361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02937916745638808, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 9.514497629820818, "error_w_gmm": 0.04860967787721631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0467470066121698}, "run_1202": {"edge_length": 600, "pf": 0.2936138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03153794403152022, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.3965534476734955, "error_w_gmm": 0.038969780102967796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037476499489458553}, "run_1203": {"edge_length": 600, "pf": 0.305725, "in_bounds_one_im": 1, "error_one_im": 0.030439931853535565, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.926184555477241, "error_w_gmm": 0.025216031725396378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024249780152365227}, "run_1204": {"edge_length": 600, "pf": 0.2982722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03220989014667867, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 8.17961109174433, "error_w_gmm": 0.042616360895993834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04098334717674387}, "run_1205": {"edge_length": 600, "pf": 0.29615555555555556, "in_bounds_one_im": 1, "error_one_im": 0.034120646066817396, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.471162231420812, "error_w_gmm": 0.02864994360506864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027552108173343293}, "run_1206": {"edge_length": 600, "pf": 0.3005583333333333, "in_bounds_one_im": 1, "error_one_im": 0.03813672468254519, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.14702293478342, "error_w_gmm": 0.047397660779164914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04558143272295822}, "run_1207": {"edge_length": 600, "pf": 0.2997972222222222, "in_bounds_one_im": 1, "error_one_im": 0.02801764103873378, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 3.5861847379373084, "error_w_gmm": 0.018616436252043404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017903074173161962}, "run_1208": {"edge_length": 600, "pf": 0.29663055555555556, "in_bounds_one_im": 1, "error_one_im": 0.034287122083676305, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.493128697721038, "error_w_gmm": 0.03919338516132327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037691536239297975}, "run_1209": {"edge_length": 600, "pf": 0.2909083333333333, "in_bounds_one_im": 0, "error_one_im": 0.031744881454772785, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.358105516243676, "error_w_gmm": 0.03902158431869177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03752631862261768}, "run_1210": {"edge_length": 600, "pf": 0.29541388888888886, "in_bounds_one_im": 1, "error_one_im": 0.03222527871807517, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.325047904184856, "error_w_gmm": 0.03318036662278897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031908930189326445}, "run_1211": {"edge_length": 600, "pf": 0.29793333333333333, "in_bounds_one_im": 1, "error_one_im": 0.03438505054286755, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 10.530721235998916, "error_w_gmm": 0.054910262862751316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05280615986809791}, "run_1212": {"edge_length": 600, "pf": 0.305125, "in_bounds_one_im": 1, "error_one_im": 0.03380294083773822, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.288595074890914, "error_w_gmm": 0.04248749709975293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040859421304407124}, "run_1213": {"edge_length": 600, "pf": 0.2948, "in_bounds_one_im": 1, "error_one_im": 0.033303946111791896, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 5.385633993950209, "error_w_gmm": 0.028294044026473425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027209846288870777}, "run_1214": {"edge_length": 600, "pf": 0.3063722222222222, "in_bounds_one_im": 1, "error_one_im": 0.030794820804963853, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 4.5493549404332505, "error_w_gmm": 0.023251669656060577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02236069035267794}, "run_1215": {"edge_length": 600, "pf": 0.307575, "in_bounds_one_im": 1, "error_one_im": 0.0352090475973772, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 4.679010264595968, "error_w_gmm": 0.023846828513168952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022933043354045512}, "run_1216": {"edge_length": 600, "pf": 0.2984611111111111, "in_bounds_one_im": 1, "error_one_im": 0.03117328711375603, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.313804612394756, "error_w_gmm": 0.04329598160891784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04163692554525474}, "run_1217": {"edge_length": 600, "pf": 0.2969111111111111, "in_bounds_one_im": 1, "error_one_im": 0.031083884127518682, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.348075208502549, "error_w_gmm": 0.022727659637135116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021856759841526945}, "run_1218": {"edge_length": 600, "pf": 0.2967888888888889, "in_bounds_one_im": 1, "error_one_im": 0.03365841396179451, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.397449015724338, "error_w_gmm": 0.03867824864600801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037196139208516575}, "run_1219": {"edge_length": 600, "pf": 0.2996388888888889, "in_bounds_one_im": 1, "error_one_im": 0.03343001156705088, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.763197475428234, "error_w_gmm": 0.045508267078500746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04376443858362172}, "run_1220": {"edge_length": 600, "pf": 0.3024777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03209166943941001, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 9.005860953193595, "error_w_gmm": 0.04645401991859911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04467395117864909}, "run_1221": {"edge_length": 600, "pf": 0.30685555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03366548814845294, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 9.547770204329261, "error_w_gmm": 0.04874304016222375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046875258595958154}, "run_1222": {"edge_length": 600, "pf": 0.2980111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03253694485961442, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.1998186280388055, "error_w_gmm": 0.03232165963379255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031083127940771504}, "run_1223": {"edge_length": 600, "pf": 0.3014861111111111, "in_bounds_one_im": 1, "error_one_im": 0.029123027837893948, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 8.237791914766003, "error_w_gmm": 0.042592238212284646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04096014884867211}, "run_1224": {"edge_length": 600, "pf": 0.30168055555555556, "in_bounds_one_im": 1, "error_one_im": 0.030732422635140876, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.85560108274101, "error_w_gmm": 0.040597436054372264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039041785392295324}, "run_1225": {"edge_length": 600, "pf": 0.2934222222222222, "in_bounds_one_im": 1, "error_one_im": 0.03641471459063483, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.123653255380537, "error_w_gmm": 0.032278240626694404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031041372703943203}, "run_1226": {"edge_length": 600, "pf": 0.30887777777777775, "in_bounds_one_im": 1, "error_one_im": 0.030813663581126968, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.339350279852805, "error_w_gmm": 0.042372305013894246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04074864325702106}, "run_1227": {"edge_length": 600, "pf": 0.30070277777777776, "in_bounds_one_im": 1, "error_one_im": 0.03121054250344095, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.959893136827445, "error_w_gmm": 0.036052096944115736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03467061885261118}, "run_1228": {"edge_length": 600, "pf": 0.30188055555555554, "in_bounds_one_im": 1, "error_one_im": 0.03345507419782233, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 10.148922325883271, "error_w_gmm": 0.05242434376654849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050415498553265645}, "run_1229": {"edge_length": 600, "pf": 0.3087888888888889, "in_bounds_one_im": 1, "error_one_im": 0.03530844127292354, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 8.678354827905371, "error_w_gmm": 0.04410397193656473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0424139545410954}, "run_1230": {"edge_length": 600, "pf": 0.2991, "in_bounds_one_im": 1, "error_one_im": 0.03306477671595634, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.67950012069457, "error_w_gmm": 0.03993176919432772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03840162617983136}, "run_1231": {"edge_length": 600, "pf": 0.29938888888888887, "in_bounds_one_im": 1, "error_one_im": 0.03610145400372609, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 5.929896049737364, "error_w_gmm": 0.03081296769026556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02963224747129111}, "run_1232": {"edge_length": 600, "pf": 0.30145, "in_bounds_one_im": 1, "error_one_im": 0.030343316936299162, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.737980607223912, "error_w_gmm": 0.045182260803720294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043450924523288685}, "run_1233": {"edge_length": 600, "pf": 0.29425833333333334, "in_bounds_one_im": 1, "error_one_im": 0.030869560255471565, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.444846952530122, "error_w_gmm": 0.033902902420945076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032603779182550585}, "run_1234": {"edge_length": 600, "pf": 0.30270277777777777, "in_bounds_one_im": 1, "error_one_im": 0.03086038674423687, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.986425926018917, "error_w_gmm": 0.041173615974185396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039595886709101795}, "run_1235": {"edge_length": 600, "pf": 0.30017777777777777, "in_bounds_one_im": 1, "error_one_im": 0.03165670761415555, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 3.3012141577456915, "error_w_gmm": 0.017121589152905174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016465508028327462}, "run_1236": {"edge_length": 600, "pf": 0.30569166666666664, "in_bounds_one_im": 1, "error_one_im": 0.03315500437260223, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 9.534088495037228, "error_w_gmm": 0.048806688822480314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04693646830710624}, "run_1237": {"edge_length": 600, "pf": 0.2900111111111111, "in_bounds_one_im": 0, "error_one_im": 0.03223129072723441, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 0, "pred_cls": 6.700381908880388, "error_w_gmm": 0.03561096906069416, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03424639452149727}, "run_1238": {"edge_length": 600, "pf": 0.3050833333333333, "in_bounds_one_im": 1, "error_one_im": 0.02927863813267371, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.165197836751427, "error_w_gmm": 0.03160602774599781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030394918307391078}, "run_1239": {"edge_length": 600, "pf": 0.3051138888888889, "in_bounds_one_im": 1, "error_one_im": 0.0321941205528842, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 9.492529390634697, "error_w_gmm": 0.04866016247545933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04679555669418939}, "run_1240": {"edge_length": 600, "pf": 0.3095277777777778, "in_bounds_one_im": 1, "error_one_im": 0.030368538433964334, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.387328849869874, "error_w_gmm": 0.03747800806602608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03604189057370077}, "run_1241": {"edge_length": 800, "pf": 0.2999046875, "in_bounds_one_im": 1, "error_one_im": 0.02299405032892523, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.5720778241469855, "error_w_gmm": 0.028728950092460535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028343934187926075}, "run_1242": {"edge_length": 800, "pf": 0.304121875, "in_bounds_one_im": 1, "error_one_im": 0.02397529992759798, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.592397759447637, "error_w_gmm": 0.024763036266127345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024431170229382713}, "run_1243": {"edge_length": 800, "pf": 0.305871875, "in_bounds_one_im": 1, "error_one_im": 0.02560890383077115, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.910459408115685, "error_w_gmm": 0.03333249880768625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0328857876630906}, "run_1244": {"edge_length": 800, "pf": 0.3000640625, "in_bounds_one_im": 1, "error_one_im": 0.025199859402580117, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 8.972875902463114, "error_w_gmm": 0.034030751772319755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03357468287201398}, "run_1245": {"edge_length": 800, "pf": 0.2962703125, "in_bounds_one_im": 1, "error_one_im": 0.024119329470333798, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.444987752764432, "error_w_gmm": 0.024665998051505336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02433543248887663}, "run_1246": {"edge_length": 800, "pf": 0.3053578125, "in_bounds_one_im": 1, "error_one_im": 0.023603826923130025, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 8.08641902799002, "error_w_gmm": 0.030286565708346508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029880675153560726}, "run_1247": {"edge_length": 800, "pf": 0.2941734375, "in_bounds_one_im": 1, "error_one_im": 0.02331179906235356, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.42961346486812, "error_w_gmm": 0.028577959669754516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028194967289017072}, "run_1248": {"edge_length": 800, "pf": 0.2948234375, "in_bounds_one_im": 1, "error_one_im": 0.023430015962577003, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.323793971734246, "error_w_gmm": 0.020445931435670958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020171921812610644}, "run_1249": {"edge_length": 800, "pf": 0.2970140625, "in_bounds_one_im": 1, "error_one_im": 0.022845637744755374, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.754897129452757, "error_w_gmm": 0.029626379515630293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029229336558244872}, "run_1250": {"edge_length": 800, "pf": 0.2969234375, "in_bounds_one_im": 1, "error_one_im": 0.025389551798462886, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.464517578955894, "error_w_gmm": 0.02852321946866606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02814096069803162}, "run_1251": {"edge_length": 800, "pf": 0.298103125, "in_bounds_one_im": 1, "error_one_im": 0.023860294684043503, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.6904560415588925, "error_w_gmm": 0.025493345957211037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025151692551091592}, "run_1252": {"edge_length": 800, "pf": 0.2967015625, "in_bounds_one_im": 1, "error_one_im": 0.027404503081835948, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.922033599385272, "error_w_gmm": 0.02264115118062363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022337721947273584}, "run_1253": {"edge_length": 800, "pf": 0.304503125, "in_bounds_one_im": 1, "error_one_im": 0.02153568045182351, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 7.6417586037778955, "error_w_gmm": 0.028678917658888765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028294572272511417}, "run_1254": {"edge_length": 800, "pf": 0.295959375, "in_bounds_one_im": 1, "error_one_im": 0.026527924675201566, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.709288847113015, "error_w_gmm": 0.02952669615583636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029130989121929345}, "run_1255": {"edge_length": 800, "pf": 0.2984984375, "in_bounds_one_im": 1, "error_one_im": 0.02199820328370149, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.744395967158861, "error_w_gmm": 0.029481431573040676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02908633116012856}, "run_1256": {"edge_length": 800, "pf": 0.3054484375, "in_bounds_one_im": 1, "error_one_im": 0.024729717777983537, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.965064517880286, "error_w_gmm": 0.022336553644182636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022037206526455796}, "run_1257": {"edge_length": 800, "pf": 0.297303125, "in_bounds_one_im": 1, "error_one_im": 0.0247515368368813, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 8.874144893418492, "error_w_gmm": 0.0338788388741644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03342480586036717}, "run_1258": {"edge_length": 800, "pf": 0.3054984375, "in_bounds_one_im": 1, "error_one_im": 0.023445231747233487, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.639245893906541, "error_w_gmm": 0.024858138220472503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024524997658732645}, "run_1259": {"edge_length": 800, "pf": 0.3003328125, "in_bounds_one_im": 1, "error_one_im": 0.024420601925098602, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 8.401281605610272, "error_w_gmm": 0.03184253480712013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03141579166816194}, "run_1260": {"edge_length": 800, "pf": 0.294415625, "in_bounds_one_im": 1, "error_one_im": 0.022369378435631783, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 0, "pred_cls": 5.0989024070038225, "error_w_gmm": 0.01960146257195039, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019338770241807926}, "run_1261": {"edge_length": 800, "pf": 0.3022, "in_bounds_one_im": 1, "error_one_im": 0.02492034900615737, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.048662196973177, "error_w_gmm": 0.022824186713540803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02251830449840605}, "run_1262": {"edge_length": 800, "pf": 0.2911, "in_bounds_one_im": 0, "error_one_im": 0.023953654709389628, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 0, "pred_cls": 7.711062490647118, "error_w_gmm": 0.029881564784122544, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029481101918015843}, "run_1263": {"edge_length": 800, "pf": 0.2986390625, "in_bounds_one_im": 1, "error_one_im": 0.023523280090305777, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.5824690144554285, "error_w_gmm": 0.025049786669110653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024714077698133254}, "run_1264": {"edge_length": 800, "pf": 0.3039796875, "in_bounds_one_im": 1, "error_one_im": 0.023378098191368223, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.29645232386009, "error_w_gmm": 0.01990175933955021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019635042531268545}, "run_1265": {"edge_length": 800, "pf": 0.2946546875, "in_bounds_one_im": 1, "error_one_im": 0.02436782644477198, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 5.020049443379564, "error_w_gmm": 0.019287233470196993, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019028752334736262}, "run_1266": {"edge_length": 800, "pf": 0.2983109375, "in_bounds_one_im": 1, "error_one_im": 0.023848451109776386, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 9.061383279376276, "error_w_gmm": 0.034510400043168014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034047903055088}, "run_1267": {"edge_length": 800, "pf": 0.2973703125, "in_bounds_one_im": 1, "error_one_im": 0.023594720802491184, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.898574758668024, "error_w_gmm": 0.03396664283305126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0335114330995847}, "run_1268": {"edge_length": 800, "pf": 0.3018671875, "in_bounds_one_im": 1, "error_one_im": 0.022887037996179988, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 8.0444275801377, "error_w_gmm": 0.030379032974958753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029971903204393222}, "run_1269": {"edge_length": 800, "pf": 0.303646875, "in_bounds_one_im": 1, "error_one_im": 0.02339649816530195, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.486697533289881, "error_w_gmm": 0.03191440915874438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03148670278345429}, "run_1270": {"edge_length": 800, "pf": 0.302184375, "in_bounds_one_im": 1, "error_one_im": 0.02286982609130004, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.0373389826029085, "error_w_gmm": 0.026555870467982905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02619997745915312}, "run_1271": {"edge_length": 800, "pf": 0.299759375, "in_bounds_one_im": 1, "error_one_im": 0.023919033430191125, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.92233982354209, "error_w_gmm": 0.026272893634162645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025920792987437317}, "run_1272": {"edge_length": 800, "pf": 0.297228125, "in_bounds_one_im": 1, "error_one_im": 0.025063508160464886, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 4.591556725966911, "error_w_gmm": 0.01753234134396688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01729737869342008}, "run_1273": {"edge_length": 800, "pf": 0.2970421875, "in_bounds_one_im": 1, "error_one_im": 0.02315176381580089, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.334666228074118, "error_w_gmm": 0.028019065551410403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02764356328513307}, "run_1274": {"edge_length": 800, "pf": 0.3012828125, "in_bounds_one_im": 1, "error_one_im": 0.023071093926998954, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.172093000687451, "error_w_gmm": 0.02712234120497359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026758856542341797}, "run_1275": {"edge_length": 800, "pf": 0.3074203125, "in_bounds_one_im": 1, "error_one_im": 0.023189377932745302, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.694100989783603, "error_w_gmm": 0.03240492374104453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031970643651261496}, "run_1276": {"edge_length": 800, "pf": 0.2911765625, "in_bounds_one_im": 0, "error_one_im": 0.025119368842876376, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 0, "pred_cls": 7.564493820937896, "error_w_gmm": 0.02930815149187525, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028915373321404078}, "run_1277": {"edge_length": 800, "pf": 0.3096171875, "in_bounds_one_im": 0, "error_one_im": 0.02672867962006504, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 0, "pred_cls": 5.255559950544939, "error_w_gmm": 0.019488085539324358, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019226912650742643}, "run_1278": {"edge_length": 800, "pf": 0.296640625, "in_bounds_one_im": 1, "error_one_im": 0.023943946835033435, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 8.054683503401373, "error_w_gmm": 0.030799206994882988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030386446190818976}, "run_1279": {"edge_length": 800, "pf": 0.3010765625, "in_bounds_one_im": 1, "error_one_im": 0.023691837254352845, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.972018386581916, "error_w_gmm": 0.022595148075208838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022292335360289958}, "run_1280": {"edge_length": 800, "pf": 0.2984234375, "in_bounds_one_im": 1, "error_one_im": 0.024302019106652657, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.756812980498604, "error_w_gmm": 0.025726499534318797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0253817214809326}, "run_1281": {"edge_length": 1000, "pf": 0.302023, "in_bounds_one_im": 1, "error_one_im": 0.018059636623805393, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.720136319561242, "error_w_gmm": 0.020431893958306212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020022888147110892}, "run_1282": {"edge_length": 1000, "pf": 0.300242, "in_bounds_one_im": 1, "error_one_im": 0.019357509770664246, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.744374604882114, "error_w_gmm": 0.020592538851886024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02018031724996922}, "run_1283": {"edge_length": 1000, "pf": 0.296088, "in_bounds_one_im": 1, "error_one_im": 0.01942725076438454, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.169142809846318, "error_w_gmm": 0.019024077249373297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01864325312393977}, "run_1284": {"edge_length": 1000, "pf": 0.304523, "in_bounds_one_im": 1, "error_one_im": 0.018557596292662033, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.101900159828563, "error_w_gmm": 0.024487712568369135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02399751734888623}, "run_1285": {"edge_length": 1000, "pf": 0.299622, "in_bounds_one_im": 1, "error_one_im": 0.021037292826630152, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.708654399138597, "error_w_gmm": 0.01745593619888745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01710650313312426}, "run_1286": {"edge_length": 1000, "pf": 0.297561, "in_bounds_one_im": 1, "error_one_im": 0.0171463828855954, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.473885331816963, "error_w_gmm": 0.019893504733619595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019495276402085666}, "run_1287": {"edge_length": 1000, "pf": 0.297718, "in_bounds_one_im": 1, "error_one_im": 0.019904452830544102, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.555472151352578, "error_w_gmm": 0.02320838001638682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022743794485818706}, "run_1288": {"edge_length": 1000, "pf": 0.301245, "in_bounds_one_im": 1, "error_one_im": 0.020834383676011273, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.986801385190116, "error_w_gmm": 0.02432794475145248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02384094776536348}, "run_1289": {"edge_length": 1000, "pf": 0.302239, "in_bounds_one_im": 1, "error_one_im": 0.0196913329387088, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.68055132402275, "error_w_gmm": 0.02637882209557737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02585077063096047}, "run_1290": {"edge_length": 1000, "pf": 0.303138, "in_bounds_one_im": 1, "error_one_im": 0.02061978483034298, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.691994917307201, "error_w_gmm": 0.02332502861919312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022858108015992206}, "run_1291": {"edge_length": 1000, "pf": 0.298833, "in_bounds_one_im": 1, "error_one_im": 0.020096587178392813, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.23966993636435, "error_w_gmm": 0.022179166391737188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021735183667462955}, "run_1292": {"edge_length": 1000, "pf": 0.29691, "in_bounds_one_im": 1, "error_one_im": 0.0205585048081745, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.245002108518024, "error_w_gmm": 0.019220099562316916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018835351460707656}, "run_1293": {"edge_length": 1000, "pf": 0.302468, "in_bounds_one_im": 1, "error_one_im": 0.02004510343463962, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.588310126058867, "error_w_gmm": 0.020009967375169423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019609407693576806}, "run_1294": {"edge_length": 1000, "pf": 0.302904, "in_bounds_one_im": 1, "error_one_im": 0.019538970348363577, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.725559085825427, "error_w_gmm": 0.023439789392138886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0229705715068982}, "run_1295": {"edge_length": 1000, "pf": 0.302414, "in_bounds_one_im": 1, "error_one_im": 0.018164403098349522, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.341408029602126, "error_w_gmm": 0.02230012461269062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021853720545814356}, "run_1296": {"edge_length": 1000, "pf": 0.302432, "in_bounds_one_im": 1, "error_one_im": 0.019925317886411192, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.741028931277211, "error_w_gmm": 0.023513002517854275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023042319051696986}, "run_1297": {"edge_length": 1000, "pf": 0.3012, "in_bounds_one_im": 1, "error_one_im": 0.01961809562420478, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.4046382542259135, "error_w_gmm": 0.02255707618940199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02210552846387698}, "run_1298": {"edge_length": 1000, "pf": 0.303171, "in_bounds_one_im": 1, "error_one_im": 0.019769190717482326, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 8.765805485361962, "error_w_gmm": 0.026579151041155047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02604708939015704}, "run_1299": {"edge_length": 1000, "pf": 0.297084, "in_bounds_one_im": 1, "error_one_im": 0.020180779528492055, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.299372172255323, "error_w_gmm": 0.022455751121265726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02200623172173794}, "run_1300": {"edge_length": 1000, "pf": 0.297626, "in_bounds_one_im": 1, "error_one_im": 0.018864233613196713, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.620319908579085, "error_w_gmm": 0.02034031860332835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01993314594829679}, "run_1301": {"edge_length": 1000, "pf": 0.298194, "in_bounds_one_im": 1, "error_one_im": 0.020986364186474527, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.2541672025451325, "error_w_gmm": 0.022257513487353754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021811962410313954}, "run_1302": {"edge_length": 1000, "pf": 0.300391, "in_bounds_one_im": 1, "error_one_im": 0.01703101179868693, "one_im_sa_cls": 5.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.652351907343904, "error_w_gmm": 0.02640878408845884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025880132844436934}, "run_1303": {"edge_length": 1000, "pf": 0.300828, "in_bounds_one_im": 1, "error_one_im": 0.019879364492839887, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.710488690667816, "error_w_gmm": 0.020460537103193024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020050957913301855}, "run_1304": {"edge_length": 1000, "pf": 0.303274, "in_bounds_one_im": 1, "error_one_im": 0.019097476481971236, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.377903538910621, "error_w_gmm": 0.019333984288502505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018946956441564154}, "run_1305": {"edge_length": 1000, "pf": 0.299691, "in_bounds_one_im": 1, "error_one_im": 0.0198109373520622, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.742195720759872, "error_w_gmm": 0.017555612663695912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01720418427368957}, "run_1306": {"edge_length": 1000, "pf": 0.301364, "in_bounds_one_im": 1, "error_one_im": 0.019427749208302765, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.687213049833656, "error_w_gmm": 0.017318460680050954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0169717796002865}, "run_1307": {"edge_length": 1000, "pf": 0.298944, "in_bounds_one_im": 1, "error_one_im": 0.018559918898552623, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.793117308340971, "error_w_gmm": 0.02386836353887938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023390566453056243}, "run_1308": {"edge_length": 1000, "pf": 0.301724, "in_bounds_one_im": 1, "error_one_im": 0.019837102642407484, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.543823042474938, "error_w_gmm": 0.022952506421761252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02249304297078825}, "run_1309": {"edge_length": 1000, "pf": 0.299942, "in_bounds_one_im": 1, "error_one_im": 0.019004689128776595, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.7508225627899545, "error_w_gmm": 0.02368242444633342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023208349490702242}, "run_1310": {"edge_length": 1000, "pf": 0.296873, "in_bounds_one_im": 1, "error_one_im": 0.019021380245191292, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.22976085477001, "error_w_gmm": 0.025330790790223535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02482371882437855}, "run_1311": {"edge_length": 1000, "pf": 0.297665, "in_bounds_one_im": 1, "error_one_im": 0.019661210765873797, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.860105472745195, "error_w_gmm": 0.024147192201204738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023663813521063833}, "run_1312": {"edge_length": 1000, "pf": 0.302422, "in_bounds_one_im": 1, "error_one_im": 0.018407056130322636, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 8.439898788172766, "error_w_gmm": 0.025636393637148154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025123204111151046}, "run_1313": {"edge_length": 1000, "pf": 0.297794, "in_bounds_one_im": 1, "error_one_im": 0.017996743533670017, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.587203834041252, "error_w_gmm": 0.02330161614858953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022835164216406127}, "run_1314": {"edge_length": 1000, "pf": 0.304471, "in_bounds_one_im": 1, "error_one_im": 0.018559874743724492, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.954985105719736, "error_w_gmm": 0.02706945537079935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026527578803940587}, "run_1315": {"edge_length": 1000, "pf": 0.300699, "in_bounds_one_im": 1, "error_one_im": 0.019214480523436734, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 4.976378072664665, "error_w_gmm": 0.01517782168245935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014873991930695774}, "run_1316": {"edge_length": 1000, "pf": 0.298296, "in_bounds_one_im": 1, "error_one_im": 0.01963157983728624, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.9055488351775125, "error_w_gmm": 0.02118270693690876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020758671345703906}, "run_1317": {"edge_length": 1000, "pf": 0.299125, "in_bounds_one_im": 1, "error_one_im": 0.019592773507034367, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.3950335952443265, "error_w_gmm": 0.022639356364194105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022186161553493986}, "run_1318": {"edge_length": 1000, "pf": 0.3058, "in_bounds_one_im": 1, "error_one_im": 0.019887926899539794, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.940555451835282, "error_w_gmm": 0.023927892160609684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023448903430376578}, "run_1319": {"edge_length": 1000, "pf": 0.299064, "in_bounds_one_im": 1, "error_one_im": 0.018677079372011417, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.073054499897564, "error_w_gmm": 0.02471866399308105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02422384558619304}, "run_1320": {"edge_length": 1000, "pf": 0.303165, "in_bounds_one_im": 1, "error_one_im": 0.02073975226350873, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.290451178414848, "error_w_gmm": 0.022105983882397106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021663466126160623}, "run_1321": {"edge_length": 1200, "pf": 0.30105347222222223, "in_bounds_one_im": 1, "error_one_im": 0.01528753330328564, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.0832923273711, "error_w_gmm": 0.015448545340464439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015139296240422189}, "run_1322": {"edge_length": 1200, "pf": 0.30299444444444446, "in_bounds_one_im": 1, "error_one_im": 0.016177877043517582, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.119771391180146, "error_w_gmm": 0.017997641045950502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017637364128371434}, "run_1323": {"edge_length": 1200, "pf": 0.30153263888888887, "in_bounds_one_im": 1, "error_one_im": 0.015473070288047666, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.906523689703655, "error_w_gmm": 0.02005581062611166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01965433325396732}, "run_1324": {"edge_length": 1200, "pf": 0.30408125, "in_bounds_one_im": 1, "error_one_im": 0.016237197924787967, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.349364129510292, "error_w_gmm": 0.01853032186426055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018159381737942817}, "run_1325": {"edge_length": 1200, "pf": 0.30468402777777776, "in_bounds_one_im": 1, "error_one_im": 0.017523314990927963, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 0, "pred_cls": 4.986900412504639, "error_w_gmm": 0.012555838009100137, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012304495146777764}, "run_1326": {"edge_length": 1200, "pf": 0.30441875, "in_bounds_one_im": 1, "error_one_im": 0.015266926952419733, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 8.926979022604911, "error_w_gmm": 0.022490105776465145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02203989866518393}, "run_1327": {"edge_length": 1200, "pf": 0.3011402777777778, "in_bounds_one_im": 1, "error_one_im": 0.015995281994174642, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.6431080165445, "error_w_gmm": 0.019405700717092782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019017237250132497}, "run_1328": {"edge_length": 1200, "pf": 0.30003819444444446, "in_bounds_one_im": 1, "error_one_im": 0.01583361401472816, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.678773360070921, "error_w_gmm": 0.014456134679961066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014166751664191991}, "run_1329": {"edge_length": 1200, "pf": 0.30295069444444445, "in_bounds_one_im": 1, "error_one_im": 0.015320014159797179, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.97839034213475, "error_w_gmm": 0.012585876571158637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012333932396668624}, "run_1330": {"edge_length": 1200, "pf": 0.29756458333333335, "in_bounds_one_im": 1, "error_one_im": 0.017207691953873814, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.085089365219254, "error_w_gmm": 0.018142898151195682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017779713475760878}, "run_1331": {"edge_length": 1200, "pf": 0.30001319444444446, "in_bounds_one_im": 1, "error_one_im": 0.01593638641884804, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.492109115550801, "error_w_gmm": 0.019073376988575304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0186915659805814}, "run_1332": {"edge_length": 1200, "pf": 0.30344930555555555, "in_bounds_one_im": 1, "error_one_im": 0.016362477635161892, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.939530415006884, "error_w_gmm": 0.014998027687789748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014697797053601186}, "run_1333": {"edge_length": 1200, "pf": 0.30518541666666665, "in_bounds_one_im": 1, "error_one_im": 0.017502600619408188, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.428961342712539, "error_w_gmm": 0.018682260445879475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018308278811860573}, "run_1334": {"edge_length": 1200, "pf": 0.29671180555555554, "in_bounds_one_im": 1, "error_one_im": 0.01626781697560849, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.947645443009814, "error_w_gmm": 0.01782730305064107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01747043596036876}, "run_1335": {"edge_length": 1200, "pf": 0.2979361111111111, "in_bounds_one_im": 1, "error_one_im": 0.0171924111132322, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.09877511009556, "error_w_gmm": 0.020720242525981734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020305464550929717}, "run_1336": {"edge_length": 1200, "pf": 0.30205625, "in_bounds_one_im": 1, "error_one_im": 0.01601120970397342, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.845247262449647, "error_w_gmm": 0.01734219990032057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01699504360866118}, "run_1337": {"edge_length": 1200, "pf": 0.30077569444444446, "in_bounds_one_im": 1, "error_one_im": 0.01580585680288588, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.1109270821100345, "error_w_gmm": 0.01552897319301349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015218114087597151}, "run_1338": {"edge_length": 1200, "pf": 0.298625, "in_bounds_one_im": 1, "error_one_im": 0.017164142118179827, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.67747253378432, "error_w_gmm": 0.017055832387082727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016714408602516977}, "run_1339": {"edge_length": 1200, "pf": 0.30341527777777777, "in_bounds_one_im": 1, "error_one_im": 0.015505200642405046, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.147864427847199, "error_w_gmm": 0.018050669163861676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0176893307290083}, "run_1340": {"edge_length": 1200, "pf": 0.30045625, "in_bounds_one_im": 1, "error_one_im": 0.01617389815436154, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.1239921811057565, "error_w_gmm": 0.015574000929901423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01526224045890011}, "run_1341": {"edge_length": 1200, "pf": 0.3003972222222222, "in_bounds_one_im": 1, "error_one_im": 0.018007434068501804, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.878522569847053, "error_w_gmm": 0.017495313241110925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017145091925412144}, "run_1342": {"edge_length": 1200, "pf": 0.3032361111111111, "in_bounds_one_im": 1, "error_one_im": 0.016774948931292926, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.54160614127847, "error_w_gmm": 0.014000281357444085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013720023617009015}, "run_1343": {"edge_length": 1200, "pf": 0.3028416666666667, "in_bounds_one_im": 1, "error_one_im": 0.017195213783699412, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.822695793652167, "error_w_gmm": 0.019781676218927232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01938568647146489}, "run_1344": {"edge_length": 1200, "pf": 0.30365902777777776, "in_bounds_one_im": 1, "error_one_im": 0.015900075805723245, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.912131221906972, "error_w_gmm": 0.01744530634055463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017096086063377577}, "run_1345": {"edge_length": 1200, "pf": 0.304375, "in_bounds_one_im": 1, "error_one_im": 0.016225935235711208, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.115096051041307, "error_w_gmm": 0.015407604932696337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015099175378053204}, "run_1346": {"edge_length": 1200, "pf": 0.3007680555555556, "in_bounds_one_im": 1, "error_one_im": 0.01687343974607069, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.606307276035227, "error_w_gmm": 0.016788128932527027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01645206403778383}, "run_1347": {"edge_length": 1200, "pf": 0.296875, "in_bounds_one_im": 1, "error_one_im": 0.0167231398417224, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.50847128930253, "error_w_gmm": 0.016693876619980324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016359698468758385}, "run_1348": {"edge_length": 1200, "pf": 0.299425, "in_bounds_one_im": 1, "error_one_im": 0.016315636908910695, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.255743465685385, "error_w_gmm": 0.015948174142288114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01562892346902892}, "run_1349": {"edge_length": 1200, "pf": 0.2991173611111111, "in_bounds_one_im": 1, "error_one_im": 0.016837846488338536, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.740509383261999, "error_w_gmm": 0.01974786419541287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01935255129729869}, "run_1350": {"edge_length": 1200, "pf": 0.30232013888888887, "in_bounds_one_im": 1, "error_one_im": 0.0177228419122941, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 4.830126309448046, "error_w_gmm": 0.012229305430465676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011984499099826436}, "run_1351": {"edge_length": 1200, "pf": 0.2976256944444444, "in_bounds_one_im": 1, "error_one_im": 0.01541297086690858, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.9152612799697835, "error_w_gmm": 0.017705428438617665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017351001035270854}, "run_1352": {"edge_length": 1200, "pf": 0.30170625, "in_bounds_one_im": 1, "error_one_im": 0.01703872000841772, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.345294684609302, "error_w_gmm": 0.01608894139729382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015766872844035707}, "run_1353": {"edge_length": 1200, "pf": 0.2987826388888889, "in_bounds_one_im": 1, "error_one_im": 0.014961909929756103, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.798640304684438, "error_w_gmm": 0.019912064491802113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019513464630885522}, "run_1354": {"edge_length": 1200, "pf": 0.2998951388888889, "in_bounds_one_im": 1, "error_one_im": 0.016908523371461565, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.686939536017414, "error_w_gmm": 0.0144818549714654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014191957086702177}, "run_1355": {"edge_length": 1200, "pf": 0.3044472222222222, "in_bounds_one_im": 1, "error_one_im": 0.01622316829137086, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.528243470079301, "error_w_gmm": 0.016445766862859385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016116555374673387}, "run_1356": {"edge_length": 1200, "pf": 0.30459444444444445, "in_bounds_one_im": 1, "error_one_im": 0.015361325554190463, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.9464208897652755, "error_w_gmm": 0.017493146477411584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017142968536005165}, "run_1357": {"edge_length": 1200, "pf": 0.29992847222222224, "in_bounds_one_im": 1, "error_one_im": 0.016347003560794694, "one_im_sa_cls": 6.551020408163265, "model_in_bounds": 1, "pred_cls": 8.707575023437606, "error_w_gmm": 0.022172176875965868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02172833406787244}, "run_1358": {"edge_length": 1200, "pf": 0.29677291666666666, "in_bounds_one_im": 1, "error_one_im": 0.015854951069299614, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.999401978148483, "error_w_gmm": 0.017957478173183487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017598005236301787}, "run_1359": {"edge_length": 1200, "pf": 0.2993895833333333, "in_bounds_one_im": 1, "error_one_im": 0.01631701434693247, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.959613863404793, "error_w_gmm": 0.01774409468601109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017388893261425065}, "run_1360": {"edge_length": 1200, "pf": 0.29723958333333333, "in_bounds_one_im": 1, "error_one_im": 0.01681105358875578, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.179351660877545, "error_w_gmm": 0.020961287469230185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02054168425464103}, "run_1361": {"edge_length": 1400, "pf": 0.29902551020408163, "in_bounds_one_im": 1, "error_one_im": 0.01461057906197905, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.945449207721196, "error_w_gmm": 0.01274411540279125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012743881226680149}, "run_1362": {"edge_length": 1400, "pf": 0.3051795918367347, "in_bounds_one_im": 0, "error_one_im": 0.014657551589816435, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 0, "pred_cls": 5.365356043402834, "error_w_gmm": 0.011334049934037898, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01133384166821062}, "run_1363": {"edge_length": 1400, "pf": 0.30259336734693876, "in_bounds_one_im": 1, "error_one_im": 0.013663056480625718, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.273729213535747, "error_w_gmm": 0.013334205377393687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013333960358240736}, "run_1364": {"edge_length": 1400, "pf": 0.29877040816326533, "in_bounds_one_im": 1, "error_one_im": 0.013612744449763944, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.93796273827078, "error_w_gmm": 0.017025442917838886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017025130071329903}, "run_1365": {"edge_length": 1400, "pf": 0.2972795918367347, "in_bounds_one_im": 1, "error_one_im": 0.014671657403863485, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.41513381150671, "error_w_gmm": 0.018113309046527797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01811297621022343}, "run_1366": {"edge_length": 1400, "pf": 0.3020984693877551, "in_bounds_one_im": 1, "error_one_im": 0.013679094255713396, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.703082087330381, "error_w_gmm": 0.014263476355494875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014263214260769657}, "run_1367": {"edge_length": 1400, "pf": 0.3003454081632653, "in_bounds_one_im": 1, "error_one_im": 0.013387321612591242, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.017363302328996, "error_w_gmm": 0.014994546768162592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014994271239846929}, "run_1368": {"edge_length": 1400, "pf": 0.2972204081632653, "in_bounds_one_im": 1, "error_one_im": 0.013839002465448285, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.079414967380271, "error_w_gmm": 0.01524037534130768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015240095295834432}, "run_1369": {"edge_length": 1400, "pf": 0.29923010204081635, "in_bounds_one_im": 1, "error_one_im": 0.015477909966242272, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 8.449424207227697, "error_w_gmm": 0.018102569729805423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01810223709083858}, "run_1370": {"edge_length": 1400, "pf": 0.300275, "in_bounds_one_im": 1, "error_one_im": 0.014218234834989614, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.908938669975604, "error_w_gmm": 0.016902476899730755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01690216631275133}, "run_1371": {"edge_length": 1400, "pf": 0.30189387755102043, "in_bounds_one_im": 1, "error_one_im": 0.01398986158547405, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.83421389836249, "error_w_gmm": 0.012420639412315719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012420411180151773}, "run_1372": {"edge_length": 1400, "pf": 0.29861632653061226, "in_bounds_one_im": 1, "error_one_im": 0.01462485247667113, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.058590518051673, "error_w_gmm": 0.017290524835187615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017290207117736284}, "run_1373": {"edge_length": 1400, "pf": 0.2981127551020408, "in_bounds_one_im": 1, "error_one_im": 0.013458781632463638, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.383945211754204, "error_w_gmm": 0.0180102550578207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018009924115157686}, "run_1374": {"edge_length": 1400, "pf": 0.3026698979591837, "in_bounds_one_im": 1, "error_one_im": 0.013400377904520448, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.147530776153932, "error_w_gmm": 0.015188632042082576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015188352947404532}, "run_1375": {"edge_length": 1400, "pf": 0.29888418367346936, "in_bounds_one_im": 1, "error_one_im": 0.013915362061181246, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.820367937414229, "error_w_gmm": 0.014624440339912798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0146241716123898}, "run_1376": {"edge_length": 1400, "pf": 0.3042612244897959, "in_bounds_one_im": 1, "error_one_im": 0.013350030398957723, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.298428515942313, "error_w_gmm": 0.01545102140828027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015450737492136048}, "run_1377": {"edge_length": 1400, "pf": 0.2991729591836735, "in_bounds_one_im": 1, "error_one_im": 0.014168153131399014, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.333040225235169, "error_w_gmm": 0.015712900471017924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015712611742784537}, "run_1378": {"edge_length": 1400, "pf": 0.29926071428571427, "in_bounds_one_im": 1, "error_one_im": 0.013247074623367936, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.617462838953192, "error_w_gmm": 0.014176627423621064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014176366924765284}, "run_1379": {"edge_length": 1400, "pf": 0.29919183673469385, "in_bounds_one_im": 1, "error_one_im": 0.014254969139243465, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.230968571243985, "error_w_gmm": 0.015493488554359818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015493203857871776}, "run_1380": {"edge_length": 1400, "pf": 0.3026255102040816, "in_bounds_one_im": 1, "error_one_im": 0.01366201601610768, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.586407765522427, "error_w_gmm": 0.013997707403786882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013997450192628531}, "run_1381": {"edge_length": 1400, "pf": 0.2994301020408163, "in_bounds_one_im": 1, "error_one_im": 0.014246873972167175, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.49561353659321, "error_w_gmm": 0.016051411539238416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016051116590784585}, "run_1382": {"edge_length": 1400, "pf": 0.30112755102040817, "in_bounds_one_im": 1, "error_one_im": 0.014363544661483709, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.854773610046531, "error_w_gmm": 0.014619915607170639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014619646962790606}, "run_1383": {"edge_length": 1400, "pf": 0.3022198979591837, "in_bounds_one_im": 1, "error_one_im": 0.013241024154495492, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.8176115579942955, "error_w_gmm": 0.016630292438062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016629986852535788}, "run_1384": {"edge_length": 1400, "pf": 0.298894387755102, "in_bounds_one_im": 1, "error_one_im": 0.013827507397195835, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.701518727200956, "error_w_gmm": 0.016513428600564557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0165131251624388}, "run_1385": {"edge_length": 1400, "pf": 0.30111275510204083, "in_bounds_one_im": 1, "error_one_im": 0.013493501139780859, "one_im_sa_cls": 6.326530612244898, "model_in_bounds": 1, "pred_cls": 6.638623073577577, "error_w_gmm": 0.01415940577106456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014159145588660752}, "run_1386": {"edge_length": 1400, "pf": 0.30221377551020406, "in_bounds_one_im": 1, "error_one_im": 0.01341487166322617, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.429916403368193, "error_w_gmm": 0.015805783561080575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015805493126098642}, "run_1387": {"edge_length": 1400, "pf": 0.2984234693877551, "in_bounds_one_im": 1, "error_one_im": 0.013843059851990039, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.600478172770719, "error_w_gmm": 0.014168519544407867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014168259194536476}, "run_1388": {"edge_length": 1400, "pf": 0.3016035714285714, "in_bounds_one_im": 1, "error_one_im": 0.013608212355993726, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.6353924419004455, "error_w_gmm": 0.01626642684434906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016266127944938678}, "run_1389": {"edge_length": 1400, "pf": 0.3031642857142857, "in_bounds_one_im": 1, "error_one_im": 0.013644596924702651, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.55731441097153, "error_w_gmm": 0.013918108733486338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0139178529849723}, "run_1390": {"edge_length": 1400, "pf": 0.2991770408163265, "in_bounds_one_im": 1, "error_one_im": 0.01298734729082196, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 5.94298659875269, "error_w_gmm": 0.012734233705752905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012733999711220191}, "run_1391": {"edge_length": 1400, "pf": 0.3014188775510204, "in_bounds_one_im": 1, "error_one_im": 0.013614180728154436, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.293151212855634, "error_w_gmm": 0.015544131172710406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015543845545652366}, "run_1392": {"edge_length": 1400, "pf": 0.2993622448979592, "in_bounds_one_im": 1, "error_one_im": 0.01333128673061428, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.176915803292898, "error_w_gmm": 0.01751321245904003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017512890649651322}, "run_1393": {"edge_length": 1400, "pf": 0.29953826530612243, "in_bounds_one_im": 1, "error_one_im": 0.014243201812407654, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.1239232580542105, "error_w_gmm": 0.01311063805080531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01311039713975458}, "run_1394": {"edge_length": 1400, "pf": 0.29915867346938774, "in_bounds_one_im": 1, "error_one_im": 0.014081175103202392, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.60887742010451, "error_w_gmm": 0.016304507143472202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01630420754432742}, "run_1395": {"edge_length": 1400, "pf": 0.29740714285714287, "in_bounds_one_im": 1, "error_one_im": 0.013569336812042154, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.9795339892855175, "error_w_gmm": 0.015018640783650188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015018364812601485}, "run_1396": {"edge_length": 1400, "pf": 0.30329795918367347, "in_bounds_one_im": 1, "error_one_im": 0.013034046565469184, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.151358301001006, "error_w_gmm": 0.015174184869003404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015173906039795623}, "run_1397": {"edge_length": 1400, "pf": 0.3011448979591837, "in_bounds_one_im": 1, "error_one_im": 0.014624097299335292, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.747133869639942, "error_w_gmm": 0.012257027607288504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01225680238152998}, "run_1398": {"edge_length": 1400, "pf": 0.2988816326530612, "in_bounds_one_im": 1, "error_one_im": 0.013871687495555191, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.292926303569149, "error_w_gmm": 0.01563780954384615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015637522195426055}, "run_1399": {"edge_length": 1400, "pf": 0.2983954081632653, "in_bounds_one_im": 1, "error_one_im": 0.014807809514542686, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.693044666917576, "error_w_gmm": 0.01222145098708736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012221226415057488}, "run_1400": {"edge_length": 1400, "pf": 0.3004887755102041, "in_bounds_one_im": 1, "error_one_im": 0.014908477637334827, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.414941559665957, "error_w_gmm": 0.017974729222692654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01797439893282517}}, "blobs_100.0_0.4": {"true_cls": 7.489795918367347, "true_pf": 0.40032079925474257, "run_1401": {"edge_length": 600, "pf": 0.39172222222222225, "in_bounds_one_im": 1, "error_one_im": 0.025503571716221765, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.87928694009751, "error_w_gmm": 0.03335143802030688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03207344631245555}, "run_1402": {"edge_length": 600, "pf": 0.40626666666666666, "in_bounds_one_im": 1, "error_one_im": 0.024580500432554216, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 10.01122584347322, "error_w_gmm": 0.041109591037183084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03953431513973338}, "run_1403": {"edge_length": 600, "pf": 0.3979722222222222, "in_bounds_one_im": 1, "error_one_im": 0.025664155806562058, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 10.029636535586166, "error_w_gmm": 0.04190181712813997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04029618396770308}, "run_1404": {"edge_length": 600, "pf": 0.4026666666666667, "in_bounds_one_im": 1, "error_one_im": 0.02541444521326848, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 10.49591533253027, "error_w_gmm": 0.04342318065589664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04175925045975419}, "run_1405": {"edge_length": 600, "pf": 0.4001277777777778, "in_bounds_one_im": 1, "error_one_im": 0.02644696227288796, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.249313595767826, "error_w_gmm": 0.02599130709250918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02499534779023814}, "run_1406": {"edge_length": 600, "pf": 0.4038333333333333, "in_bounds_one_im": 1, "error_one_im": 0.025919910758247885, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 9.15658007850936, "error_w_gmm": 0.03779043038981242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03634234120562481}, "run_1407": {"edge_length": 600, "pf": 0.39585, "in_bounds_one_im": 1, "error_one_im": 0.026272325063813454, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 8.905502005004747, "error_w_gmm": 0.037370701326906196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03593869571493553}, "run_1408": {"edge_length": 600, "pf": 0.3958638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02734219011816122, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 9.001987474700421, "error_w_gmm": 0.03777449229597912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03632701384263157}, "run_1409": {"edge_length": 600, "pf": 0.4025638888888889, "in_bounds_one_im": 1, "error_one_im": 0.026313226134306485, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.755375238816089, "error_w_gmm": 0.02795397562097165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026882808943740916}, "run_1410": {"edge_length": 600, "pf": 0.40602222222222223, "in_bounds_one_im": 1, "error_one_im": 0.027092571905729893, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.753724863009657, "error_w_gmm": 0.02363878030679177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022732967334127604}, "run_1411": {"edge_length": 600, "pf": 0.41181388888888887, "in_bounds_one_im": 0, "error_one_im": 0.024300067937195455, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.848191992439364, "error_w_gmm": 0.03185974414372563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030638912562036283}, "run_1412": {"edge_length": 600, "pf": 0.3892333333333333, "in_bounds_one_im": 0, "error_one_im": 0.024802180319098546, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.894911413390073, "error_w_gmm": 0.02933777128814201, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028213579029617675}, "run_1413": {"edge_length": 600, "pf": 0.4035138888888889, "in_bounds_one_im": 1, "error_one_im": 0.027396077427001626, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.001509815625562, "error_w_gmm": 0.03717509274231642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03575058264370076}, "run_1414": {"edge_length": 600, "pf": 0.39736666666666665, "in_bounds_one_im": 1, "error_one_im": 0.025532421658378192, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 8.70551652246402, "error_w_gmm": 0.03641591106128757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03502049199894195}, "run_1415": {"edge_length": 600, "pf": 0.40368055555555554, "in_bounds_one_im": 1, "error_one_im": 0.027224543607302563, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.801771894563534, "error_w_gmm": 0.03220917459627638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03097495321050849}, "run_1416": {"edge_length": 600, "pf": 0.3937111111111111, "in_bounds_one_im": 1, "error_one_im": 0.025562905170921378, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.762624098083089, "error_w_gmm": 0.03272090464606614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03146707430790792}, "run_1417": {"edge_length": 600, "pf": 0.3987861111111111, "in_bounds_one_im": 1, "error_one_im": 0.02512948720030766, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.678560165565841, "error_w_gmm": 0.023683642618344884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022776110569516034}, "run_1418": {"edge_length": 600, "pf": 0.4038833333333333, "in_bounds_one_im": 1, "error_one_im": 0.02688911512154635, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 9.723456799907462, "error_w_gmm": 0.04012583956817795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038588259982929606}, "run_1419": {"edge_length": 600, "pf": 0.40675555555555554, "in_bounds_one_im": 1, "error_one_im": 0.02592428131838088, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 9.021258222519366, "error_w_gmm": 0.0370069236922407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03558885765314003}, "run_1420": {"edge_length": 600, "pf": 0.4023, "in_bounds_one_im": 1, "error_one_im": 0.027790315563903545, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 6.616068669037992, "error_w_gmm": 0.02739254558142587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026342892307444545}, "run_1421": {"edge_length": 600, "pf": 0.41144722222222224, "in_bounds_one_im": 1, "error_one_im": 0.027268578957866895, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.999578911275288, "error_w_gmm": 0.036561466408515375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03516046981974717}, "run_1422": {"edge_length": 600, "pf": 0.4012222222222222, "in_bounds_one_im": 1, "error_one_im": 0.027852694409278716, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.357384863672337, "error_w_gmm": 0.03467979542986169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033350902475910105}, "run_1423": {"edge_length": 600, "pf": 0.4041416666666667, "in_bounds_one_im": 1, "error_one_im": 0.024850997792003303, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.600511046668046, "error_w_gmm": 0.02309926334346992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02221412408823143}, "run_1424": {"edge_length": 600, "pf": 0.3997888888888889, "in_bounds_one_im": 1, "error_one_im": 0.027609218665265937, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.597653682817985, "error_w_gmm": 0.02745945718805194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026407239932320484}, "run_1425": {"edge_length": 600, "pf": 0.3995472222222222, "in_bounds_one_im": 1, "error_one_im": 0.025416545384134043, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.776636788899209, "error_w_gmm": 0.02821859312547537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027137286586320284}, "run_1426": {"edge_length": 600, "pf": 0.4067777777777778, "in_bounds_one_im": 1, "error_one_im": 0.026245113584582862, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 9.73049685028186, "error_w_gmm": 0.03991451803728237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03838503606881468}, "run_1427": {"edge_length": 600, "pf": 0.40767777777777775, "in_bounds_one_im": 1, "error_one_im": 0.02603552050234916, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.33314432770864, "error_w_gmm": 0.030024549760453403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028874040879772966}, "run_1428": {"edge_length": 600, "pf": 0.3914916666666667, "in_bounds_one_im": 1, "error_one_im": 0.02692884799407904, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.679589145068686, "error_w_gmm": 0.03675673686193781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0353482577166421}, "run_1429": {"edge_length": 600, "pf": 0.399825, "in_bounds_one_im": 1, "error_one_im": 0.027280429594785546, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 9.560877838657365, "error_w_gmm": 0.03978941224597701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03826472419865284}, "run_1430": {"edge_length": 600, "pf": 0.4018611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02561971792765477, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.449734479310338, "error_w_gmm": 0.026728257261192125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025704058810608922}, "run_1431": {"edge_length": 600, "pf": 0.3967777777777778, "in_bounds_one_im": 1, "error_one_im": 0.02778321224283179, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.9656714403177, "error_w_gmm": 0.03336208327313698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03208368365049556}, "run_1432": {"edge_length": 600, "pf": 0.38913055555555554, "in_bounds_one_im": 1, "error_one_im": 0.02906742353566518, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 0, "pred_cls": 3.1238045918986193, "error_w_gmm": 0.013294627404763611, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012785191392681815}, "run_1433": {"edge_length": 600, "pf": 0.3866527777777778, "in_bounds_one_im": 0, "error_one_im": 0.02703642510335154, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 0, "pred_cls": 7.497031047320973, "error_w_gmm": 0.03207360088546684, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.030844574540407878}, "run_1434": {"edge_length": 600, "pf": 0.3976027777777778, "in_bounds_one_im": 1, "error_one_im": 0.024699265104274764, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 8.832367350667035, "error_w_gmm": 0.03692833069096734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03551327625226191}, "run_1435": {"edge_length": 600, "pf": 0.39616111111111113, "in_bounds_one_im": 1, "error_one_im": 0.02864208463397665, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.785720072452131, "error_w_gmm": 0.03265045076184173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03139932014175176}, "run_1436": {"edge_length": 600, "pf": 0.390925, "in_bounds_one_im": 1, "error_one_im": 0.024381310509267257, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.761646864947621, "error_w_gmm": 0.024428740620618842, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023492657207142234}, "run_1437": {"edge_length": 600, "pf": 0.40121666666666667, "in_bounds_one_im": 1, "error_one_im": 0.02386237959450714, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.403594530060197, "error_w_gmm": 0.026572656360669474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025554420371449463}, "run_1438": {"edge_length": 600, "pf": 0.40395277777777777, "in_bounds_one_im": 1, "error_one_im": 0.02834287097087345, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 9.811953810016266, "error_w_gmm": 0.04048520167302672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038933851713324565}, "run_1439": {"edge_length": 600, "pf": 0.3903111111111111, "in_bounds_one_im": 0, "error_one_im": 0.024579410312350013, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 0, "pred_cls": 5.7175859555066415, "error_w_gmm": 0.024273207158765613, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02334308362247407}, "run_1440": {"edge_length": 600, "pf": 0.39968611111111113, "in_bounds_one_im": 1, "error_one_im": 0.024918980320688223, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 9.013959596549999, "error_w_gmm": 0.03752416625155447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036086280026549185}, "run_1441": {"edge_length": 800, "pf": 0.414371875, "in_bounds_one_im": 0, "error_one_im": 0.01913963816983948, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 0, "pred_cls": 8.425583521652367, "error_w_gmm": 0.024873307768124856, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0245399639091156}, "run_1442": {"edge_length": 800, "pf": 0.401721875, "in_bounds_one_im": 1, "error_one_im": 0.019098320753289807, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.026874757952417, "error_w_gmm": 0.018264118491712344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018019348805421005}, "run_1443": {"edge_length": 800, "pf": 0.3960390625, "in_bounds_one_im": 1, "error_one_im": 0.020499134317557836, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.926891113195817, "error_w_gmm": 0.024308380959231584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02398260806280956}, "run_1444": {"edge_length": 800, "pf": 0.4052671875, "in_bounds_one_im": 1, "error_one_im": 0.019624439563077006, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.412377737787722, "error_w_gmm": 0.02229797887912016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02199914872765962}, "run_1445": {"edge_length": 800, "pf": 0.3981171875, "in_bounds_one_im": 1, "error_one_im": 0.019242295012190467, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 8.425935806474161, "error_w_gmm": 0.02572683618991226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025382053624778873}, "run_1446": {"edge_length": 800, "pf": 0.4027125, "in_bounds_one_im": 1, "error_one_im": 0.019424366554347886, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.493980978132471, "error_w_gmm": 0.02266336912271574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022359642131840836}, "run_1447": {"edge_length": 800, "pf": 0.3976390625, "in_bounds_one_im": 1, "error_one_im": 0.02067688827305101, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.540995643844723, "error_w_gmm": 0.019991503970700573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01972358443450073}, "run_1448": {"edge_length": 800, "pf": 0.3976875, "in_bounds_one_im": 1, "error_one_im": 0.019259558595170694, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 9.00905891686435, "error_w_gmm": 0.027531959557603417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027162985325041553}, "run_1449": {"edge_length": 800, "pf": 0.40739375, "in_bounds_one_im": 1, "error_one_im": 0.023095997864371453, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 8.72983444370534, "error_w_gmm": 0.026145663555757766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02579526800453945}, "run_1450": {"edge_length": 800, "pf": 0.4040671875, "in_bounds_one_im": 1, "error_one_im": 0.020280578908686328, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.78366441863544, "error_w_gmm": 0.017441854977803574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0172081049956628}, "run_1451": {"edge_length": 800, "pf": 0.401703125, "in_bounds_one_im": 1, "error_one_im": 0.020258433949914254, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.11221875100498, "error_w_gmm": 0.024584599810669565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02425512512039164}, "run_1452": {"edge_length": 800, "pf": 0.39965625, "in_bounds_one_im": 1, "error_one_im": 0.0215705579980338, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.928488632099877, "error_w_gmm": 0.021086909250652014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020804309454528366}, "run_1453": {"edge_length": 800, "pf": 0.4083015625, "in_bounds_one_im": 0, "error_one_im": 0.01950144194524173, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.235329881374187, "error_w_gmm": 0.021628965852894567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02133910159314284}, "run_1454": {"edge_length": 800, "pf": 0.40258125, "in_bounds_one_im": 1, "error_one_im": 0.019977839518248795, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.838161868594272, "error_w_gmm": 0.023710712706350924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02339294956253914}, "run_1455": {"edge_length": 800, "pf": 0.3972453125, "in_bounds_one_im": 1, "error_one_im": 0.0195852920323872, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.649999406637895, "error_w_gmm": 0.023400225202548305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023086623109757887}, "run_1456": {"edge_length": 800, "pf": 0.3937703125, "in_bounds_one_im": 1, "error_one_im": 0.020720756435540135, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.237708965486524, "error_w_gmm": 0.025381733942017582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02504157632327804}, "run_1457": {"edge_length": 800, "pf": 0.402096875, "in_bounds_one_im": 1, "error_one_im": 0.020973481595537517, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.98596241748033, "error_w_gmm": 0.02418215790573705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023858076609006466}, "run_1458": {"edge_length": 800, "pf": 0.4053171875, "in_bounds_one_im": 1, "error_one_im": 0.018229455749429784, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.646366116710832, "error_w_gmm": 0.022999479085625763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022691247659991524}, "run_1459": {"edge_length": 800, "pf": 0.40339375, "in_bounds_one_im": 1, "error_one_im": 0.019153665320301733, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 8.610754424598719, "error_w_gmm": 0.026003885687219768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02565539019618885}, "run_1460": {"edge_length": 800, "pf": 0.4074265625, "in_bounds_one_im": 1, "error_one_im": 0.020019191217385313, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.747688819305835, "error_w_gmm": 0.020207807413852932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019936989050318453}, "run_1461": {"edge_length": 800, "pf": 0.4007, "in_bounds_one_im": 1, "error_one_im": 0.01920012869472994, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 7.533196261713992, "error_w_gmm": 0.0228775481360631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022570950788760476}, "run_1462": {"edge_length": 800, "pf": 0.40061875, "in_bounds_one_im": 1, "error_one_im": 0.020915780275868295, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.05942009239796, "error_w_gmm": 0.024479777292241107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024151707398749066}, "run_1463": {"edge_length": 800, "pf": 0.392840625, "in_bounds_one_im": 1, "error_one_im": 0.020139569836322386, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.464298218981056, "error_w_gmm": 0.019956403094284376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019688953968441933}, "run_1464": {"edge_length": 800, "pf": 0.3872453125, "in_bounds_one_im": 0, "error_one_im": 0.019685959982624793, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 0, "pred_cls": 6.8092534725391, "error_w_gmm": 0.021269998796421587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020984945294650892}, "run_1465": {"edge_length": 800, "pf": 0.401240625, "in_bounds_one_im": 1, "error_one_im": 0.01966715813529405, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 8.035234216397967, "error_w_gmm": 0.02437473947032736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0240480772590472}, "run_1466": {"edge_length": 800, "pf": 0.403784375, "in_bounds_one_im": 1, "error_one_im": 0.01992795756586967, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.687100681117917, "error_w_gmm": 0.020178204167146507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019907782536551167}, "run_1467": {"edge_length": 800, "pf": 0.402459375, "in_bounds_one_im": 1, "error_one_im": 0.017972427247928927, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.172753967883025, "error_w_gmm": 0.02170332913632759, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02141246828440166}, "run_1468": {"edge_length": 800, "pf": 0.395425, "in_bounds_one_im": 1, "error_one_im": 0.021638298071014292, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.618828601351476, "error_w_gmm": 0.017252679040724552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017021464332037703}, "run_1469": {"edge_length": 800, "pf": 0.3936703125, "in_bounds_one_im": 1, "error_one_im": 0.018305100767722154, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 0, "pred_cls": 4.306304453599383, "error_w_gmm": 0.013271210658524548, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013093354274649978}, "run_1470": {"edge_length": 800, "pf": 0.4003640625, "in_bounds_one_im": 1, "error_one_im": 0.020682117787753085, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.466581984533029, "error_w_gmm": 0.022691115632526022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022387016792086795}, "run_1471": {"edge_length": 800, "pf": 0.39764375, "in_bounds_one_im": 1, "error_one_im": 0.019445930832936588, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 8.13456976242032, "error_w_gmm": 0.024861764369683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024528575211488685}, "run_1472": {"edge_length": 800, "pf": 0.3939078125, "in_bounds_one_im": 1, "error_one_im": 0.021086912058688415, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.57527728844831, "error_w_gmm": 0.026414229444233776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02606023466164265}, "run_1473": {"edge_length": 800, "pf": 0.402990625, "in_bounds_one_im": 1, "error_one_im": 0.0194131410971702, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.558301635802447, "error_w_gmm": 0.02284467856247839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022538521722349398}, "run_1474": {"edge_length": 800, "pf": 0.3927140625, "in_bounds_one_im": 1, "error_one_im": 0.019709684481426275, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 0, "pred_cls": 5.880772252558486, "error_w_gmm": 0.01815977546261672, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017916404147153495}, "run_1475": {"edge_length": 800, "pf": 0.3900515625, "in_bounds_one_im": 0, "error_one_im": 0.022258586034921188, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 0, "pred_cls": 4.339064577304843, "error_w_gmm": 0.013474088396833742, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013293513112488541}, "run_1476": {"edge_length": 800, "pf": 0.3974421875, "in_bounds_one_im": 1, "error_one_im": 0.020439133782396823, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.845453182776049, "error_w_gmm": 0.014815438440445325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014616886825650321}, "run_1477": {"edge_length": 800, "pf": 0.4044015625, "in_bounds_one_im": 1, "error_one_im": 0.01990243572901978, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.0407811600686845, "error_w_gmm": 0.021218219423840876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020933859852127}, "run_1478": {"edge_length": 800, "pf": 0.3992, "in_bounds_one_im": 1, "error_one_im": 0.02011896167788575, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 9.758381346711767, "error_w_gmm": 0.029727966951349168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02932956255268832}, "run_1479": {"edge_length": 800, "pf": 0.403484375, "in_bounds_one_im": 1, "error_one_im": 0.020548317882190133, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.362435478709706, "error_w_gmm": 0.02826858805380533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02788974176932863}, "run_1480": {"edge_length": 800, "pf": 0.3909546875, "in_bounds_one_im": 0, "error_one_im": 0.01984498313529245, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 9.247786339043245, "error_w_gmm": 0.028662700479654933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028278572430559607}, "run_1481": {"edge_length": 1000, "pf": 0.401349, "in_bounds_one_im": 1, "error_one_im": 0.01641409912913121, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.90369976837462, "error_w_gmm": 0.019305728480176945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018919266258228058}, "run_1482": {"edge_length": 1000, "pf": 0.403039, "in_bounds_one_im": 1, "error_one_im": 0.015577631734328683, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.306235674597229, "error_w_gmm": 0.017783740640265406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017427745582660675}, "run_1483": {"edge_length": 1000, "pf": 0.39694, "in_bounds_one_im": 1, "error_one_im": 0.015333109212802992, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.863271662057318, "error_w_gmm": 0.014453993045459022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014164652900946081}, "run_1484": {"edge_length": 1000, "pf": 0.399942, "in_bounds_one_im": 1, "error_one_im": 0.01587431994623673, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.9989987648132, "error_w_gmm": 0.01959583317096465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019203563631073024}, "run_1485": {"edge_length": 1000, "pf": 0.395104, "in_bounds_one_im": 1, "error_one_im": 0.015689023600603588, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.269576815287263, "error_w_gmm": 0.015515038818163476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015204458651170689}, "run_1486": {"edge_length": 1000, "pf": 0.398957, "in_bounds_one_im": 1, "error_one_im": 0.016790662959026422, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.573418971404406, "error_w_gmm": 0.018591383345644072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018219220890120024}, "run_1487": {"edge_length": 1000, "pf": 0.397192, "in_bounds_one_im": 1, "error_one_im": 0.017936704442642896, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 8.663426746315103, "error_w_gmm": 0.021345629182750406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020918332212769033}, "run_1488": {"edge_length": 1000, "pf": 0.400565, "in_bounds_one_im": 1, "error_one_im": 0.015706940269765615, "one_im_sa_cls": 6.551020408163265, "model_in_bounds": 1, "pred_cls": 7.622979087972222, "error_w_gmm": 0.0186504481911678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018277103375109502}, "run_1489": {"edge_length": 1000, "pf": 0.393717, "in_bounds_one_im": 0, "error_one_im": 0.016379911942863333, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.278872296527697, "error_w_gmm": 0.018065072443956155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017703445684130556}, "run_1490": {"edge_length": 1000, "pf": 0.399541, "in_bounds_one_im": 1, "error_one_im": 0.017162520086678942, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.731734332297455, "error_w_gmm": 0.018956926306958038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018577446409608837}, "run_1491": {"edge_length": 1000, "pf": 0.401654, "in_bounds_one_im": 1, "error_one_im": 0.017087172476605884, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.175655649400431, "error_w_gmm": 0.01995734360524951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019557837346689942}, "run_1492": {"edge_length": 1000, "pf": 0.399566, "in_bounds_one_im": 1, "error_one_im": 0.016475160859443963, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.719651893384555, "error_w_gmm": 0.021378021930613902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02095007652235541}, "run_1493": {"edge_length": 1000, "pf": 0.403377, "in_bounds_one_im": 1, "error_one_im": 0.017123364614578914, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.6522838069162535, "error_w_gmm": 0.016180621349061772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015856717545820506}, "run_1494": {"edge_length": 1000, "pf": 0.405735, "in_bounds_one_im": 1, "error_one_im": 0.016168410154185835, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.104155769150609, "error_w_gmm": 0.019615826677310322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01922315690725414}, "run_1495": {"edge_length": 1000, "pf": 0.399844, "in_bounds_one_im": 1, "error_one_im": 0.015877561573342934, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.674426773351349, "error_w_gmm": 0.01880454054309178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018428111105141604}, "run_1496": {"edge_length": 1000, "pf": 0.404494, "in_bounds_one_im": 1, "error_one_im": 0.015482094816016995, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.961060833270007, "error_w_gmm": 0.014465737445290689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014176162201291049}, "run_1497": {"edge_length": 1000, "pf": 0.404891, "in_bounds_one_im": 1, "error_one_im": 0.015808796483567488, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.148329125897578, "error_w_gmm": 0.01733260075270322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016985636616855097}, "run_1498": {"edge_length": 1000, "pf": 0.401774, "in_bounds_one_im": 1, "error_one_im": 0.016399590966319506, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.368492633771996, "error_w_gmm": 0.017982512759111984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017622538679695692}, "run_1499": {"edge_length": 1000, "pf": 0.404577, "in_bounds_one_im": 1, "error_one_im": 0.01562500234202312, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.966788533146077, "error_w_gmm": 0.016903429726659886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0165650567397285}, "run_1500": {"edge_length": 1000, "pf": 0.394844, "in_bounds_one_im": 1, "error_one_im": 0.015945156385099562, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.593649605103301, "error_w_gmm": 0.01880188749018517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018425511161068515}, "run_1501": {"edge_length": 1000, "pf": 0.402973, "in_bounds_one_im": 1, "error_one_im": 0.015969262746700845, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.50444853321962, "error_w_gmm": 0.02070308974467797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020288655134134623}, "run_1502": {"edge_length": 1000, "pf": 0.400833, "in_bounds_one_im": 1, "error_one_im": 0.01662735374406156, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.020048518032016, "error_w_gmm": 0.01961097561419878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019218402952761462}, "run_1503": {"edge_length": 1000, "pf": 0.402109, "in_bounds_one_im": 1, "error_one_im": 0.016583264941722766, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.601971248950033, "error_w_gmm": 0.020978145513996724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02055820483493704}, "run_1504": {"edge_length": 1000, "pf": 0.407225, "in_bounds_one_im": 0, "error_one_im": 0.01582900361634971, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.793802962647691, "error_w_gmm": 0.018806463756243782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018429995819397867}, "run_1505": {"edge_length": 1000, "pf": 0.404845, "in_bounds_one_im": 1, "error_one_im": 0.015713309852766227, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.003074456903365, "error_w_gmm": 0.019406959804366696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019018471132987613}, "run_1506": {"edge_length": 1000, "pf": 0.395634, "in_bounds_one_im": 1, "error_one_im": 0.015276142432183362, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.893583937589392, "error_w_gmm": 0.014568427514883348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014276796620276819}, "run_1507": {"edge_length": 1000, "pf": 0.400131, "in_bounds_one_im": 1, "error_one_im": 0.01616192401702626, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 8.26041003960679, "error_w_gmm": 0.020228268579425362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01982333894263844}, "run_1508": {"edge_length": 1000, "pf": 0.398196, "in_bounds_one_im": 1, "error_one_im": 0.01563717222544609, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 8.379051482342518, "error_w_gmm": 0.020601741944746767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020189336115245905}, "run_1509": {"edge_length": 1000, "pf": 0.395562, "in_bounds_one_im": 1, "error_one_im": 0.016119004219476762, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.064053893097689, "error_w_gmm": 0.017464356879363475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017114755248353354}, "run_1510": {"edge_length": 1000, "pf": 0.397591, "in_bounds_one_im": 1, "error_one_im": 0.01570616470201102, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 8.528550464888044, "error_w_gmm": 0.020995811864246556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020575517540051002}, "run_1511": {"edge_length": 1000, "pf": 0.396677, "in_bounds_one_im": 1, "error_one_im": 0.015440194948203912, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.50150526052942, "error_w_gmm": 0.01850268881354151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018132301845846705}, "run_1512": {"edge_length": 1000, "pf": 0.405234, "in_bounds_one_im": 1, "error_one_im": 0.014973751422290668, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.428594694007605, "error_w_gmm": 0.017999348600671435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017639037501248702}, "run_1513": {"edge_length": 1000, "pf": 0.393579, "in_bounds_one_im": 0, "error_one_im": 0.014746182941236816, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.854130959965267, "error_w_gmm": 0.019498414176838504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019108094771124268}, "run_1514": {"edge_length": 1000, "pf": 0.399835, "in_bounds_one_im": 1, "error_one_im": 0.015534819149769775, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.401737771870561, "error_w_gmm": 0.018136714603930893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017773653710793133}, "run_1515": {"edge_length": 1000, "pf": 0.38983, "in_bounds_one_im": 0, "error_one_im": 0.01621380022950031, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 0, "pred_cls": 7.442888194332784, "error_w_gmm": 0.018623413554257662, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01825060991777001}, "run_1516": {"edge_length": 1000, "pf": 0.40194, "in_bounds_one_im": 1, "error_one_im": 0.016003597455268904, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.756230570901554, "error_w_gmm": 0.018922236698551805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018543451218051798}, "run_1517": {"edge_length": 1000, "pf": 0.400966, "in_bounds_one_im": 1, "error_one_im": 0.016622750654059312, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.247971717623189, "error_w_gmm": 0.02016272009232838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019759102605662927}, "run_1518": {"edge_length": 1000, "pf": 0.402336, "in_bounds_one_im": 1, "error_one_im": 0.01467413831110785, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.382078695368072, "error_w_gmm": 0.01799462364535137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017634407130120832}, "run_1519": {"edge_length": 1000, "pf": 0.397774, "in_bounds_one_im": 1, "error_one_im": 0.01653685212168655, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.447317932999072, "error_w_gmm": 0.01832700273934362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01796013265684021}, "run_1520": {"edge_length": 1000, "pf": 0.407367, "in_bounds_one_im": 0, "error_one_im": 0.01582434882666044, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 0, "pred_cls": 6.731047382803515, "error_w_gmm": 0.01623725594787965, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.015912218432801425}, "run_1521": {"edge_length": 1200, "pf": 0.4010826388888889, "in_bounds_one_im": 1, "error_one_im": 0.013441607948167065, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.608107819392167, "error_w_gmm": 0.015495012381405925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01518483310377889}, "run_1522": {"edge_length": 1200, "pf": 0.4003861111111111, "in_bounds_one_im": 1, "error_one_im": 0.012686081406638579, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.528585183142645, "error_w_gmm": 0.01535530539048469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015047922768481898}, "run_1523": {"edge_length": 1200, "pf": 0.3993798611111111, "in_bounds_one_im": 1, "error_one_im": 0.013162351998088719, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.828329964507592, "error_w_gmm": 0.016000175148282777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015679883518483484}, "run_1524": {"edge_length": 1200, "pf": 0.4012291666666667, "in_bounds_one_im": 1, "error_one_im": 0.013356069780533298, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.995519119107339, "error_w_gmm": 0.014243042436602687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013957925103008443}, "run_1525": {"edge_length": 1200, "pf": 0.40247222222222223, "in_bounds_one_im": 1, "error_one_im": 0.013890182917409344, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.270996716185887, "error_w_gmm": 0.014765691553998251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014470111826331948}, "run_1526": {"edge_length": 1200, "pf": 0.40688263888888887, "in_bounds_one_im": 0, "error_one_im": 0.012958728025561297, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 8.302594567885917, "error_w_gmm": 0.016706994093032675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016372553356133773}, "run_1527": {"edge_length": 1200, "pf": 0.39836319444444446, "in_bounds_one_im": 1, "error_one_im": 0.01233005051121438, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.718112938667239, "error_w_gmm": 0.011711946333116955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011477496500887648}, "run_1528": {"edge_length": 1200, "pf": 0.39711319444444443, "in_bounds_one_im": 1, "error_one_im": 0.012690828505825938, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.076655042383149, "error_w_gmm": 0.01453240547289364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014241495667802185}, "run_1529": {"edge_length": 1200, "pf": 0.40870069444444446, "in_bounds_one_im": 0, "error_one_im": 0.012549201685125076, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 0, "pred_cls": 6.0703470074324395, "error_w_gmm": 0.012169234618127281, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011925630785473774}, "run_1530": {"edge_length": 1200, "pf": 0.3963375, "in_bounds_one_im": 1, "error_one_im": 0.013904391303780404, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.578891243115718, "error_w_gmm": 0.013532124127745564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013261237962353453}, "run_1531": {"edge_length": 1200, "pf": 0.3997159722222222, "in_bounds_one_im": 1, "error_one_im": 0.012867197333083238, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 8.304088188685315, "error_w_gmm": 0.016960683306558064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01662116421702173}, "run_1532": {"edge_length": 1200, "pf": 0.40047083333333333, "in_bounds_one_im": 1, "error_one_im": 0.011868162011594734, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 8.01401570601468, "error_w_gmm": 0.01634250592666784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016015361516700695}, "run_1533": {"edge_length": 1200, "pf": 0.4015736111111111, "in_bounds_one_im": 1, "error_one_im": 0.01232923636798323, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.097231164748321, "error_w_gmm": 0.014439776982541275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014150721415285646}, "run_1534": {"edge_length": 1200, "pf": 0.3965576388888889, "in_bounds_one_im": 1, "error_one_im": 0.013075629969357763, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.000531937922322, "error_w_gmm": 0.0143927747235915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014104660047918938}, "run_1535": {"edge_length": 1200, "pf": 0.40026805555555556, "in_bounds_one_im": 1, "error_one_im": 0.012934008809031101, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.629058658164, "error_w_gmm": 0.015564057584583985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015252496159546058}, "run_1536": {"edge_length": 1200, "pf": 0.40240902777777776, "in_bounds_one_im": 1, "error_one_im": 0.012795270603730933, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.576318265822526, "error_w_gmm": 0.015387749799734044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015079717705296019}, "run_1537": {"edge_length": 1200, "pf": 0.4008784722222222, "in_bounds_one_im": 1, "error_one_im": 0.013284324027035608, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.637940289962337, "error_w_gmm": 0.015562383157382703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015250855251041381}, "run_1538": {"edge_length": 1200, "pf": 0.40373333333333333, "in_bounds_one_im": 1, "error_one_im": 0.013367730052549747, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.811197781119652, "error_w_gmm": 0.01582119728261926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015504488433118396}, "run_1539": {"edge_length": 1200, "pf": 0.3997923611111111, "in_bounds_one_im": 1, "error_one_im": 0.012701782369110353, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.80520716308136, "error_w_gmm": 0.01389708178692525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013618889896290497}, "run_1540": {"edge_length": 1200, "pf": 0.3991034722222222, "in_bounds_one_im": 1, "error_one_im": 0.01325173886783174, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.2357099739207404, "error_w_gmm": 0.014797453866218616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014501238320340738}, "run_1541": {"edge_length": 1200, "pf": 0.39778819444444447, "in_bounds_one_im": 1, "error_one_im": 0.01394435303647948, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.278952910187712, "error_w_gmm": 0.01697746522256146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016637610192500842}, "run_1542": {"edge_length": 1200, "pf": 0.398075, "in_bounds_one_im": 1, "error_one_im": 0.013444149941759242, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.617045778442856, "error_w_gmm": 0.015610760259710844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01529826394016119}, "run_1543": {"edge_length": 1200, "pf": 0.39520208333333334, "in_bounds_one_im": 0, "error_one_im": 0.01274162370255511, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.773589661021127, "error_w_gmm": 0.018089293233415755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01772718162163949}, "run_1544": {"edge_length": 1200, "pf": 0.40090694444444447, "in_bounds_one_im": 1, "error_one_im": 0.012264860522429597, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.613385563010512, "error_w_gmm": 0.015511433204597733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015200925214805153}, "run_1545": {"edge_length": 1200, "pf": 0.39492916666666666, "in_bounds_one_im": 0, "error_one_im": 0.012748901020294558, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.058477232859027, "error_w_gmm": 0.014561404720640157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01426991440838316}, "run_1546": {"edge_length": 1200, "pf": 0.3993541666666667, "in_bounds_one_im": 1, "error_one_im": 0.013163056971921057, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.573101778072312, "error_w_gmm": 0.015479348125927946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015169482415488208}, "run_1547": {"edge_length": 1200, "pf": 0.3957645833333333, "in_bounds_one_im": 1, "error_one_im": 0.012973762517535155, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.819400318161898, "error_w_gmm": 0.016103001096006705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01578065109559109}, "run_1548": {"edge_length": 1200, "pf": 0.4020201388888889, "in_bounds_one_im": 1, "error_one_im": 0.012886927982618212, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.112228584320635, "error_w_gmm": 0.014456855168935728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01416745773041286}, "run_1549": {"edge_length": 1200, "pf": 0.4054527777777778, "in_bounds_one_im": 1, "error_one_im": 0.012835740312848908, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.452364234402643, "error_w_gmm": 0.015040624178388036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014739540847321436}, "run_1550": {"edge_length": 1200, "pf": 0.40011875, "in_bounds_one_im": 1, "error_one_im": 0.012203380295719298, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.046901583204573, "error_w_gmm": 0.0164216061358281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016092878297262487}, "run_1551": {"edge_length": 1200, "pf": 0.4039375, "in_bounds_one_im": 1, "error_one_im": 0.013362063096175731, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 8.01071878438674, "error_w_gmm": 0.016218438902877632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015893778067551795}, "run_1552": {"edge_length": 1200, "pf": 0.39605208333333336, "in_bounds_one_im": 1, "error_one_im": 0.013418746783992859, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.691878809543119, "error_w_gmm": 0.013772741920068264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013497039065849408}, "run_1553": {"edge_length": 1200, "pf": 0.40577291666666665, "in_bounds_one_im": 0, "error_one_im": 0.01214148906847319, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.828335913163011, "error_w_gmm": 0.013772041410926585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013496352579505143}, "run_1554": {"edge_length": 1200, "pf": 0.4011986111111111, "in_bounds_one_im": 1, "error_one_im": 0.012664639819305856, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 8.280683111492143, "error_w_gmm": 0.016860738930140045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0165232205279035}, "run_1555": {"edge_length": 1200, "pf": 0.39469791666666665, "in_bounds_one_im": 0, "error_one_im": 0.013374250166463781, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 0, "pred_cls": 6.511389070925759, "error_w_gmm": 0.01343928188294284, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013170254234324767}, "run_1556": {"edge_length": 1200, "pf": 0.4023611111111111, "in_bounds_one_im": 1, "error_one_im": 0.013568400592920287, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.458929341941885, "error_w_gmm": 0.015150838475924142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014847548874197558}, "run_1557": {"edge_length": 1200, "pf": 0.39616805555555556, "in_bounds_one_im": 1, "error_one_im": 0.013580101633967884, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.125425257406624, "error_w_gmm": 0.014661481405255946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014367987757152615}, "run_1558": {"edge_length": 1200, "pf": 0.40388125, "in_bounds_one_im": 1, "error_one_im": 0.012270236644673258, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.440206202634266, "error_w_gmm": 0.013040314560558755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012779273442884272}, "run_1559": {"edge_length": 1200, "pf": 0.40153125, "in_bounds_one_im": 1, "error_one_im": 0.012900041003818702, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.068081344173879, "error_w_gmm": 0.014381737321137103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014093843592272188}, "run_1560": {"edge_length": 1200, "pf": 0.4002298611111111, "in_bounds_one_im": 1, "error_one_im": 0.013383887711347006, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.6437252172631265, "error_w_gmm": 0.015595219493293606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015283034268926273}, "run_1561": {"edge_length": 1400, "pf": 0.4006127551020408, "in_bounds_one_im": 1, "error_one_im": 0.011882128764271287, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.644370548106649, "error_w_gmm": 0.013090647495325316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013090406951605611}, "run_1562": {"edge_length": 1400, "pf": 0.40205255102040816, "in_bounds_one_im": 1, "error_one_im": 0.011567836900078258, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.214290906366331, "error_w_gmm": 0.01231719406378193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012316967732450635}, "run_1563": {"edge_length": 1400, "pf": 0.4044311224489796, "in_bounds_one_im": 1, "error_one_im": 0.011718833628739293, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.0396066912266875, "error_w_gmm": 0.011959696098571584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011959476336349197}, "run_1564": {"edge_length": 1400, "pf": 0.40305714285714284, "in_bounds_one_im": 1, "error_one_im": 0.012308646704601729, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 7.701341661852482, "error_w_gmm": 0.013121319044298061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013121077936981513}, "run_1565": {"edge_length": 1400, "pf": 0.3944673469387755, "in_bounds_one_im": 0, "error_one_im": 0.012035555679779137, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 0, "pred_cls": 7.667877167026898, "error_w_gmm": 0.0133004531250753, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013300208726127962}, "run_1566": {"edge_length": 1400, "pf": 0.40291683673469386, "in_bounds_one_im": 1, "error_one_im": 0.011268826443578161, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.490809804272782, "error_w_gmm": 0.011062075641595791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011061872373360032}, "run_1567": {"edge_length": 1400, "pf": 0.4039229591836735, "in_bounds_one_im": 1, "error_one_im": 0.012494773953002341, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 9.140123145598443, "error_w_gmm": 0.015544688019890163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015544402382600013}, "run_1568": {"edge_length": 1400, "pf": 0.40057295918367347, "in_bounds_one_im": 1, "error_one_im": 0.011079255771268498, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.670429219553602, "error_w_gmm": 0.013136360351349113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013136118967644932}, "run_1569": {"edge_length": 1400, "pf": 0.4008525510204082, "in_bounds_one_im": 1, "error_one_im": 0.010583788076035439, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.129848315051405, "error_w_gmm": 0.012203456503615769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012203232262238744}, "run_1570": {"edge_length": 1400, "pf": 0.40062551020408166, "in_bounds_one_im": 1, "error_one_im": 0.01265063639155429, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 8.405146276642935, "error_w_gmm": 0.014393060107951512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0143927956320944}, "run_1571": {"edge_length": 1400, "pf": 0.39885867346938775, "in_bounds_one_im": 1, "error_one_im": 0.011995789984506525, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 6.70056706094686, "error_w_gmm": 0.011516443099130457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011516231481786002}, "run_1572": {"edge_length": 1400, "pf": 0.4022668367346939, "in_bounds_one_im": 1, "error_one_im": 0.011980611314784985, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.419501642110566, "error_w_gmm": 0.012661913191362438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01266168052573618}, "run_1573": {"edge_length": 1400, "pf": 0.39781020408163265, "in_bounds_one_im": 1, "error_one_im": 0.011178404784697803, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.383247100223307, "error_w_gmm": 0.012717571143937146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012717337455582947}, "run_1574": {"edge_length": 1400, "pf": 0.3990989795918367, "in_bounds_one_im": 1, "error_one_im": 0.01121850835419335, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.895848120949067, "error_w_gmm": 0.013564006327134063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01356375708533481}, "run_1575": {"edge_length": 1400, "pf": 0.4037637755102041, "in_bounds_one_im": 1, "error_one_im": 0.011318453164792264, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.799482946766884, "error_w_gmm": 0.013269035354418425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013268791532779971}, "run_1576": {"edge_length": 1400, "pf": 0.39857908163265304, "in_bounds_one_im": 1, "error_one_im": 0.012564320773024633, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.33792234452484, "error_w_gmm": 0.012619238856513232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012619006975037981}, "run_1577": {"edge_length": 1400, "pf": 0.40027857142857143, "in_bounds_one_im": 1, "error_one_im": 0.011190965747379681, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 8.143691871607249, "error_w_gmm": 0.01395542225549057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013955165821331819}, "run_1578": {"edge_length": 1400, "pf": 0.40288367346938775, "in_bounds_one_im": 1, "error_one_im": 0.011269603185095596, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.174096303941566, "error_w_gmm": 0.013931806201957504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013931550201749139}, "run_1579": {"edge_length": 1400, "pf": 0.39803316326530613, "in_bounds_one_im": 1, "error_one_im": 0.01159483490246765, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.393139869331954, "error_w_gmm": 0.012728687145922464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012728453253309116}, "run_1580": {"edge_length": 1400, "pf": 0.39794438775510205, "in_bounds_one_im": 1, "error_one_im": 0.010858993351382587, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.558550750748629, "error_w_gmm": 0.013015884364346747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013015645194417131}, "run_1581": {"edge_length": 1400, "pf": 0.4019770408163265, "in_bounds_one_im": 1, "error_one_im": 0.011430260374225374, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.510362531793224, "error_w_gmm": 0.012824700787733847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012824465130847347}, "run_1582": {"edge_length": 1400, "pf": 0.40429744897959186, "in_bounds_one_im": 1, "error_one_im": 0.010855067848007155, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.936438418816039, "error_w_gmm": 0.011787692554744041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01178747595312718}, "run_1583": {"edge_length": 1400, "pf": 0.4007484693877551, "in_bounds_one_im": 1, "error_one_im": 0.011948646733129772, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.368105109508164, "error_w_gmm": 0.012613990168824711, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012613758383795302}, "run_1584": {"edge_length": 1400, "pf": 0.4023454081632653, "in_bounds_one_im": 1, "error_one_im": 0.012326870769384263, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 8.007389514052711, "error_w_gmm": 0.013662953690637546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013662702630657267}, "run_1585": {"edge_length": 1400, "pf": 0.40093367346938774, "in_bounds_one_im": 1, "error_one_im": 0.011734495977783426, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.055282514883826, "error_w_gmm": 0.013785102510653865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013784849206160289}, "run_1586": {"edge_length": 1400, "pf": 0.401275, "in_bounds_one_im": 1, "error_one_im": 0.011167773527331094, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.916335314456217, "error_w_gmm": 0.013537699252009249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013537450493608626}, "run_1587": {"edge_length": 1400, "pf": 0.40072602040816324, "in_bounds_one_im": 1, "error_one_im": 0.01187932683395524, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.313558291100371, "error_w_gmm": 0.014233244858516896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014232983319302546}, "run_1588": {"edge_length": 1400, "pf": 0.40306071428571427, "in_bounds_one_im": 1, "error_one_im": 0.011265457440863576, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.488778215669227, "error_w_gmm": 0.0110553071153422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011055103971479609}, "run_1589": {"edge_length": 1400, "pf": 0.3991433673469388, "in_bounds_one_im": 1, "error_one_im": 0.01097208805182494, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.654799268559677, "error_w_gmm": 0.013148699911054764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013148458300608354}, "run_1590": {"edge_length": 1400, "pf": 0.40136938775510206, "in_bounds_one_im": 1, "error_one_im": 0.010991117910830022, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.59153601230815, "error_w_gmm": 0.011269950347389583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011269743259407296}, "run_1591": {"edge_length": 1400, "pf": 0.40092091836734695, "in_bounds_one_im": 1, "error_one_im": 0.011734807564540418, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.3504269683033, "error_w_gmm": 0.012579208686156003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012578977540244422}, "run_1592": {"edge_length": 1400, "pf": 0.4015112244897959, "in_bounds_one_im": 1, "error_one_im": 0.01172039941803043, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.655172775886306, "error_w_gmm": 0.01137539614860968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01137518712303602}, "run_1593": {"edge_length": 1400, "pf": 0.3968372448979592, "in_bounds_one_im": 1, "error_one_im": 0.010954571884712973, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.507449470417656, "error_w_gmm": 0.012957806751718906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01295756864897906}, "run_1594": {"edge_length": 1400, "pf": 0.39993469387755104, "in_bounds_one_im": 1, "error_one_im": 0.011828928165131562, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.953313669032363, "error_w_gmm": 0.011924071613915725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011923852506301624}, "run_1595": {"edge_length": 1400, "pf": 0.39984438775510206, "in_bounds_one_im": 1, "error_one_im": 0.010606034545551575, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.924736930357957, "error_w_gmm": 0.011877300611253427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011877082363067426}, "run_1596": {"edge_length": 1400, "pf": 0.40378928571428574, "in_bounds_one_im": 1, "error_one_im": 0.010797093368551818, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.745175623575275, "error_w_gmm": 0.011474764738170324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011474553886675488}, "run_1597": {"edge_length": 1400, "pf": 0.40193469387755104, "in_bounds_one_im": 1, "error_one_im": 0.011710078598314876, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.467504997388015, "error_w_gmm": 0.012752640440449433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012752406107688734}, "run_1598": {"edge_length": 1400, "pf": 0.3947591836734694, "in_bounds_one_im": 0, "error_one_im": 0.011532927408133952, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 8.966295262185225, "error_w_gmm": 0.01554315059847276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015542864989433136}, "run_1599": {"edge_length": 1400, "pf": 0.4023591836734694, "in_bounds_one_im": 1, "error_one_im": 0.011908669632538693, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.504054496437847, "error_w_gmm": 0.012803749860298898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012803514588390633}, "run_1600": {"edge_length": 1400, "pf": 0.3998892857142857, "in_bounds_one_im": 1, "error_one_im": 0.011480045920788783, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.770424856457638, "error_w_gmm": 0.013326576813831334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013326331934855008}}, "blobs_150.0_0.1": {"true_cls": 9.612244897959183, "true_pf": 0.10012284559015015, "run_1601": {"edge_length": 600, "pf": 0.10180555555555555, "in_bounds_one_im": 1, "error_one_im": 0.08871115174331252, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 8.48438392407037, "error_w_gmm": 0.0856023195341675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08232212950245464}, "run_1602": {"edge_length": 600, "pf": 0.10634722222222222, "in_bounds_one_im": 1, "error_one_im": 0.08116548357858175, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 8.761798370224913, "error_w_gmm": 0.08627408490372787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08296815353602235}, "run_1603": {"edge_length": 600, "pf": 0.09669444444444444, "in_bounds_one_im": 1, "error_one_im": 0.08170746048770061, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.72011571674462, "error_w_gmm": 0.09053251904260734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08706340899833}, "run_1604": {"edge_length": 600, "pf": 0.10191944444444444, "in_bounds_one_im": 1, "error_one_im": 0.08232338397088017, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 9.618011291238549, "error_w_gmm": 0.09697955404382104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09326340046076852}, "run_1605": {"edge_length": 600, "pf": 0.10400277777777778, "in_bounds_one_im": 1, "error_one_im": 0.08296548940402743, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 11.8179280499919, "error_w_gmm": 0.11782514447487302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11331020999068137}, "run_1606": {"edge_length": 600, "pf": 0.09401111111111111, "in_bounds_one_im": 1, "error_one_im": 0.09023169025507367, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 10.066996398896134, "error_w_gmm": 0.10615428595389179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10208656638152012}, "run_1607": {"edge_length": 600, "pf": 0.09900555555555555, "in_bounds_one_im": 1, "error_one_im": 0.08104702555348489, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.6030515578420195, "error_w_gmm": 0.07790852582070487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0749231537983905}, "run_1608": {"edge_length": 600, "pf": 0.10193611111111112, "in_bounds_one_im": 1, "error_one_im": 0.07934776886022304, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 12.435364770066998, "error_w_gmm": 0.12537585063755036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12057158110704241}, "run_1609": {"edge_length": 600, "pf": 0.09685555555555556, "in_bounds_one_im": 1, "error_one_im": 0.08590719733201371, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 10.612410855073012, "error_w_gmm": 0.11007689520136416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10585886540583628}, "run_1610": {"edge_length": 600, "pf": 0.10606944444444444, "in_bounds_one_im": 1, "error_one_im": 0.08205845980401426, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 12.307686938025151, "error_w_gmm": 0.12136653752110546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11671590061399073}, "run_1611": {"edge_length": 600, "pf": 0.09753055555555555, "in_bounds_one_im": 1, "error_one_im": 0.07929091367315727, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.962690870063089, "error_w_gmm": 0.09260833988084938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08905968658519436}, "run_1612": {"edge_length": 600, "pf": 0.10168055555555555, "in_bounds_one_im": 1, "error_one_im": 0.0957071395136267, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 13.756052377227725, "error_w_gmm": 0.13888522376449458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13356328939374826}, "run_1613": {"edge_length": 600, "pf": 0.09815277777777778, "in_bounds_one_im": 1, "error_one_im": 0.09962374613767383, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 14.348779483889254, "error_w_gmm": 0.14773926259292755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14207805085138706}, "run_1614": {"edge_length": 600, "pf": 0.10313888888888889, "in_bounds_one_im": 1, "error_one_im": 0.07843773215001132, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 11.147010621632162, "error_w_gmm": 0.1116543285951376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10737585322614743}, "run_1615": {"edge_length": 600, "pf": 0.09851388888888889, "in_bounds_one_im": 1, "error_one_im": 0.07562455230679543, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 10.277703647813283, "error_w_gmm": 0.10560698801150543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1015602403154189}, "run_1616": {"edge_length": 600, "pf": 0.10358055555555555, "in_bounds_one_im": 1, "error_one_im": 0.07864328560058607, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 11.324097312475967, "error_w_gmm": 0.11315816237041745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10882206168723182}, "run_1617": {"edge_length": 600, "pf": 0.09661388888888889, "in_bounds_one_im": 1, "error_one_im": 0.0872491997845843, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 12.80317593527165, "error_w_gmm": 0.13298431281389292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12788849508792338}, "run_1618": {"edge_length": 600, "pf": 0.10209444444444445, "in_bounds_one_im": 1, "error_one_im": 0.08264019182395232, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 10.65439586140932, "error_w_gmm": 0.10732697284244652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10321431715312036}, "run_1619": {"edge_length": 600, "pf": 0.09558055555555556, "in_bounds_one_im": 1, "error_one_im": 0.08018214832886846, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 11.114454744300614, "error_w_gmm": 0.11613258929549546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11168251172940757}, "run_1620": {"edge_length": 600, "pf": 0.10024166666666667, "in_bounds_one_im": 1, "error_one_im": 0.08049049647217736, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.12134270715037, "error_w_gmm": 0.10300130019095306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09905439968663936}, "run_1621": {"edge_length": 600, "pf": 0.103025, "in_bounds_one_im": 1, "error_one_im": 0.0776992298340009, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.119749415791544, "error_w_gmm": 0.08138179443632652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07826333044696711}, "run_1622": {"edge_length": 600, "pf": 0.099025, "in_bounds_one_im": 1, "error_one_im": 0.08144036820592764, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 6.8798258492443605, "error_w_gmm": 0.07048994421265552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06778884436395273}, "run_1623": {"edge_length": 600, "pf": 0.10255555555555555, "in_bounds_one_im": 1, "error_one_im": 0.07474190477235734, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.661894579932932, "error_w_gmm": 0.07698855002323049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07403843049707182}, "run_1624": {"edge_length": 600, "pf": 0.11010833333333334, "in_bounds_one_im": 0, "error_one_im": 0.08566386614221998, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.395332217143768, "error_w_gmm": 0.10038356749607716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09653697573033676}, "run_1625": {"edge_length": 600, "pf": 0.100375, "in_bounds_one_im": 1, "error_one_im": 0.08222728584970758, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 10.796381075942124, "error_w_gmm": 0.10978979171912069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10558276342431908}, "run_1626": {"edge_length": 600, "pf": 0.09994722222222223, "in_bounds_one_im": 1, "error_one_im": 0.08382304006121256, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 11.138127486724487, "error_w_gmm": 0.11353416905056074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1091836601904615}, "run_1627": {"edge_length": 600, "pf": 0.09600277777777778, "in_bounds_one_im": 1, "error_one_im": 0.08755605350725619, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.230737832498894, "error_w_gmm": 0.09621523436294263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09252836869886129}, "run_1628": {"edge_length": 600, "pf": 0.104225, "in_bounds_one_im": 1, "error_one_im": 0.07837158861808206, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 11.67200686926266, "error_w_gmm": 0.11623176390300913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11177788607121887}, "run_1629": {"edge_length": 600, "pf": 0.10640833333333333, "in_bounds_one_im": 1, "error_one_im": 0.07998026454613634, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 6.992171298114582, "error_w_gmm": 0.0688271158434088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06618973381299563}, "run_1630": {"edge_length": 600, "pf": 0.09495277777777777, "in_bounds_one_im": 1, "error_one_im": 0.08808993963655, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 10.570901624208734, "error_w_gmm": 0.11085609882970522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1066082107781363}, "run_1631": {"edge_length": 600, "pf": 0.09253611111111111, "in_bounds_one_im": 0, "error_one_im": 0.0799573861842469, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 9.280971418241483, "error_w_gmm": 0.09872298229711847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0949400223937632}, "run_1632": {"edge_length": 600, "pf": 0.09964722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07514598549778874, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.231390653931872, "error_w_gmm": 0.09425549163477584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09064372123209216}, "run_1633": {"edge_length": 600, "pf": 0.10199722222222223, "in_bounds_one_im": 1, "error_one_im": 0.07694759132759471, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.863384236519774, "error_w_gmm": 0.09941144734239928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09560210618920156}, "run_1634": {"edge_length": 600, "pf": 0.10018333333333333, "in_bounds_one_im": 1, "error_one_im": 0.0833136369218524, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 6.7697316802974425, "error_w_gmm": 0.06891543639523938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06627467001501795}, "run_1635": {"edge_length": 600, "pf": 0.09715, "in_bounds_one_im": 1, "error_one_im": 0.08616938947856152, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 12.748804197275811, "error_w_gmm": 0.13201449750525562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12695584207261315}, "run_1636": {"edge_length": 600, "pf": 0.096275, "in_bounds_one_im": 1, "error_one_im": 0.08149576500926686, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 12.541818770176013, "error_w_gmm": 0.1305231909733551, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1255216808242375}, "run_1637": {"edge_length": 600, "pf": 0.09384722222222222, "in_bounds_one_im": 1, "error_one_im": 0.09446166691565258, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.513677287392188, "error_w_gmm": 0.11097123553145403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10671893556367287}, "run_1638": {"edge_length": 600, "pf": 0.09627777777777778, "in_bounds_one_im": 1, "error_one_im": 0.08537515287718138, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 11.60212266903697, "error_w_gmm": 0.12074181005149977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11611511203797442}, "run_1639": {"edge_length": 600, "pf": 0.09174166666666667, "in_bounds_one_im": 0, "error_one_im": 0.0820160597290165, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.961885845769425, "error_w_gmm": 0.10647035957307037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1023905283950721}, "run_1640": {"edge_length": 600, "pf": 0.10975277777777778, "in_bounds_one_im": 0, "error_one_im": 0.0768959270388544, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.047701854571612, "error_w_gmm": 0.09720308982239062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09347837058554997}, "run_1641": {"edge_length": 800, "pf": 0.096890625, "in_bounds_one_im": 1, "error_one_im": 0.06029598805921657, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 10.54076148564436, "error_w_gmm": 0.07991329002391585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07884231849366999}, "run_1642": {"edge_length": 800, "pf": 0.103065625, "in_bounds_one_im": 1, "error_one_im": 0.05442667505053465, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 9.639692261673407, "error_w_gmm": 0.07061619475907385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06966981983021503}, "run_1643": {"edge_length": 800, "pf": 0.1031609375, "in_bounds_one_im": 1, "error_one_im": 0.0617697245736157, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 8.087591264433934, "error_w_gmm": 0.0592156553908458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05842206672681422}, "run_1644": {"edge_length": 800, "pf": 0.099821875, "in_bounds_one_im": 1, "error_one_im": 0.05690528462570319, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 8.395524110447715, "error_w_gmm": 0.06260613697749946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061767110198580645}, "run_1645": {"edge_length": 800, "pf": 0.0993296875, "in_bounds_one_im": 1, "error_one_im": 0.0579650404028823, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 11.271202015012243, "error_w_gmm": 0.0842813243261633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08315181384226601}, "run_1646": {"edge_length": 800, "pf": 0.1022375, "in_bounds_one_im": 1, "error_one_im": 0.06282080545098462, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 9.233237846013681, "error_w_gmm": 0.06794341484203992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06703285962723489}, "run_1647": {"edge_length": 800, "pf": 0.1027265625, "in_bounds_one_im": 1, "error_one_im": 0.05718656579476591, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.996661279313582, "error_w_gmm": 0.07336581269759639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07238258829688704}, "run_1648": {"edge_length": 800, "pf": 0.0988171875, "in_bounds_one_im": 1, "error_one_im": 0.05843367417697729, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.68402329537746, "error_w_gmm": 0.0726212565344129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07164801042959398}, "run_1649": {"edge_length": 800, "pf": 0.104334375, "in_bounds_one_im": 1, "error_one_im": 0.06387159436608743, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.954308273909941, "error_w_gmm": 0.07242492566125999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07145431071798629}, "run_1650": {"edge_length": 800, "pf": 0.0969234375, "in_bounds_one_im": 1, "error_one_im": 0.05997944678035493, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 11.394803499795442, "error_w_gmm": 0.0863718952959286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08521436767007774}, "run_1651": {"edge_length": 800, "pf": 0.1030046875, "in_bounds_one_im": 1, "error_one_im": 0.06226458062175087, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.70856137176444, "error_w_gmm": 0.07114415092167253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07019070049862255}, "run_1652": {"edge_length": 800, "pf": 0.095290625, "in_bounds_one_im": 1, "error_one_im": 0.06532167886346348, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 9.847057148800321, "error_w_gmm": 0.07534486238727839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07433511541599348}, "run_1653": {"edge_length": 800, "pf": 0.100159375, "in_bounds_one_im": 1, "error_one_im": 0.05559976152600534, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 9.500631842311709, "error_w_gmm": 0.07071429441011473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06976660478211935}, "run_1654": {"edge_length": 800, "pf": 0.1063546875, "in_bounds_one_im": 1, "error_one_im": 0.060871721947485795, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 8.721068399556, "error_w_gmm": 0.06277571870591454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0619344192486574}, "run_1655": {"edge_length": 800, "pf": 0.094278125, "in_bounds_one_im": 1, "error_one_im": 0.06260879557894698, "one_im_sa_cls": 8.244897959183673, "model_in_bounds": 1, "pred_cls": 10.783882343757467, "error_w_gmm": 0.08300128747433093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08188893162172926}, "run_1656": {"edge_length": 800, "pf": 0.1023875, "in_bounds_one_im": 1, "error_one_im": 0.060993031096020174, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 8.46726676002486, "error_w_gmm": 0.06225610512396655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06142176935638887}, "run_1657": {"edge_length": 800, "pf": 0.098715625, "in_bounds_one_im": 1, "error_one_im": 0.06647413147919877, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 11.152428612032333, "error_w_gmm": 0.08368067046359114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08255920974445946}, "run_1658": {"edge_length": 800, "pf": 0.097071875, "in_bounds_one_im": 1, "error_one_im": 0.06526580128059437, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.334762166097766, "error_w_gmm": 0.08584401487492803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08469356172820437}, "run_1659": {"edge_length": 800, "pf": 0.1017875, "in_bounds_one_im": 1, "error_one_im": 0.06297529404851529, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 10.99072799778556, "error_w_gmm": 0.08107491673472056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07998837746679711}, "run_1660": {"edge_length": 800, "pf": 0.103146875, "in_bounds_one_im": 1, "error_one_im": 0.061626986435103295, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 10.521107217979242, "error_w_gmm": 0.07703920630194942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07600675229289242}, "run_1661": {"edge_length": 800, "pf": 0.099896875, "in_bounds_one_im": 1, "error_one_im": 0.068437959124832, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.068091991750297, "error_w_gmm": 0.07504730246447647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07404154329304015}, "run_1662": {"edge_length": 800, "pf": 0.106540625, "in_bounds_one_im": 0, "error_one_im": 0.05979871624481869, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 0, "pred_cls": 4.414504645355508, "error_w_gmm": 0.031745304059894626, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03131986397531077}, "run_1663": {"edge_length": 800, "pf": 0.1031171875, "in_bounds_one_im": 1, "error_one_im": 0.062226703717435286, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.360708346306781, "error_w_gmm": 0.06855336275262493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06763463321729106}, "run_1664": {"edge_length": 800, "pf": 0.101559375, "in_bounds_one_im": 1, "error_one_im": 0.06959732664923245, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 10.781844487104951, "error_w_gmm": 0.0796334391810051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07856621811936583}, "run_1665": {"edge_length": 800, "pf": 0.1039359375, "in_bounds_one_im": 1, "error_one_im": 0.06165921275176991, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 10.298561459954952, "error_w_gmm": 0.07508980113586267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07408347241126305}, "run_1666": {"edge_length": 800, "pf": 0.101740625, "in_bounds_one_im": 1, "error_one_im": 0.06997398536037865, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 8.978770043319773, "error_w_gmm": 0.06625036198618772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0653624965068105}, "run_1667": {"edge_length": 800, "pf": 0.1000546875, "in_bounds_one_im": 1, "error_one_im": 0.06103033767809884, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.81608200673492, "error_w_gmm": 0.06565725003593932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06477733324710892}, "run_1668": {"edge_length": 800, "pf": 0.09900625, "in_bounds_one_im": 1, "error_one_im": 0.06274584006314426, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 7.97133530388033, "error_w_gmm": 0.05971430596556649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05891403455115761}, "run_1669": {"edge_length": 800, "pf": 0.0977609375, "in_bounds_one_im": 1, "error_one_im": 0.06273215542661031, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 9.286875407293246, "error_w_gmm": 0.07005924958340357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06912033864991855}, "run_1670": {"edge_length": 800, "pf": 0.09979375, "in_bounds_one_im": 1, "error_one_im": 0.06201995064118326, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 10.246947858578325, "error_w_gmm": 0.07642432205683708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07540010852343462}, "run_1671": {"edge_length": 800, "pf": 0.1007671875, "in_bounds_one_im": 1, "error_one_im": 0.06079011115101965, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.911697349551376, "error_w_gmm": 0.06610809784271196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06522213894041842}, "run_1672": {"edge_length": 800, "pf": 0.099990625, "in_bounds_one_im": 1, "error_one_im": 0.0642021642249054, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.226287345723824, "error_w_gmm": 0.06873668437090667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06781549801976648}, "run_1673": {"edge_length": 800, "pf": 0.0983796875, "in_bounds_one_im": 1, "error_one_im": 0.06069676166635167, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 9.670593233531967, "error_w_gmm": 0.07269925637236806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07172496493947188}, "run_1674": {"edge_length": 800, "pf": 0.101171875, "in_bounds_one_im": 1, "error_one_im": 0.06065475607217077, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 9.701190427059055, "error_w_gmm": 0.07180442103501455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07084212188988775}, "run_1675": {"edge_length": 800, "pf": 0.1058671875, "in_bounds_one_im": 1, "error_one_im": 0.05710510085889184, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 10.31845985837294, "error_w_gmm": 0.07446512716508263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0734671701148088}, "run_1676": {"edge_length": 800, "pf": 0.0955890625, "in_bounds_one_im": 1, "error_one_im": 0.05951847441965258, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.122085280778709, "error_w_gmm": 0.07731549162663591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07627933493287055}, "run_1677": {"edge_length": 800, "pf": 0.0986859375, "in_bounds_one_im": 1, "error_one_im": 0.05998780467457157, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 11.129589463823445, "error_w_gmm": 0.0835232357283587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0824038848975731}, "run_1678": {"edge_length": 800, "pf": 0.0945828125, "in_bounds_one_im": 1, "error_one_im": 0.0708509629529679, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.08752053564803, "error_w_gmm": 0.08518643043652514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08404479001934935}, "run_1679": {"edge_length": 800, "pf": 0.1022171875, "in_bounds_one_im": 1, "error_one_im": 0.05853057619118908, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.36221305443221, "error_w_gmm": 0.06890011199862964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06797673544437693}, "run_1680": {"edge_length": 800, "pf": 0.1014, "in_bounds_one_im": 1, "error_one_im": 0.06028111501732367, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 9.611275309219451, "error_w_gmm": 0.07104981887419837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07009763265810573}, "run_1681": {"edge_length": 1000, "pf": 0.098456, "in_bounds_one_im": 1, "error_one_im": 0.04902068821119515, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.618891644459023, "error_w_gmm": 0.04610989812191514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04518686982488241}, "run_1682": {"edge_length": 1000, "pf": 0.10016, "in_bounds_one_im": 1, "error_one_im": 0.0495150876372343, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.824124112860607, "error_w_gmm": 0.05289773699260728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05183882968459114}, "run_1683": {"edge_length": 1000, "pf": 0.099947, "in_bounds_one_im": 1, "error_one_im": 0.046692891921520034, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.536973977346237, "error_w_gmm": 0.057238698970229596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056092894251789906}, "run_1684": {"edge_length": 1000, "pf": 0.10481, "in_bounds_one_im": 1, "error_one_im": 0.04687622543524566, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 10.059352523012965, "error_w_gmm": 0.05879714981309176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05762014801363288}, "run_1685": {"edge_length": 1000, "pf": 0.104947, "in_bounds_one_im": 0, "error_one_im": 0.04497302523473202, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.509521293433158, "error_w_gmm": 0.05554283114499674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05443097432179158}, "run_1686": {"edge_length": 1000, "pf": 0.097726, "in_bounds_one_im": 1, "error_one_im": 0.05396337963559434, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 7.919109683152047, "error_w_gmm": 0.0481249746464237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04716160853194687}, "run_1687": {"edge_length": 1000, "pf": 0.104597, "in_bounds_one_im": 1, "error_one_im": 0.0541854469903572, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 11.369212591691312, "error_w_gmm": 0.0665288538233865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06519707871328373}, "run_1688": {"edge_length": 1000, "pf": 0.103506, "in_bounds_one_im": 1, "error_one_im": 0.04991243969154055, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 12.133489931212837, "error_w_gmm": 0.07141783171087646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06998818900363013}, "run_1689": {"edge_length": 1000, "pf": 0.096046, "in_bounds_one_im": 1, "error_one_im": 0.0514161504931515, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 10.018614118165756, "error_w_gmm": 0.06147112611348239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0602405966357726}, "run_1690": {"edge_length": 1000, "pf": 0.100276, "in_bounds_one_im": 1, "error_one_im": 0.04948324984857169, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 6.336570806954249, "error_w_gmm": 0.03796124432930088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03720133584687761}, "run_1691": {"edge_length": 1000, "pf": 0.097603, "in_bounds_one_im": 1, "error_one_im": 0.05254156395646489, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 11.02672072392001, "error_w_gmm": 0.06705692109243892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06571457512766223}, "run_1692": {"edge_length": 1000, "pf": 0.101143, "in_bounds_one_im": 1, "error_one_im": 0.0531819499067995, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 9.271185648107371, "error_w_gmm": 0.055276770288007315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054170239473094066}, "run_1693": {"edge_length": 1000, "pf": 0.09756, "in_bounds_one_im": 1, "error_one_im": 0.04732328509511288, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.391907425270883, "error_w_gmm": 0.04496346663620154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04406338761351162}, "run_1694": {"edge_length": 1000, "pf": 0.095084, "in_bounds_one_im": 0, "error_one_im": 0.047260813932195875, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 9.603053292849673, "error_w_gmm": 0.05925018989206092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058064119132799304}, "run_1695": {"edge_length": 1000, "pf": 0.101078, "in_bounds_one_im": 1, "error_one_im": 0.04831029827067975, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.928200759875487, "error_w_gmm": 0.0651795480933748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06387478339580553}, "run_1696": {"edge_length": 1000, "pf": 0.098223, "in_bounds_one_im": 1, "error_one_im": 0.05187268878191517, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.257944889393043, "error_w_gmm": 0.06822320123081797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06685750866121601}, "run_1697": {"edge_length": 1000, "pf": 0.101741, "in_bounds_one_im": 1, "error_one_im": 0.048610278208734814, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.652516988068076, "error_w_gmm": 0.05141919153846305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0503898817647772}, "run_1698": {"edge_length": 1000, "pf": 0.101626, "in_bounds_one_im": 1, "error_one_im": 0.05042478309705392, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 11.135782151578814, "error_w_gmm": 0.06621812710492263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06489257212467194}, "run_1699": {"edge_length": 1000, "pf": 0.100142, "in_bounds_one_im": 1, "error_one_im": 0.051558387616314635, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 9.785418259672012, "error_w_gmm": 0.05866623935707014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057491858124131864}, "run_1700": {"edge_length": 1000, "pf": 0.099365, "in_bounds_one_im": 1, "error_one_im": 0.05130022876655578, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.130471865036814, "error_w_gmm": 0.05497698385617556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053876454168372064}, "run_1701": {"edge_length": 1000, "pf": 0.100507, "in_bounds_one_im": 1, "error_one_im": 0.050257634122096044, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 10.319768920500499, "error_w_gmm": 0.061744845365438776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06050883657362742}, "run_1702": {"edge_length": 1000, "pf": 0.104397, "in_bounds_one_im": 1, "error_one_im": 0.05014291071612367, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.498049540649133, "error_w_gmm": 0.06735470395829672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06600639697380953}, "run_1703": {"edge_length": 1000, "pf": 0.1005, "in_bounds_one_im": 1, "error_one_im": 0.054328212580658584, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.086904528349024, "error_w_gmm": 0.06633730994134793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06500936915815636}, "run_1704": {"edge_length": 1000, "pf": 0.095716, "in_bounds_one_im": 1, "error_one_im": 0.0515141083149105, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 8.993600276701562, "error_w_gmm": 0.05528708975513531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054180352365049304}, "run_1705": {"edge_length": 1000, "pf": 0.101555, "in_bounds_one_im": 1, "error_one_im": 0.0493736461819578, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 9.772549423103104, "error_w_gmm": 0.058134369137734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05697063488695769}, "run_1706": {"edge_length": 1000, "pf": 0.101477, "in_bounds_one_im": 1, "error_one_im": 0.054274726434422466, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 11.069812106162294, "error_w_gmm": 0.0658796122794775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06456083369161932}, "run_1707": {"edge_length": 1000, "pf": 0.096735, "in_bounds_one_im": 1, "error_one_im": 0.05145764186277996, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 10.429811578624282, "error_w_gmm": 0.06374149298806549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062465515288710374}, "run_1708": {"edge_length": 1000, "pf": 0.098688, "in_bounds_one_im": 1, "error_one_im": 0.05052818466588907, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 8.699770081549584, "error_w_gmm": 0.05258273526690781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051530133665871766}, "run_1709": {"edge_length": 1000, "pf": 0.096452, "in_bounds_one_im": 1, "error_one_im": 0.05105144764317762, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 9.801948945284607, "error_w_gmm": 0.06000154419488868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058800432819385046}, "run_1710": {"edge_length": 1000, "pf": 0.102124, "in_bounds_one_im": 1, "error_one_im": 0.046611044433442626, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.54678833325457, "error_w_gmm": 0.0566150066242105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055481686983974605}, "run_1711": {"edge_length": 1000, "pf": 0.105662, "in_bounds_one_im": 0, "error_one_im": 0.04910841198049658, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.657124781894055, "error_w_gmm": 0.05619132427477884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05506648591108888}, "run_1712": {"edge_length": 1000, "pf": 0.105383, "in_bounds_one_im": 1, "error_one_im": 0.05174498621071773, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 9.701216672104195, "error_w_gmm": 0.05653136793539692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0553997225750802}, "run_1713": {"edge_length": 1000, "pf": 0.106032, "in_bounds_one_im": 0, "error_one_im": 0.05087080750518378, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 0, "pred_cls": 9.237643729980922, "error_w_gmm": 0.05364555150180398, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0525716744371622}, "run_1714": {"edge_length": 1000, "pf": 0.099955, "in_bounds_one_im": 1, "error_one_im": 0.04909137190718346, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 10.116332395177789, "error_w_gmm": 0.06071317380321211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059497817020708284}, "run_1715": {"edge_length": 1000, "pf": 0.099796, "in_bounds_one_im": 1, "error_one_im": 0.04793346327959624, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 11.78888071320199, "error_w_gmm": 0.07081356697703965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06939602044590626}, "run_1716": {"edge_length": 1000, "pf": 0.097318, "in_bounds_one_im": 1, "error_one_im": 0.05335767840964734, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.246194948317427, "error_w_gmm": 0.044137813296778794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043254262209019845}, "run_1717": {"edge_length": 1000, "pf": 0.099623, "in_bounds_one_im": 1, "error_one_im": 0.04677717614641291, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.955210920140535, "error_w_gmm": 0.059856711036138294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0586584989319261}, "run_1718": {"edge_length": 1000, "pf": 0.104617, "in_bounds_one_im": 1, "error_one_im": 0.04891382033263938, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 9.004677419226258, "error_w_gmm": 0.052686754427817076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05163207057041386}, "run_1719": {"edge_length": 1000, "pf": 0.103036, "in_bounds_one_im": 1, "error_one_im": 0.05216356823436243, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 9.88454656710872, "error_w_gmm": 0.05832835905057811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05716074150822697}, "run_1720": {"edge_length": 1000, "pf": 0.098061, "in_bounds_one_im": 1, "error_one_im": 0.047674372517563374, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.540410467952738, "error_w_gmm": 0.05786786774018367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05670946831644366}, "run_1721": {"edge_length": 1200, "pf": 0.09839722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04207489310365703, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 11.41785685498823, "error_w_gmm": 0.057603589252430205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05645048015750091}, "run_1722": {"edge_length": 1200, "pf": 0.10009791666666666, "in_bounds_one_im": 1, "error_one_im": 0.042176285188879115, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 11.553677450054156, "error_w_gmm": 0.05773698452232259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05658120511984948}, "run_1723": {"edge_length": 1200, "pf": 0.0974451388888889, "in_bounds_one_im": 1, "error_one_im": 0.042200812337207114, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 10.066970080334592, "error_w_gmm": 0.051062755016606017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050040580391969874}, "run_1724": {"edge_length": 1200, "pf": 0.10197847222222223, "in_bounds_one_im": 1, "error_one_im": 0.04589632041026446, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 8.84530992630311, "error_w_gmm": 0.0437472670673437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04287153393702438}, "run_1725": {"edge_length": 1200, "pf": 0.10078888888888889, "in_bounds_one_im": 1, "error_one_im": 0.04400657183856721, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 11.157833934906426, "error_w_gmm": 0.05554604562855334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05443412445779156}, "run_1726": {"edge_length": 1200, "pf": 0.09985416666666666, "in_bounds_one_im": 1, "error_one_im": 0.042633766864462956, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.843783776904148, "error_w_gmm": 0.04925883737376589, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048272773586448346}, "run_1727": {"edge_length": 1200, "pf": 0.09792222222222222, "in_bounds_one_im": 1, "error_one_im": 0.042896117214685885, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 10.719950254659672, "error_w_gmm": 0.05422791185856376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05314237709979875}, "run_1728": {"edge_length": 1200, "pf": 0.09737291666666667, "in_bounds_one_im": 1, "error_one_im": 0.04049288791863023, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 9.699110230789191, "error_w_gmm": 0.04921706771925241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04823184007720186}, "run_1729": {"edge_length": 1200, "pf": 0.10209097222222223, "in_bounds_one_im": 1, "error_one_im": 0.04507732196762243, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.021467253938145, "error_w_gmm": 0.04953390427537753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04854233419669733}, "run_1730": {"edge_length": 1200, "pf": 0.10145972222222223, "in_bounds_one_im": 1, "error_one_im": 0.0381903320760723, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.617349578024566, "error_w_gmm": 0.047700847173537515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046745971246091346}, "run_1731": {"edge_length": 1200, "pf": 0.10341041666666667, "in_bounds_one_im": 1, "error_one_im": 0.04318551885925652, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.673556507946214, "error_w_gmm": 0.0523808574956907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05133229708543936}, "run_1732": {"edge_length": 1200, "pf": 0.10303541666666667, "in_bounds_one_im": 1, "error_one_im": 0.039240817138558676, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.372197817253806, "error_w_gmm": 0.04117016548321852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04034602079233119}, "run_1733": {"edge_length": 1200, "pf": 0.09658125, "in_bounds_one_im": 1, "error_one_im": 0.04251135608331758, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 10.939639717415474, "error_w_gmm": 0.055763485032861104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05464721115842299}, "run_1734": {"edge_length": 1200, "pf": 0.0954375, "in_bounds_one_im": 0, "error_one_im": 0.04135571879529541, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 0, "pred_cls": 7.003487579349583, "error_w_gmm": 0.035935432396187364, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03521607663270062}, "run_1735": {"edge_length": 1200, "pf": 0.09851388888888889, "in_bounds_one_im": 1, "error_one_im": 0.04023226182721517, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 11.74252725285053, "error_w_gmm": 0.05920264562565057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058017526607881495}, "run_1736": {"edge_length": 1200, "pf": 0.10341319444444444, "in_bounds_one_im": 1, "error_one_im": 0.048190391205581405, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.35912484579224, "error_w_gmm": 0.05083701141963025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04981935573206338}, "run_1737": {"edge_length": 1200, "pf": 0.09879930555555555, "in_bounds_one_im": 1, "error_one_im": 0.040570431231399556, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.076193023365112, "error_w_gmm": 0.05071997617617203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04970466330101332}, "run_1738": {"edge_length": 1200, "pf": 0.09839652777777778, "in_bounds_one_im": 1, "error_one_im": 0.04580833628948402, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 8.876723559686997, "error_w_gmm": 0.044783635461675034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04388715630082699}, "run_1739": {"edge_length": 1200, "pf": 0.10050694444444444, "in_bounds_one_im": 1, "error_one_im": 0.040983916608876354, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.042471420101057, "error_w_gmm": 0.045085487169249816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04418296553858613}, "run_1740": {"edge_length": 1200, "pf": 0.10105833333333333, "in_bounds_one_im": 1, "error_one_im": 0.03887113412053761, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.547150028769346, "error_w_gmm": 0.047457208256927605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04650720949519745}, "run_1741": {"edge_length": 1200, "pf": 0.1035125, "in_bounds_one_im": 1, "error_one_im": 0.04512365987519926, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 10.480864852255417, "error_w_gmm": 0.05140692078717898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05037785664948715}, "run_1742": {"edge_length": 1200, "pf": 0.10299236111111111, "in_bounds_one_im": 1, "error_one_im": 0.03984018547959728, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.070547653345834, "error_w_gmm": 0.04953331591351622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04854175761266824}, "run_1743": {"edge_length": 1200, "pf": 0.099375, "in_bounds_one_im": 1, "error_one_im": 0.0414432919102572, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.64085596824071, "error_w_gmm": 0.04335497538015741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042487095147864654}, "run_1744": {"edge_length": 1200, "pf": 0.10131805555555555, "in_bounds_one_im": 1, "error_one_im": 0.04159531071846709, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 10.285385893188021, "error_w_gmm": 0.05105390019022401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050031902821570884}, "run_1745": {"edge_length": 1200, "pf": 0.09956736111111111, "in_bounds_one_im": 1, "error_one_im": 0.04240120981613484, "one_im_sa_cls": 8.63265306122449, "model_in_bounds": 1, "pred_cls": 11.687046879164047, "error_w_gmm": 0.05857612680568327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05740354944649525}, "run_1746": {"edge_length": 1200, "pf": 0.09304027777777778, "in_bounds_one_im": 0, "error_one_im": 0.04662375844935744, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 0, "pred_cls": 10.562162278855759, "error_w_gmm": 0.054961691049181104, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05386146749290624}, "run_1747": {"edge_length": 1200, "pf": 0.09995833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04300916638201893, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 9.342687448316891, "error_w_gmm": 0.04672425379236775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04578892731877488}, "run_1748": {"edge_length": 1200, "pf": 0.10024861111111111, "in_bounds_one_im": 1, "error_one_im": 0.04433797107276301, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.80781813391013, "error_w_gmm": 0.05396458708278366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052884323561415654}, "run_1749": {"edge_length": 1200, "pf": 0.10213055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04328860836522175, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.511619274410048, "error_w_gmm": 0.04700369038067103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04606277014329345}, "run_1750": {"edge_length": 1200, "pf": 0.09996805555555556, "in_bounds_one_im": 1, "error_one_im": 0.04400700179013932, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 11.264832298884361, "error_w_gmm": 0.05633415960142785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055206461959064874}, "run_1751": {"edge_length": 1200, "pf": 0.10050069444444444, "in_bounds_one_im": 1, "error_one_im": 0.03839258719705032, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 10.605812649287822, "error_w_gmm": 0.052882086906907426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051823492882427886}, "run_1752": {"edge_length": 1200, "pf": 0.09946805555555556, "in_bounds_one_im": 1, "error_one_im": 0.043527952791390365, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.879715269632468, "error_w_gmm": 0.05455995792534029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05346777626584382}, "run_1753": {"edge_length": 1200, "pf": 0.10019791666666666, "in_bounds_one_im": 1, "error_one_im": 0.04205300280193089, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 10.571404892665585, "error_w_gmm": 0.052798989145313516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05174205857246788}, "run_1754": {"edge_length": 1200, "pf": 0.10192152777777778, "in_bounds_one_im": 1, "error_one_im": 0.04373380002933172, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 12.476324644774351, "error_w_gmm": 0.06172478659607917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06048917934086798}, "run_1755": {"edge_length": 1200, "pf": 0.09953194444444445, "in_bounds_one_im": 1, "error_one_im": 0.04411399123119566, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 8.479431756462036, "error_w_gmm": 0.04250777860746254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041656857566714375}, "run_1756": {"edge_length": 1200, "pf": 0.0973611111111111, "in_bounds_one_im": 1, "error_one_im": 0.041815013417610576, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 8.55164573683061, "error_w_gmm": 0.04339730001181247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042528572524715993}, "run_1757": {"edge_length": 1200, "pf": 0.10119652777777778, "in_bounds_one_im": 1, "error_one_im": 0.03943763259602007, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 9.441345713291318, "error_w_gmm": 0.04689561278247311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0459568560432917}, "run_1758": {"edge_length": 1200, "pf": 0.10230972222222222, "in_bounds_one_im": 1, "error_one_im": 0.04383878843661902, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 9.503671757292436, "error_w_gmm": 0.0469185936197867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045979376850026364}, "run_1759": {"edge_length": 1200, "pf": 0.10100763888888889, "in_bounds_one_im": 1, "error_one_im": 0.04136804399486767, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 10.266029175837726, "error_w_gmm": 0.05104487385079631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050023057171475614}, "run_1760": {"edge_length": 1200, "pf": 0.10013819444444444, "in_bounds_one_im": 1, "error_one_im": 0.035971727664033885, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 9.040647909330167, "error_w_gmm": 0.04516856949706986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04426438472372572}, "run_1761": {"edge_length": 1400, "pf": 0.0970704081632653, "in_bounds_one_im": 1, "error_one_im": 0.036249399896637724, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 9.753446769893591, "error_w_gmm": 0.04164565232625368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04164488707761941}, "run_1762": {"edge_length": 1400, "pf": 0.09917397959183673, "in_bounds_one_im": 1, "error_one_im": 0.03771548324219536, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.602007237410497, "error_w_gmm": 0.04051460932765863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04051386486220484}, "run_1763": {"edge_length": 1400, "pf": 0.10054336734693878, "in_bounds_one_im": 1, "error_one_im": 0.03478017682956315, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 9.39801041336522, "error_w_gmm": 0.0393529558891433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03935223276934397}, "run_1764": {"edge_length": 1400, "pf": 0.09950561224489796, "in_bounds_one_im": 1, "error_one_im": 0.035754772829937116, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 9.76996144397628, "error_w_gmm": 0.04114694562166673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0411461895368851}, "run_1765": {"edge_length": 1400, "pf": 0.10142551020408164, "in_bounds_one_im": 1, "error_one_im": 0.03605730586136198, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 10.272526162188, "error_w_gmm": 0.04280640278558297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04280561620788662}, "run_1766": {"edge_length": 1400, "pf": 0.09913877551020409, "in_bounds_one_im": 1, "error_one_im": 0.03737841457649759, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.203079144807607, "error_w_gmm": 0.04305925018544034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04305845896161365}, "run_1767": {"edge_length": 1400, "pf": 0.09926224489795918, "in_bounds_one_im": 1, "error_one_im": 0.03597554601281426, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 8.565581074841017, "error_w_gmm": 0.03612368136039778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03612301757927576}, "run_1768": {"edge_length": 1400, "pf": 0.09946224489795918, "in_bounds_one_im": 1, "error_one_im": 0.03241060661500933, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 10.259507488070245, "error_w_gmm": 0.043219166050169115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043218371887850854}, "run_1769": {"edge_length": 1400, "pf": 0.09850102040816326, "in_bounds_one_im": 1, "error_one_im": 0.038031101731799626, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.11902005228047, "error_w_gmm": 0.04285768881710188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04285690129701261}, "run_1770": {"edge_length": 1400, "pf": 0.10410969387755102, "in_bounds_one_im": 0, "error_one_im": 0.03620675106442485, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.112614246704446, "error_w_gmm": 0.041531088202307005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041530325058815334}, "run_1771": {"edge_length": 1400, "pf": 0.10277448979591837, "in_bounds_one_im": 1, "error_one_im": 0.034695562989675625, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.045606054099718, "error_w_gmm": 0.037417420733596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03741673317970946}, "run_1772": {"edge_length": 1400, "pf": 0.10072755102040816, "in_bounds_one_im": 1, "error_one_im": 0.03636679939517389, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.676589399619804, "error_w_gmm": 0.04047826185095597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04047751805339563}, "run_1773": {"edge_length": 1400, "pf": 0.10106989795918367, "in_bounds_one_im": 1, "error_one_im": 0.03416806590891118, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.220188019302944, "error_w_gmm": 0.0343211502984229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03432051963923207}, "run_1774": {"edge_length": 1400, "pf": 0.10232602040816327, "in_bounds_one_im": 1, "error_one_im": 0.03291848601077859, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 10.533035499043887, "error_w_gmm": 0.04367650309193006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04367570052593628}, "run_1775": {"edge_length": 1400, "pf": 0.10104285714285714, "in_bounds_one_im": 1, "error_one_im": 0.03698540592494541, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.406097807127132, "error_w_gmm": 0.04345428655430899, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043453488071596276}, "run_1776": {"edge_length": 1400, "pf": 0.09791530612244898, "in_bounds_one_im": 1, "error_one_im": 0.03763674605938662, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.205020417559629, "error_w_gmm": 0.04336509255191059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04336429570815857}, "run_1777": {"edge_length": 1400, "pf": 0.10072857142857143, "in_bounds_one_im": 1, "error_one_im": 0.03568365381628628, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 8.674841001600736, "error_w_gmm": 0.03628763123730378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03628696444356433}, "run_1778": {"edge_length": 1400, "pf": 0.09683010204081632, "in_bounds_one_im": 1, "error_one_im": 0.037346273792286284, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.301145027533353, "error_w_gmm": 0.0397689371425737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039768206379021294}, "run_1779": {"edge_length": 1400, "pf": 0.09871989795918368, "in_bounds_one_im": 1, "error_one_im": 0.03599876260669123, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 8.746257906949603, "error_w_gmm": 0.03699796675847867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03699728691215725}, "run_1780": {"edge_length": 1400, "pf": 0.0990704081632653, "in_bounds_one_im": 1, "error_one_im": 0.03610035296127602, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 9.805295884401266, "error_w_gmm": 0.04139636322997704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041395602562088324}, "run_1781": {"edge_length": 1400, "pf": 0.10078418367346939, "in_bounds_one_im": 1, "error_one_im": 0.034392583374274775, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.242989407688555, "error_w_gmm": 0.034470577132989615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03446994372804573}, "run_1782": {"edge_length": 1400, "pf": 0.10084642857142857, "in_bounds_one_im": 1, "error_one_im": 0.03600170772718569, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 8.793024343831359, "error_w_gmm": 0.03675809423189554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03675741879328819}, "run_1783": {"edge_length": 1400, "pf": 0.10135051020408163, "in_bounds_one_im": 1, "error_one_im": 0.035901998353448684, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 10.61058784516203, "error_w_gmm": 0.04423333426699761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04423252146910039}, "run_1784": {"edge_length": 1400, "pf": 0.10071785714285714, "in_bounds_one_im": 1, "error_one_im": 0.03508815585674781, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.301009948049309, "error_w_gmm": 0.0347259164677955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034725278370931485}, "run_1785": {"edge_length": 1400, "pf": 0.10155051020408164, "in_bounds_one_im": 1, "error_one_im": 0.03654249609630463, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 8.340974525348324, "error_w_gmm": 0.034733664803343854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03473302656410223}, "run_1786": {"edge_length": 1400, "pf": 0.1005765306122449, "in_bounds_one_im": 1, "error_one_im": 0.03614083025616192, "one_im_sa_cls": 8.63265306122449, "model_in_bounds": 1, "pred_cls": 10.17645832532751, "error_w_gmm": 0.04260479467991769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04260401180681749}, "run_1787": {"edge_length": 1400, "pf": 0.10035714285714285, "in_bounds_one_im": 1, "error_one_im": 0.036441353424739684, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 10.306266229686624, "error_w_gmm": 0.04320065348906575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04319985966692021}, "run_1788": {"edge_length": 1400, "pf": 0.09985459183673469, "in_bounds_one_im": 1, "error_one_im": 0.03757252660250508, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.875278598295141, "error_w_gmm": 0.03730631432669886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03730562881441855}, "run_1789": {"edge_length": 1400, "pf": 0.10027397959183673, "in_bounds_one_im": 1, "error_one_im": 0.03697164180960953, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.357192057845314, "error_w_gmm": 0.04343412531336435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04343332720111919}, "run_1790": {"edge_length": 1400, "pf": 0.09965357142857142, "in_bounds_one_im": 1, "error_one_im": 0.03624055295579856, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.654950616477004, "error_w_gmm": 0.040629032601185326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04062828603317698}, "run_1791": {"edge_length": 1400, "pf": 0.09796326530612245, "in_bounds_one_im": 1, "error_one_im": 0.03511231664371648, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.669001622536988, "error_w_gmm": 0.03257972027055597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032579121610550654}, "run_1792": {"edge_length": 1400, "pf": 0.0980219387755102, "in_bounds_one_im": 1, "error_one_im": 0.03475399153659827, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.751577059692936, "error_w_gmm": 0.03716641740088921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03716573445924773}, "run_1793": {"edge_length": 1400, "pf": 0.09821428571428571, "in_bounds_one_im": 1, "error_one_im": 0.032984757481331194, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 9.022934176250688, "error_w_gmm": 0.03827720068353847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038276497330993565}, "run_1794": {"edge_length": 1400, "pf": 0.09841173469387755, "in_bounds_one_im": 1, "error_one_im": 0.03926092340338747, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 10.173235969863283, "error_w_gmm": 0.04310898876926514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04310819663148027}, "run_1795": {"edge_length": 1400, "pf": 0.10072704081632652, "in_bounds_one_im": 1, "error_one_im": 0.033891220704869884, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.112906444801258, "error_w_gmm": 0.03393729574949455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033936672143721196}, "run_1796": {"edge_length": 1400, "pf": 0.10196428571428572, "in_bounds_one_im": 1, "error_one_im": 0.036799038255261235, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 8.508083440827306, "error_w_gmm": 0.03534944013693064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03534879058267275}, "run_1797": {"edge_length": 1400, "pf": 0.10235204081632653, "in_bounds_one_im": 1, "error_one_im": 0.03409838359330425, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.628613940260427, "error_w_gmm": 0.03577452240907332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03577386504382901}, "run_1798": {"edge_length": 1400, "pf": 0.09944693877551021, "in_bounds_one_im": 1, "error_one_im": 0.03903361480768493, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.082815906639635, "error_w_gmm": 0.04669142181413338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04669056384830064}, "run_1799": {"edge_length": 1400, "pf": 0.09786530612244898, "in_bounds_one_im": 1, "error_one_im": 0.0371269315547225, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 8.367788534527953, "error_w_gmm": 0.0355680491252324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03556739555398303}, "run_1800": {"edge_length": 1400, "pf": 0.10170918367346939, "in_bounds_one_im": 1, "error_one_im": 0.03719002594558651, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.753270455615935, "error_w_gmm": 0.04057950064331555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04057875498546866}}, "blobs_150.0_0.2": {"true_cls": 10.571428571428571, "true_pf": 0.2000956745243115, "run_1801": {"edge_length": 600, "pf": 0.20465277777777777, "in_bounds_one_im": 1, "error_one_im": 0.060454433338670024, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 9.999396262703693, "error_w_gmm": 0.06695902463795768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0643932258798647}, "run_1802": {"edge_length": 600, "pf": 0.19933055555555557, "in_bounds_one_im": 1, "error_one_im": 0.052241688697687215, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 10.099389266038303, "error_w_gmm": 0.06875441289154346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06611981676108364}, "run_1803": {"edge_length": 600, "pf": 0.20302777777777778, "in_bounds_one_im": 1, "error_one_im": 0.05600289514099787, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 10.831603067740362, "error_w_gmm": 0.072895778020812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07010248917397911}, "run_1804": {"edge_length": 600, "pf": 0.19310833333333333, "in_bounds_one_im": 1, "error_one_im": 0.06663719796004121, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 8.553323502924414, "error_w_gmm": 0.0593892420539285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05711350933037161}, "run_1805": {"edge_length": 600, "pf": 0.20207777777777777, "in_bounds_one_im": 1, "error_one_im": 0.061201735507631756, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 14.108814282938589, "error_w_gmm": 0.09523076991767312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09158162788628685}, "run_1806": {"edge_length": 600, "pf": 0.19689166666666666, "in_bounds_one_im": 1, "error_one_im": 0.07028208909115671, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.421453912174517, "error_w_gmm": 0.078353890867126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07535145292891475}, "run_1807": {"edge_length": 600, "pf": 0.199075, "in_bounds_one_im": 1, "error_one_im": 0.05830084006695916, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 10.86810954674527, "error_w_gmm": 0.07404697943675356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07120957777347342}, "run_1808": {"edge_length": 600, "pf": 0.21079722222222222, "in_bounds_one_im": 1, "error_one_im": 0.060626218347277654, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 11.21095944075384, "error_w_gmm": 0.07368352925938179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0708600546211557}, "run_1809": {"edge_length": 600, "pf": 0.1913527777777778, "in_bounds_one_im": 1, "error_one_im": 0.053036381953880066, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 11.700917619134936, "error_w_gmm": 0.08170485486448598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0785740115423952}, "run_1810": {"edge_length": 600, "pf": 0.1933138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05597103573298053, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 11.351832751274452, "error_w_gmm": 0.07876849038039559, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07575016542886533}, "run_1811": {"edge_length": 600, "pf": 0.19424166666666667, "in_bounds_one_im": 1, "error_one_im": 0.058656441530326904, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.830728865697518, "error_w_gmm": 0.06801155435921274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06540542377928908}, "run_1812": {"edge_length": 600, "pf": 0.20873055555555556, "in_bounds_one_im": 1, "error_one_im": 0.06022654146594815, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 11.783222209271973, "error_w_gmm": 0.07792898650324408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07494283044929047}, "run_1813": {"edge_length": 600, "pf": 0.18986666666666666, "in_bounds_one_im": 1, "error_one_im": 0.05921382340255263, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 11.477823503367173, "error_w_gmm": 0.080533988318568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0774480113598338}, "run_1814": {"edge_length": 600, "pf": 0.19400555555555554, "in_bounds_one_im": 1, "error_one_im": 0.06413597482261135, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 8.606947584936087, "error_w_gmm": 0.05959006734475921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057306639209200906}, "run_1815": {"edge_length": 600, "pf": 0.200475, "in_bounds_one_im": 1, "error_one_im": 0.057513582485994454, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.90871733666296, "error_w_gmm": 0.06721545297190577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06463982815221264}, "run_1816": {"edge_length": 600, "pf": 0.19294166666666668, "in_bounds_one_im": 1, "error_one_im": 0.06162808113585791, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.619616134292903, "error_w_gmm": 0.08072294696477969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07762972931127124}, "run_1817": {"edge_length": 600, "pf": 0.2106638888888889, "in_bounds_one_im": 1, "error_one_im": 0.06284426613607401, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 14.109422910451991, "error_w_gmm": 0.09277072818849653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08921585234524104}, "run_1818": {"edge_length": 600, "pf": 0.199025, "in_bounds_one_im": 1, "error_one_im": 0.07061392425855802, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 12.526505246306074, "error_w_gmm": 0.08535940242891074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08208852072285465}, "run_1819": {"edge_length": 600, "pf": 0.19787222222222223, "in_bounds_one_im": 1, "error_one_im": 0.060400792503466756, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.876606345160587, "error_w_gmm": 0.0812245850929988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07811214519882367}, "run_1820": {"edge_length": 600, "pf": 0.20508333333333334, "in_bounds_one_im": 1, "error_one_im": 0.05984959567761508, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.970167332858987, "error_w_gmm": 0.07336258857111214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07055141203943459}, "run_1821": {"edge_length": 600, "pf": 0.2018861111111111, "in_bounds_one_im": 1, "error_one_im": 0.06322638517388002, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.869619546091961, "error_w_gmm": 0.07341069465114759, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07059767474553985}, "run_1822": {"edge_length": 600, "pf": 0.18161666666666668, "in_bounds_one_im": 0, "error_one_im": 0.05731341964099788, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 0, "pred_cls": 11.406082282192594, "error_w_gmm": 0.08224373314527134, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07909224057939185}, "run_1823": {"edge_length": 600, "pf": 0.20241111111111112, "in_bounds_one_im": 1, "error_one_im": 0.06060920839189001, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 10.127412965322591, "error_w_gmm": 0.06828678557919149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06567010843103127}, "run_1824": {"edge_length": 600, "pf": 0.2008388888888889, "in_bounds_one_im": 1, "error_one_im": 0.05798030770785998, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.826332443697527, "error_w_gmm": 0.06658102799187979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06402971366408305}, "run_1825": {"edge_length": 600, "pf": 0.20198055555555555, "in_bounds_one_im": 1, "error_one_im": 0.05936503526477216, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 11.765728874389273, "error_w_gmm": 0.07943951227989994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07639547448136047}, "run_1826": {"edge_length": 600, "pf": 0.1947361111111111, "in_bounds_one_im": 1, "error_one_im": 0.057072739869064956, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 11.592838309665073, "error_w_gmm": 0.08007582493381211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07700740430971645}, "run_1827": {"edge_length": 600, "pf": 0.19824444444444445, "in_bounds_one_im": 1, "error_one_im": 0.05590585474031406, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 9.900429853004153, "error_w_gmm": 0.06763014279529614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.065038627501696}, "run_1828": {"edge_length": 600, "pf": 0.20243333333333333, "in_bounds_one_im": 1, "error_one_im": 0.06576572824738228, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 9.394134676976101, "error_w_gmm": 0.06333810176620232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06091105292953865}, "run_1829": {"edge_length": 600, "pf": 0.19609166666666666, "in_bounds_one_im": 1, "error_one_im": 0.057772109539064774, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 6.786561147604553, "error_w_gmm": 0.0466755280677757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044886971370643916}, "run_1830": {"edge_length": 600, "pf": 0.20398055555555555, "in_bounds_one_im": 1, "error_one_im": 0.0574188781431238, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 4.089839659111559, "error_w_gmm": 0.027443500885789063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02639189505862531}, "run_1831": {"edge_length": 600, "pf": 0.19390555555555555, "in_bounds_one_im": 1, "error_one_im": 0.054777681268996646, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.66370236014783, "error_w_gmm": 0.07385359320012291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07102360189218268}, "run_1832": {"edge_length": 600, "pf": 0.20953611111111112, "in_bounds_one_im": 1, "error_one_im": 0.05956212311341327, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 11.21953377161302, "error_w_gmm": 0.07402052567271804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07118413768959939}, "run_1833": {"edge_length": 600, "pf": 0.19691944444444445, "in_bounds_one_im": 1, "error_one_im": 0.06058268662579052, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 9.036464795817317, "error_w_gmm": 0.06198685362321845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05961158318126542}, "run_1834": {"edge_length": 600, "pf": 0.19413611111111112, "in_bounds_one_im": 1, "error_one_im": 0.06478833579372836, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 8.178389202976465, "error_w_gmm": 0.05659932298978811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05443049700372714}, "run_1835": {"edge_length": 600, "pf": 0.18829444444444443, "in_bounds_one_im": 0, "error_one_im": 0.05813404694003484, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 0, "pred_cls": 8.040405765117798, "error_w_gmm": 0.056705377952401576, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05453248805273324}, "run_1836": {"edge_length": 600, "pf": 0.1970638888888889, "in_bounds_one_im": 1, "error_one_im": 0.06338093452232307, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.27464978688386, "error_w_gmm": 0.07730468387580092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07434245043593603}, "run_1837": {"edge_length": 600, "pf": 0.20474722222222222, "in_bounds_one_im": 1, "error_one_im": 0.060962438336239336, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 9.61364351184844, "error_w_gmm": 0.06435723530369601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06189113435151885}, "run_1838": {"edge_length": 600, "pf": 0.2136111111111111, "in_bounds_one_im": 1, "error_one_im": 0.06497873281365518, "one_im_sa_cls": 10.36734693877551, "model_in_bounds": 1, "pred_cls": 10.962114261942007, "error_w_gmm": 0.07144418173609186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06870651651825775}, "run_1839": {"edge_length": 600, "pf": 0.1985638888888889, "in_bounds_one_im": 1, "error_one_im": 0.06026950060556805, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.68810068814945, "error_w_gmm": 0.07293745948968892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07014257345320662}, "run_1840": {"edge_length": 600, "pf": 0.2017, "in_bounds_one_im": 1, "error_one_im": 0.05159177589776048, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 4.768775662286329, "error_w_gmm": 0.032225731559812294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030990875728774188}, "run_1841": {"edge_length": 800, "pf": 0.1948765625, "in_bounds_one_im": 1, "error_one_im": 0.048070052255095475, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 12.658987315461774, "error_w_gmm": 0.06389518356328655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06303888140759213}, "run_1842": {"edge_length": 800, "pf": 0.1915390625, "in_bounds_one_im": 0, "error_one_im": 0.04160235244855838, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.537562712752864, "error_w_gmm": 0.053759935870977764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05303946295879469}, "run_1843": {"edge_length": 800, "pf": 0.2052203125, "in_bounds_one_im": 1, "error_one_im": 0.0487057718633487, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 11.762018751881904, "error_w_gmm": 0.05747947631288511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05670915534767249}, "run_1844": {"edge_length": 800, "pf": 0.1953578125, "in_bounds_one_im": 1, "error_one_im": 0.04424197651833457, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 13.360701717403382, "error_w_gmm": 0.0673337812787099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06643139617165551}, "run_1845": {"edge_length": 800, "pf": 0.1966609375, "in_bounds_one_im": 1, "error_one_im": 0.05143635633575384, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 13.5890429700056, "error_w_gmm": 0.06820198107632752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06728796064221385}, "run_1846": {"edge_length": 800, "pf": 0.2009484375, "in_bounds_one_im": 1, "error_one_im": 0.04406861271388098, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 11.693320683719792, "error_w_gmm": 0.05790294778957917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05712695159944121}, "run_1847": {"edge_length": 800, "pf": 0.198578125, "in_bounds_one_im": 1, "error_one_im": 0.043793878245779766, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.646542930523967, "error_w_gmm": 0.04812318052616558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047478249548189584}, "run_1848": {"edge_length": 800, "pf": 0.200096875, "in_bounds_one_im": 1, "error_one_im": 0.04208648576206855, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 11.644576962064432, "error_w_gmm": 0.05781492774665433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057040111172072624}, "run_1849": {"edge_length": 800, "pf": 0.190503125, "in_bounds_one_im": 0, "error_one_im": 0.04555550124395977, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 0, "pred_cls": 8.97370239167595, "error_w_gmm": 0.045935233295042704, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045319624463527164}, "run_1850": {"edge_length": 800, "pf": 0.194209375, "in_bounds_one_im": 1, "error_one_im": 0.045626383638624916, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 9.29484362324527, "error_w_gmm": 0.04701493341460385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046384854798539155}, "run_1851": {"edge_length": 800, "pf": 0.1976703125, "in_bounds_one_im": 1, "error_one_im": 0.04532942857961389, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.845148041646015, "error_w_gmm": 0.05425739258701035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05353025292414998}, "run_1852": {"edge_length": 800, "pf": 0.1995109375, "in_bounds_one_im": 1, "error_one_im": 0.046269877107741705, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.239326105725196, "error_w_gmm": 0.05093114610328208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05024858369766627}, "run_1853": {"edge_length": 800, "pf": 0.1889, "in_bounds_one_im": 0, "error_one_im": 0.04848742254023788, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 13.407999587236558, "error_w_gmm": 0.0689926676573656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06806805070273084}, "run_1854": {"edge_length": 800, "pf": 0.2026609375, "in_bounds_one_im": 1, "error_one_im": 0.04482671930860848, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.902749132231149, "error_w_gmm": 0.05370197327836122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05298227716170866}, "run_1855": {"edge_length": 800, "pf": 0.203125, "in_bounds_one_im": 1, "error_one_im": 0.044366324350579106, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 10.677238329756117, "error_w_gmm": 0.052515811004344076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051812011442887}, "run_1856": {"edge_length": 800, "pf": 0.1976, "in_bounds_one_im": 1, "error_one_im": 0.043122882482516216, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.009728341110675, "error_w_gmm": 0.04508493151308611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04448071814533285}, "run_1857": {"edge_length": 800, "pf": 0.196459375, "in_bounds_one_im": 1, "error_one_im": 0.0469188700857838, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 9.499509140169243, "error_w_gmm": 0.047707475190257136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04706811535795152}, "run_1858": {"edge_length": 800, "pf": 0.2018796875, "in_bounds_one_im": 1, "error_one_im": 0.0459295160767413, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 11.726039862406923, "error_w_gmm": 0.057897120436888626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057121202343007514}, "run_1859": {"edge_length": 800, "pf": 0.201134375, "in_bounds_one_im": 1, "error_one_im": 0.042050212204574604, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 8.869294276841957, "error_w_gmm": 0.04389353004854984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04330528344989369}, "run_1860": {"edge_length": 800, "pf": 0.192178125, "in_bounds_one_im": 1, "error_one_im": 0.043874443577239935, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.008256601039708, "error_w_gmm": 0.056045674607503294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05529456897938948}, "run_1861": {"edge_length": 800, "pf": 0.1951390625, "in_bounds_one_im": 1, "error_one_im": 0.04386661154276246, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 11.911783305897321, "error_w_gmm": 0.06007348544046341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05926840042131175}, "run_1862": {"edge_length": 800, "pf": 0.204303125, "in_bounds_one_im": 1, "error_one_im": 0.04608029237447355, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 9.926010429958849, "error_w_gmm": 0.04864394363534777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04799203356210771}, "run_1863": {"edge_length": 800, "pf": 0.200225, "in_bounds_one_im": 1, "error_one_im": 0.040470801767662164, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 11.518294245231742, "error_w_gmm": 0.05716505923133329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05639895198004569}, "run_1864": {"edge_length": 800, "pf": 0.1974640625, "in_bounds_one_im": 1, "error_one_im": 0.04737487670346004, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 10.252863200416055, "error_w_gmm": 0.051327616987904376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050639741210384066}, "run_1865": {"edge_length": 800, "pf": 0.1962046875, "in_bounds_one_im": 1, "error_one_im": 0.04371835537190736, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.209925688649179, "error_w_gmm": 0.051316656713953315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05062892782240604}, "run_1866": {"edge_length": 800, "pf": 0.2025984375, "in_bounds_one_im": 1, "error_one_im": 0.04731522377294268, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.475320891201655, "error_w_gmm": 0.05160663702168487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050915021909787826}, "run_1867": {"edge_length": 800, "pf": 0.194659375, "in_bounds_one_im": 1, "error_one_im": 0.044543903823253135, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.277961687085243, "error_w_gmm": 0.03676034971813719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03626769964731384}, "run_1868": {"edge_length": 800, "pf": 0.1997125, "in_bounds_one_im": 1, "error_one_im": 0.048142372959506054, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 12.148756349058743, "error_w_gmm": 0.060390683188625616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05958134718997319}, "run_1869": {"edge_length": 800, "pf": 0.1999890625, "in_bounds_one_im": 1, "error_one_im": 0.043200682780747, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.913458362879036, "error_w_gmm": 0.05420320462499285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05347679117130964}, "run_1870": {"edge_length": 800, "pf": 0.1960109375, "in_bounds_one_im": 1, "error_one_im": 0.04971969244234828, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.047234456641274, "error_w_gmm": 0.05052998649626474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049852800299262826}, "run_1871": {"edge_length": 800, "pf": 0.2018671875, "in_bounds_one_im": 1, "error_one_im": 0.04453944024761838, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 12.260239097965519, "error_w_gmm": 0.06053706822567646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059725770423085134}, "run_1872": {"edge_length": 800, "pf": 0.1966390625, "in_bounds_one_im": 1, "error_one_im": 0.04153596490132482, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.889648415707677, "error_w_gmm": 0.04461930187426806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0440213287212108}, "run_1873": {"edge_length": 800, "pf": 0.186175, "in_bounds_one_im": 0, "error_one_im": 0.04578687111771627, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 0, "pred_cls": 11.803224305181535, "error_w_gmm": 0.06128062987468587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0604593671043546}, "run_1874": {"edge_length": 800, "pf": 0.1963859375, "in_bounds_one_im": 1, "error_one_im": 0.046120651921058034, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 12.139661570227561, "error_w_gmm": 0.060980766424535295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06016352232516578}, "run_1875": {"edge_length": 800, "pf": 0.20675625, "in_bounds_one_im": 1, "error_one_im": 0.04074078199694837, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 10.440384617237525, "error_w_gmm": 0.05078181654669647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05010125540649808}, "run_1876": {"edge_length": 800, "pf": 0.1944390625, "in_bounds_one_im": 1, "error_one_im": 0.04834071544941453, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 11.53167976571852, "error_w_gmm": 0.05828646834326711, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057505332337284505}, "run_1877": {"edge_length": 800, "pf": 0.197275, "in_bounds_one_im": 1, "error_one_im": 0.04518428416995787, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 6.302429268311812, "error_w_gmm": 0.0315698905814193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031146801330362874}, "run_1878": {"edge_length": 800, "pf": 0.202296875, "in_bounds_one_im": 1, "error_one_im": 0.04467870713443458, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.230679141364309, "error_w_gmm": 0.055379599080720786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054637419976918074}, "run_1879": {"edge_length": 800, "pf": 0.1953328125, "in_bounds_one_im": 1, "error_one_im": 0.04881211713647833, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 8.070078347359976, "error_w_gmm": 0.04067391937488994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04012882093555662}, "run_1880": {"edge_length": 800, "pf": 0.1925453125, "in_bounds_one_im": 1, "error_one_im": 0.04689430534304802, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.580469491547658, "error_w_gmm": 0.058889314596266264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058100099443825146}, "run_1881": {"edge_length": 1000, "pf": 0.203936, "in_bounds_one_im": 1, "error_one_im": 0.03334966730699278, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.911384982014244, "error_w_gmm": 0.039164391657458324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038380398562519624}, "run_1882": {"edge_length": 1000, "pf": 0.20536, "in_bounds_one_im": 1, "error_one_im": 0.03414829494959581, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 8.740730046414487, "error_w_gmm": 0.034387847057542366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03369947086932731}, "run_1883": {"edge_length": 1000, "pf": 0.195111, "in_bounds_one_im": 1, "error_one_im": 0.038346093625038366, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 9.970971256233504, "error_w_gmm": 0.04050368889657825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039692885739154075}, "run_1884": {"edge_length": 1000, "pf": 0.204602, "in_bounds_one_im": 1, "error_one_im": 0.0399850165686429, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 11.35848532410982, "error_w_gmm": 0.04479068732728188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04389406700213354}, "run_1885": {"edge_length": 1000, "pf": 0.203427, "in_bounds_one_im": 1, "error_one_im": 0.03696386583383436, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 9.797586080932653, "error_w_gmm": 0.03877551522771809, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03799930666415598}, "run_1886": {"edge_length": 1000, "pf": 0.194863, "in_bounds_one_im": 1, "error_one_im": 0.04187255294298717, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.484643637134512, "error_w_gmm": 0.04262396728212638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0417707203755906}, "run_1887": {"edge_length": 1000, "pf": 0.208275, "in_bounds_one_im": 0, "error_one_im": 0.035249994501708196, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.546565271701803, "error_w_gmm": 0.04502476122784353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044123455209544395}, "run_1888": {"edge_length": 1000, "pf": 0.197532, "in_bounds_one_im": 1, "error_one_im": 0.036763088076254065, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.138197795978686, "error_w_gmm": 0.040868235448948555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040050134795821084}, "run_1889": {"edge_length": 1000, "pf": 0.196967, "in_bounds_one_im": 1, "error_one_im": 0.03699026564414321, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 10.642803766733087, "error_w_gmm": 0.04297897081089538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042118617440976634}, "run_1890": {"edge_length": 1000, "pf": 0.196877, "in_bounds_one_im": 1, "error_one_im": 0.03506188659816999, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 11.744235855650581, "error_w_gmm": 0.04744039543265934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04649073323017546}, "run_1891": {"edge_length": 1000, "pf": 0.197526, "in_bounds_one_im": 1, "error_one_im": 0.03628004986636128, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.160998846951665, "error_w_gmm": 0.04096092431764611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04014096821802856}, "run_1892": {"edge_length": 1000, "pf": 0.203094, "in_bounds_one_im": 1, "error_one_im": 0.0373188214349023, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.762255346220153, "error_w_gmm": 0.038675430847135726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0379012257734777}, "run_1893": {"edge_length": 1000, "pf": 0.204144, "in_bounds_one_im": 1, "error_one_im": 0.03443399702530378, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.71780907807885, "error_w_gmm": 0.038374903414717665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03760671430152483}, "run_1894": {"edge_length": 1000, "pf": 0.204375, "in_bounds_one_im": 1, "error_one_im": 0.03551443012637085, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.464022977383529, "error_w_gmm": 0.04523841382173625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044332830904161034}, "run_1895": {"edge_length": 1000, "pf": 0.196301, "in_bounds_one_im": 1, "error_one_im": 0.03795861096130889, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 9.59987873152462, "error_w_gmm": 0.03884912132927821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03807143931820606}, "run_1896": {"edge_length": 1000, "pf": 0.201768, "in_bounds_one_im": 1, "error_one_im": 0.03659723418982643, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 11.92325876941761, "error_w_gmm": 0.047431120850397655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046481644306573075}, "run_1897": {"edge_length": 1000, "pf": 0.199721, "in_bounds_one_im": 1, "error_one_im": 0.03731184908242426, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 9.276990476431862, "error_w_gmm": 0.03714034647499766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036396870732167234}, "run_1898": {"edge_length": 1000, "pf": 0.197049, "in_bounds_one_im": 1, "error_one_im": 0.0332664632582102, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 11.164517665597986, "error_w_gmm": 0.045074131247527134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04417183693979237}, "run_1899": {"edge_length": 1000, "pf": 0.192195, "in_bounds_one_im": 0, "error_one_im": 0.0349336396421792, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 0, "pred_cls": 9.937448404235912, "error_w_gmm": 0.04074619960317731, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.039930541864553935}, "run_1900": {"edge_length": 1000, "pf": 0.206457, "in_bounds_one_im": 1, "error_one_im": 0.034190773546806975, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.838844404253113, "error_w_gmm": 0.03857842689086823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03780616364315659}, "run_1901": {"edge_length": 1000, "pf": 0.207764, "in_bounds_one_im": 0, "error_one_im": 0.03327390311610423, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 11.514300971151822, "error_w_gmm": 0.04496863557727948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044068453082687226}, "run_1902": {"edge_length": 1000, "pf": 0.190527, "in_bounds_one_im": 0, "error_one_im": 0.03998680167664221, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 0, "pred_cls": 10.70442835671188, "error_w_gmm": 0.04412821847066489, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.043244859452209246}, "run_1903": {"edge_length": 1000, "pf": 0.199799, "in_bounds_one_im": 1, "error_one_im": 0.03474118519172277, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 8.788402268827058, "error_w_gmm": 0.03517570520523365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03447155766652809}, "run_1904": {"edge_length": 1000, "pf": 0.19589, "in_bounds_one_im": 1, "error_one_im": 0.03914269647432034, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.035468101751752, "error_w_gmm": 0.040664855081802655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03985082569843692}, "run_1905": {"edge_length": 1000, "pf": 0.204086, "in_bounds_one_im": 1, "error_one_im": 0.034124179902577115, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 8.793244881247197, "error_w_gmm": 0.03473006760081519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03403484083911954}, "run_1906": {"edge_length": 1000, "pf": 0.210899, "in_bounds_one_im": 0, "error_one_im": 0.03543614953116927, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 0, "pred_cls": 10.9255523287808, "error_w_gmm": 0.04226709828720456, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04142099518696782}, "run_1907": {"edge_length": 1000, "pf": 0.194663, "in_bounds_one_im": 1, "error_one_im": 0.03661100451367304, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.228858424187493, "error_w_gmm": 0.04567859340502009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04476419896914415}, "run_1908": {"edge_length": 1000, "pf": 0.204468, "in_bounds_one_im": 1, "error_one_im": 0.03550427731972642, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 8.383491096955808, "error_w_gmm": 0.033072806922118995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0324107552175001}, "run_1909": {"edge_length": 1000, "pf": 0.196006, "in_bounds_one_im": 1, "error_one_im": 0.03694099378065164, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 12.753804742706132, "error_w_gmm": 0.05166084200816001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050626694873503686}, "run_1910": {"edge_length": 1000, "pf": 0.190823, "in_bounds_one_im": 0, "error_one_im": 0.03805400683672081, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 0, "pred_cls": 10.766576206055209, "error_w_gmm": 0.044341871562133164, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04345423563444095}, "run_1911": {"edge_length": 1000, "pf": 0.200435, "in_bounds_one_im": 1, "error_one_im": 0.03826728331919153, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.879279296697058, "error_w_gmm": 0.0394634787870227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03867349856361243}, "run_1912": {"edge_length": 1000, "pf": 0.196448, "in_bounds_one_im": 1, "error_one_im": 0.0387499112118758, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.009417481343323, "error_w_gmm": 0.03644264537000765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03571313621329018}, "run_1913": {"edge_length": 1000, "pf": 0.193016, "in_bounds_one_im": 0, "error_one_im": 0.03533227192868511, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.678427911418673, "error_w_gmm": 0.0395795289970709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03878722567965882}, "run_1914": {"edge_length": 1000, "pf": 0.197, "in_bounds_one_im": 1, "error_one_im": 0.03787472718544255, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 10.780545232557118, "error_w_gmm": 0.043530672977314486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04265927562916372}, "run_1915": {"edge_length": 1000, "pf": 0.201842, "in_bounds_one_im": 1, "error_one_im": 0.03483892826766168, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 10.714537051502013, "error_w_gmm": 0.042612996238244216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0417599689501498}, "run_1916": {"edge_length": 1000, "pf": 0.210409, "in_bounds_one_im": 0, "error_one_im": 0.03610828538251127, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 13.263406088711859, "error_w_gmm": 0.05138708718920068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050358420080626465}, "run_1917": {"edge_length": 1000, "pf": 0.199721, "in_bounds_one_im": 1, "error_one_im": 0.03715171239108339, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 11.435551673708563, "error_w_gmm": 0.045782126474450346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044865659512790194}, "run_1918": {"edge_length": 1000, "pf": 0.200945, "in_bounds_one_im": 1, "error_one_im": 0.03661123937896767, "one_im_sa_cls": 9.36734693877551, "model_in_bounds": 1, "pred_cls": 10.511660685776647, "error_w_gmm": 0.04192287553194076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04108366308547965}, "run_1919": {"edge_length": 1000, "pf": 0.204095, "in_bounds_one_im": 1, "error_one_im": 0.034755146326575885, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.133603550154122, "error_w_gmm": 0.040022880225397496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03922170189966968}, "run_1920": {"edge_length": 1000, "pf": 0.198537, "in_bounds_one_im": 1, "error_one_im": 0.0352003622415389, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.352192552976879, "error_w_gmm": 0.02954390373624754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028952493642881754}, "run_1921": {"edge_length": 1200, "pf": 0.20412777777777777, "in_bounds_one_im": 1, "error_one_im": 0.029617875173156102, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.378653375995876, "error_w_gmm": 0.03415547874334824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033471754105843}, "run_1922": {"edge_length": 1200, "pf": 0.19315208333333334, "in_bounds_one_im": 0, "error_one_im": 0.029294450979233836, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 0, "pred_cls": 8.818121832396292, "error_w_gmm": 0.030037998205038587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0294366973247772}, "run_1923": {"edge_length": 1200, "pf": 0.19691875, "in_bounds_one_im": 1, "error_one_im": 0.031435751970558645, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.244539577268364, "error_w_gmm": 0.03784657950553338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03708896638443853}, "run_1924": {"edge_length": 1200, "pf": 0.1939861111111111, "in_bounds_one_im": 0, "error_one_im": 0.031118753130871247, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.244820650492674, "error_w_gmm": 0.038202099114850896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037437369199468606}, "run_1925": {"edge_length": 1200, "pf": 0.2006784722222222, "in_bounds_one_im": 1, "error_one_im": 0.03199824823125411, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.723360702861891, "error_w_gmm": 0.03566892545018216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034954904624800553}, "run_1926": {"edge_length": 1200, "pf": 0.20089305555555556, "in_bounds_one_im": 1, "error_one_im": 0.03224278102289589, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 10.094965819333757, "error_w_gmm": 0.03355626323786065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0328845337009762}, "run_1927": {"edge_length": 1200, "pf": 0.2042013888888889, "in_bounds_one_im": 1, "error_one_im": 0.02961116684308748, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.409806946034537, "error_w_gmm": 0.03425024383219669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033564622186410265}, "run_1928": {"edge_length": 1200, "pf": 0.20143263888888888, "in_bounds_one_im": 1, "error_one_im": 0.032852378715633956, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.036790949641183, "error_w_gmm": 0.02998843777706887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029388128997837683}, "run_1929": {"edge_length": 1200, "pf": 0.19593611111111112, "in_bounds_one_im": 1, "error_one_im": 0.03139870632553478, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 10.014533688043674, "error_w_gmm": 0.03381173982102553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03313489615192439}, "run_1930": {"edge_length": 1200, "pf": 0.1995111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03098010289867475, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 8.49915768643495, "error_w_gmm": 0.028373881255801568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02780589268149363}, "run_1931": {"edge_length": 1200, "pf": 0.19964652777777778, "in_bounds_one_im": 1, "error_one_im": 0.03397023750507663, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 11.804048352386522, "error_w_gmm": 0.03939034326180879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03860182706590756}, "run_1932": {"edge_length": 1200, "pf": 0.19529305555555557, "in_bounds_one_im": 1, "error_one_im": 0.03031267431032105, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 10.60225340559341, "error_w_gmm": 0.0358692589318588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035151227829292454}, "run_1933": {"edge_length": 1200, "pf": 0.2009152777777778, "in_bounds_one_im": 1, "error_one_im": 0.03237350029285723, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.298476137674482, "error_w_gmm": 0.03090654532427671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030287857861068603}, "run_1934": {"edge_length": 1200, "pf": 0.20180138888888888, "in_bounds_one_im": 1, "error_one_im": 0.02890351509705509, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 10.488890599650063, "error_w_gmm": 0.034767359936189395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034071386656236}, "run_1935": {"edge_length": 1200, "pf": 0.1930375, "in_bounds_one_im": 0, "error_one_im": 0.029986741499790515, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 0, "pred_cls": 10.558789463804962, "error_w_gmm": 0.035980625948107796, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035260365499749376}, "run_1936": {"edge_length": 1200, "pf": 0.20027986111111112, "in_bounds_one_im": 1, "error_one_im": 0.031771631704148116, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.595545728708364, "error_w_gmm": 0.03528762709735765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03458123910535034}, "run_1937": {"edge_length": 1200, "pf": 0.19854166666666667, "in_bounds_one_im": 1, "error_one_im": 0.02933320506040639, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 10.413813411667988, "error_w_gmm": 0.034871705189609435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03417364312556644}, "run_1938": {"edge_length": 1200, "pf": 0.1892326388888889, "in_bounds_one_im": 0, "error_one_im": 0.030772000393781217, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 0, "pred_cls": 11.397116840687898, "error_w_gmm": 0.03931822067767721, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03853114823222267}, "run_1939": {"edge_length": 1200, "pf": 0.19455416666666667, "in_bounds_one_im": 1, "error_one_im": 0.03160491182950706, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 9.274700707515716, "error_w_gmm": 0.03145187601565622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03082227211845268}, "run_1940": {"edge_length": 1200, "pf": 0.1977736111111111, "in_bounds_one_im": 1, "error_one_im": 0.03558040889867502, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 11.32680223852336, "error_w_gmm": 0.03802072271150283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0372596235903648}, "run_1941": {"edge_length": 1200, "pf": 0.2053076388888889, "in_bounds_one_im": 1, "error_one_im": 0.030297703102465552, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 7.85411577583792, "error_w_gmm": 0.02575390049681453, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025238358717592384}, "run_1942": {"edge_length": 1200, "pf": 0.20095972222222222, "in_bounds_one_im": 1, "error_one_im": 0.03070736600621046, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.820457511363397, "error_w_gmm": 0.035960373892439425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0352405188498878}, "run_1943": {"edge_length": 1200, "pf": 0.20217222222222223, "in_bounds_one_im": 1, "error_one_im": 0.029929746183084353, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.666218707297862, "error_w_gmm": 0.03531450053200107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03460757458737138}, "run_1944": {"edge_length": 1200, "pf": 0.2068, "in_bounds_one_im": 0, "error_one_im": 0.03009454460400804, "one_im_sa_cls": 9.408163265306122, "model_in_bounds": 1, "pred_cls": 11.001858102737451, "error_w_gmm": 0.035911279118940174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035192406855943985}, "run_1945": {"edge_length": 1200, "pf": 0.20251527777777778, "in_bounds_one_im": 1, "error_one_im": 0.031022436020789464, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 10.806227525190021, "error_w_gmm": 0.03574004927190982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035024604689315085}, "run_1946": {"edge_length": 1200, "pf": 0.19900833333333334, "in_bounds_one_im": 1, "error_one_im": 0.029424006582545608, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.40936118814782, "error_w_gmm": 0.03480576594140734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034109023849744666}, "run_1947": {"edge_length": 1200, "pf": 0.19612013888888888, "in_bounds_one_im": 1, "error_one_im": 0.03313498172516426, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.401095904941343, "error_w_gmm": 0.03847067681169341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037700570505899686}, "run_1948": {"edge_length": 1200, "pf": 0.19564375, "in_bounds_one_im": 1, "error_one_im": 0.030684415072423362, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 9.746639579833287, "error_w_gmm": 0.03293782268833967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032278473099155984}, "run_1949": {"edge_length": 1200, "pf": 0.19902986111111112, "in_bounds_one_im": 1, "error_one_im": 0.028485864672806786, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.740618916386422, "error_w_gmm": 0.03256749424304465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031915557891541574}, "run_1950": {"edge_length": 1200, "pf": 0.19887569444444445, "in_bounds_one_im": 1, "error_one_im": 0.02930245279170091, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 10.900885204019147, "error_w_gmm": 0.036464445622485284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03573450006814515}, "run_1951": {"edge_length": 1200, "pf": 0.19729583333333334, "in_bounds_one_im": 1, "error_one_im": 0.032474068137164296, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.307254312225718, "error_w_gmm": 0.03801234931187018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03725141780951071}, "run_1952": {"edge_length": 1200, "pf": 0.20310625, "in_bounds_one_im": 1, "error_one_im": 0.029315162204029563, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.412368795355842, "error_w_gmm": 0.03437453706406264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03368642731539997}, "run_1953": {"edge_length": 1200, "pf": 0.20045625, "in_bounds_one_im": 1, "error_one_im": 0.032686135191963686, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 8.916835372134651, "error_w_gmm": 0.029680472723541074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02908632879113192}, "run_1954": {"edge_length": 1200, "pf": 0.19275486111111112, "in_bounds_one_im": 0, "error_one_im": 0.030423254690545548, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 0, "pred_cls": 10.60656552941425, "error_w_gmm": 0.03617625269481549, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03545207618872916}, "run_1955": {"edge_length": 1200, "pf": 0.19848541666666666, "in_bounds_one_im": 1, "error_one_im": 0.030745025892832133, "one_im_sa_cls": 9.36734693877551, "model_in_bounds": 1, "pred_cls": 10.184345131950641, "error_w_gmm": 0.03410933643845155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03342653547796232}, "run_1956": {"edge_length": 1200, "pf": 0.20043055555555556, "in_bounds_one_im": 1, "error_one_im": 0.03228930022077176, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 11.578820044696753, "error_w_gmm": 0.03854421306571307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03777263471061787}, "run_1957": {"edge_length": 1200, "pf": 0.19599027777777778, "in_bounds_one_im": 1, "error_one_im": 0.02889534737906725, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.479377460908607, "error_w_gmm": 0.031999408635691354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03135884422626747}, "run_1958": {"edge_length": 1200, "pf": 0.20085972222222223, "in_bounds_one_im": 1, "error_one_im": 0.03038449665381436, "one_im_sa_cls": 9.326530612244898, "model_in_bounds": 1, "pred_cls": 9.393789057740149, "error_w_gmm": 0.03122875241240916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030603615005220196}, "run_1959": {"edge_length": 1200, "pf": 0.19457222222222223, "in_bounds_one_im": 1, "error_one_im": 0.031942180122402436, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 10.513068378229342, "error_w_gmm": 0.035649309393145055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03493568124214483}, "run_1960": {"edge_length": 1200, "pf": 0.20132083333333334, "in_bounds_one_im": 1, "error_one_im": 0.030008965076659237, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 8.516645353027101, "error_w_gmm": 0.028272169172486764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027706216671448763}, "run_1961": {"edge_length": 1400, "pf": 0.20018316326530614, "in_bounds_one_im": 1, "error_one_im": 0.023871612403301774, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 10.511953482377017, "error_w_gmm": 0.029416633067462183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029416092529926503}, "run_1962": {"edge_length": 1400, "pf": 0.19804897959183673, "in_bounds_one_im": 1, "error_one_im": 0.026619051957093437, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 11.083862388298204, "error_w_gmm": 0.03122531142073976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0312247376483149}, "run_1963": {"edge_length": 1400, "pf": 0.19957244897959184, "in_bounds_one_im": 1, "error_one_im": 0.0275219862009627, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.647484413158116, "error_w_gmm": 0.03265659458287664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032655994510287785}, "run_1964": {"edge_length": 1400, "pf": 0.20134489795918367, "in_bounds_one_im": 1, "error_one_im": 0.02640287845779626, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 11.959643101645337, "error_w_gmm": 0.0333469083550181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03334629559775173}, "run_1965": {"edge_length": 1400, "pf": 0.20131377551020407, "in_bounds_one_im": 1, "error_one_im": 0.027600507264512113, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.720975968250514, "error_w_gmm": 0.02710748681501388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027106988708582382}, "run_1966": {"edge_length": 1400, "pf": 0.19809132653061223, "in_bounds_one_im": 1, "error_one_im": 0.024488562911045415, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 10.323880096680343, "error_w_gmm": 0.029080422562519914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02907988820293113}, "run_1967": {"edge_length": 1400, "pf": 0.20498520408163265, "in_bounds_one_im": 1, "error_one_im": 0.02605141484472493, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 11.221759255671198, "error_w_gmm": 0.030939645363846534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030939076840602552}, "run_1968": {"edge_length": 1400, "pf": 0.1929938775510204, "in_bounds_one_im": 0, "error_one_im": 0.026290759835492245, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 0, "pred_cls": 11.075640232205277, "error_w_gmm": 0.031707611237223855, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03170702860242667}, "run_1969": {"edge_length": 1400, "pf": 0.19911275510204082, "in_bounds_one_im": 1, "error_one_im": 0.024410109190686615, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 10.346894000825998, "error_w_gmm": 0.02905187610003266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02905134226499183}, "run_1970": {"edge_length": 1400, "pf": 0.19852755102040817, "in_bounds_one_im": 1, "error_one_im": 0.025717923230782046, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 10.076838695115983, "error_w_gmm": 0.028345638791979596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02834511793421511}, "run_1971": {"edge_length": 1400, "pf": 0.2029311224489796, "in_bounds_one_im": 1, "error_one_im": 0.02632997976882535, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 12.291442068869792, "error_w_gmm": 0.03410393339713089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03410330672935159}, "run_1972": {"edge_length": 1400, "pf": 0.20028673469387756, "in_bounds_one_im": 1, "error_one_im": 0.026033339069159823, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 9.52405014179685, "error_w_gmm": 0.026643468759816998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026642979179826273}, "run_1973": {"edge_length": 1400, "pf": 0.20322551020408164, "in_bounds_one_im": 1, "error_one_im": 0.026079754560483327, "one_im_sa_cls": 9.408163265306122, "model_in_bounds": 1, "pred_cls": 10.837227732479551, "error_w_gmm": 0.030041722803700547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030041170779994287}, "run_1974": {"edge_length": 1400, "pf": 0.2033673469387755, "in_bounds_one_im": 1, "error_one_im": 0.026294527341286303, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 10.704818634596139, "error_w_gmm": 0.029661683034524083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029661137994137776}, "run_1975": {"edge_length": 1400, "pf": 0.20001785714285714, "in_bounds_one_im": 1, "error_one_im": 0.027369398313353378, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.31534985089874, "error_w_gmm": 0.02888136790803191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028880837206119128}, "run_1976": {"edge_length": 1400, "pf": 0.20317040816326531, "in_bounds_one_im": 1, "error_one_im": 0.0281211362462981, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.969654511572084, "error_w_gmm": 0.030413996099007825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03041343723469241}, "run_1977": {"edge_length": 1400, "pf": 0.19141326530612246, "in_bounds_one_im": 0, "error_one_im": 0.027012146543396377, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 0, "pred_cls": 10.155301176484965, "error_w_gmm": 0.029221205848700187, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029220668902185516}, "run_1978": {"edge_length": 1400, "pf": 0.202875, "in_bounds_one_im": 1, "error_one_im": 0.027014149745965107, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.872065644122458, "error_w_gmm": 0.03017095452112836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030170400122759004}, "run_1979": {"edge_length": 1400, "pf": 0.19943367346938776, "in_bounds_one_im": 1, "error_one_im": 0.028106377980314394, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 12.200702551733631, "error_w_gmm": 0.03422254395863283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03422191511135677}, "run_1980": {"edge_length": 1400, "pf": 0.19955255102040817, "in_bounds_one_im": 1, "error_one_im": 0.02718036943436034, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.56966793175996, "error_w_gmm": 0.029636516114787962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0296359715368497}, "run_1981": {"edge_length": 1400, "pf": 0.19861479591836734, "in_bounds_one_im": 1, "error_one_im": 0.02691607183839175, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 9.93113030974966, "error_w_gmm": 0.027928111961365777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02792759877575465}, "run_1982": {"edge_length": 1400, "pf": 0.1973061224489796, "in_bounds_one_im": 1, "error_one_im": 0.02616281814878294, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 8.729621039251315, "error_w_gmm": 0.024650635560614722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02465018259940168}, "run_1983": {"edge_length": 1400, "pf": 0.2046173469387755, "in_bounds_one_im": 1, "error_one_im": 0.025348561688879497, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.051031791948663, "error_w_gmm": 0.02774313372290344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027742623936310853}, "run_1984": {"edge_length": 1400, "pf": 0.19977142857142857, "in_bounds_one_im": 1, "error_one_im": 0.02493163749532178, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 10.16374499590871, "error_w_gmm": 0.028478829465292444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028478306160118004}, "run_1985": {"edge_length": 1400, "pf": 0.19855, "in_bounds_one_im": 1, "error_one_im": 0.025486501021367607, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.585195000971778, "error_w_gmm": 0.029773519115622406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02977297202022181}, "run_1986": {"edge_length": 1400, "pf": 0.19910867346938776, "in_bounds_one_im": 1, "error_one_im": 0.027103590168568493, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 9.825984282025155, "error_w_gmm": 0.027589625566599874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027589118600755747}, "run_1987": {"edge_length": 1400, "pf": 0.19961989795918367, "in_bounds_one_im": 1, "error_one_im": 0.02494345975098848, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.952362962893774, "error_w_gmm": 0.0278997601064196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027899247441780496}, "run_1988": {"edge_length": 1400, "pf": 0.19411785714285715, "in_bounds_one_im": 0, "error_one_im": 0.026312701086370918, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 0, "pred_cls": 9.641869304015158, "error_w_gmm": 0.027503774460455738, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027503269072145793}, "run_1989": {"edge_length": 1400, "pf": 0.19675816326530612, "in_bounds_one_im": 1, "error_one_im": 0.02684316423797215, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 10.825336247890991, "error_w_gmm": 0.03062148238195078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030620919705026117}, "run_1990": {"edge_length": 1400, "pf": 0.19869642857142858, "in_bounds_one_im": 1, "error_one_im": 0.026737044611352827, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 11.673609887169137, "error_w_gmm": 0.032819859699468684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03281925662684499}, "run_1991": {"edge_length": 1400, "pf": 0.19989285714285715, "in_bounds_one_im": 1, "error_one_im": 0.02840899040084317, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.178364691602336, "error_w_gmm": 0.02850896686938004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028508443010423705}, "run_1992": {"edge_length": 1400, "pf": 0.19605408163265306, "in_bounds_one_im": 1, "error_one_im": 0.026903104674667815, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 10.488788176744205, "error_w_gmm": 0.02973574499320402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029735198591911847}, "run_1993": {"edge_length": 1400, "pf": 0.19601836734693878, "in_bounds_one_im": 1, "error_one_im": 0.025343860277246735, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.394932902159017, "error_w_gmm": 0.023802355910290535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023801918536415067}, "run_1994": {"edge_length": 1400, "pf": 0.19849591836734695, "in_bounds_one_im": 1, "error_one_im": 0.02629459778626637, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 8.934642076809217, "error_w_gmm": 0.02513519585840511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025134733993282865}, "run_1995": {"edge_length": 1400, "pf": 0.20094030612244898, "in_bounds_one_im": 1, "error_one_im": 0.02461295766135935, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.979068729562092, "error_w_gmm": 0.027859552228784033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027859040302974158}, "run_1996": {"edge_length": 1400, "pf": 0.19528214285714285, "in_bounds_one_im": 1, "error_one_im": 0.025171219576497685, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 0, "pred_cls": 8.325627617609207, "error_w_gmm": 0.023661134877695555, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023660700098789712}, "run_1997": {"edge_length": 1400, "pf": 0.2006076530612245, "in_bounds_one_im": 1, "error_one_im": 0.02800346113323539, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.536553090698172, "error_w_gmm": 0.029446442903482212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029445901818183778}, "run_1998": {"edge_length": 1400, "pf": 0.20064438775510204, "in_bounds_one_im": 1, "error_one_im": 0.02685971427092334, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 12.126057062878463, "error_w_gmm": 0.033884739347360956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03388411670732387}, "run_1999": {"edge_length": 1400, "pf": 0.19921632653061225, "in_bounds_one_im": 1, "error_one_im": 0.026865316370495374, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 11.215033408053227, "error_w_gmm": 0.031479204471965866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03147862603419663}, "run_2000": {"edge_length": 1400, "pf": 0.20243979591836736, "in_bounds_one_im": 1, "error_one_im": 0.02619990661588072, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.760744864028972, "error_w_gmm": 0.029902270277659723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02990172081642636}}, "blobs_150.0_0.3": {"true_cls": 10.571428571428571, "true_pf": 0.3001208820196079, "run_2001": {"edge_length": 600, "pf": 0.3055, "in_bounds_one_im": 1, "error_one_im": 0.046538488009667006, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 6.4896252765793, "error_w_gmm": 0.03323654834589765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0319629590884332}, "run_2002": {"edge_length": 600, "pf": 0.2942388888888889, "in_bounds_one_im": 1, "error_one_im": 0.048010092158595044, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 9.035135702153761, "error_w_gmm": 0.0475312551844254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04570990793239765}, "run_2003": {"edge_length": 600, "pf": 0.3037222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04956044938169433, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 7.126564714606186, "error_w_gmm": 0.0366521110129012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03524764101909741}, "run_2004": {"edge_length": 600, "pf": 0.29288888888888887, "in_bounds_one_im": 1, "error_one_im": 0.03842970518318071, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 10.363812541038431, "error_w_gmm": 0.05469878865345517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052602789126056704}, "run_2005": {"edge_length": 600, "pf": 0.28815277777777776, "in_bounds_one_im": 1, "error_one_im": 0.045055852177641714, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 9.67690454354402, "error_w_gmm": 0.05166354778840098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04968385546954042}, "run_2006": {"edge_length": 600, "pf": 0.30193333333333333, "in_bounds_one_im": 1, "error_one_im": 0.046020309268971334, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.059156971118128, "error_w_gmm": 0.05711901624565768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05493027616560104}, "run_2007": {"edge_length": 600, "pf": 0.2922416666666667, "in_bounds_one_im": 1, "error_one_im": 0.04419588018049189, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.431257004973522, "error_w_gmm": 0.049854777764249174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04794439559300117}, "run_2008": {"edge_length": 600, "pf": 0.29688888888888887, "in_bounds_one_im": 1, "error_one_im": 0.04493553114184369, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 10.744272622152415, "error_w_gmm": 0.05616397081546783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05401182706267176}, "run_2009": {"edge_length": 600, "pf": 0.3027361111111111, "in_bounds_one_im": 1, "error_one_im": 0.041177658054913, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 11.743363782199868, "error_w_gmm": 0.06053753940337596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05821780514411774}, "run_2010": {"edge_length": 600, "pf": 0.3004, "in_bounds_one_im": 1, "error_one_im": 0.04995249545551661, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 9.215690103197531, "error_w_gmm": 0.04777146673458434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04594091483089974}, "run_2011": {"edge_length": 600, "pf": 0.2882388888888889, "in_bounds_one_im": 1, "error_one_im": 0.050598626914201, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 14.49431806931853, "error_w_gmm": 0.07736675915003378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07440214705154308}, "run_2012": {"edge_length": 600, "pf": 0.300225, "in_bounds_one_im": 1, "error_one_im": 0.05638535382743479, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 7.72050536066322, "error_w_gmm": 0.04003753126038112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038503335555762706}, "run_2013": {"edge_length": 600, "pf": 0.2971722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04408487047220217, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 12.667133592793048, "error_w_gmm": 0.0661705098499849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06363492614168782}, "run_2014": {"edge_length": 600, "pf": 0.30430555555555555, "in_bounds_one_im": 1, "error_one_im": 0.0455610288306163, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.758913493314477, "error_w_gmm": 0.05525715487552773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05313975934711366}, "run_2015": {"edge_length": 600, "pf": 0.3150472222222222, "in_bounds_one_im": 0, "error_one_im": 0.04610160990475645, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 13.320861100876883, "error_w_gmm": 0.06671762304987103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0641610745444253}, "run_2016": {"edge_length": 600, "pf": 0.29808055555555557, "in_bounds_one_im": 1, "error_one_im": 0.04767201295860185, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 13.904176627766715, "error_w_gmm": 0.07247494032629452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06969777753326525}, "run_2017": {"edge_length": 600, "pf": 0.3108, "in_bounds_one_im": 1, "error_one_im": 0.04487157615009262, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 12.283967885177873, "error_w_gmm": 0.06213503951786776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05975409074970687}, "run_2018": {"edge_length": 600, "pf": 0.30791111111111114, "in_bounds_one_im": 1, "error_one_im": 0.05557043676508355, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 12.115342278897325, "error_w_gmm": 0.06169780639761155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05933361193856752}, "run_2019": {"edge_length": 600, "pf": 0.29740555555555553, "in_bounds_one_im": 1, "error_one_im": 0.04651943492883525, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 8.413974923299113, "error_w_gmm": 0.04392834158523639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04224505415842724}, "run_2020": {"edge_length": 600, "pf": 0.2953138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05035765977465517, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 14.280268655683729, "error_w_gmm": 0.07493040409481626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07205915053624969}, "run_2021": {"edge_length": 600, "pf": 0.3098222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04596919936124083, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 11.293634809784091, "error_w_gmm": 0.057256358189520414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05506235531194088}, "run_2022": {"edge_length": 600, "pf": 0.297725, "in_bounds_one_im": 1, "error_one_im": 0.04341227740007611, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 9.988149283791333, "error_w_gmm": 0.05210708210101067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05011039401803}, "run_2023": {"edge_length": 600, "pf": 0.30144444444444446, "in_bounds_one_im": 1, "error_one_im": 0.055613234210649, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 16.532571442768415, "error_w_gmm": 0.08548757910270738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08221178580254997}, "run_2024": {"edge_length": 600, "pf": 0.29738611111111113, "in_bounds_one_im": 1, "error_one_im": 0.05072288928252214, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 12.101582741367602, "error_w_gmm": 0.06318383410009448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06076269663666629}, "run_2025": {"edge_length": 600, "pf": 0.30612222222222224, "in_bounds_one_im": 1, "error_one_im": 0.04636996808348507, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.937446067176928, "error_w_gmm": 0.05593398511686987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05379065417195203}, "run_2026": {"edge_length": 600, "pf": 0.30998055555555554, "in_bounds_one_im": 1, "error_one_im": 0.049632339249634116, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.513141003943481, "error_w_gmm": 0.05327969191476951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05123807066825877}, "run_2027": {"edge_length": 600, "pf": 0.3007611111111111, "in_bounds_one_im": 1, "error_one_im": 0.05306072874170646, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 12.094725122197476, "error_w_gmm": 0.06264172757579092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06024136305901669}, "run_2028": {"edge_length": 600, "pf": 0.3031888888888889, "in_bounds_one_im": 1, "error_one_im": 0.04699531948224821, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 12.852198815298516, "error_w_gmm": 0.06618264277835764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06364659414912248}, "run_2029": {"edge_length": 600, "pf": 0.30018333333333336, "in_bounds_one_im": 1, "error_one_im": 0.04142800524652554, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 9.154915369094248, "error_w_gmm": 0.047480902342743686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04566148455816793}, "run_2030": {"edge_length": 600, "pf": 0.3132083333333333, "in_bounds_one_im": 1, "error_one_im": 0.04600261625115526, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 11.67689318488187, "error_w_gmm": 0.05873391344414152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056483292217387744}, "run_2031": {"edge_length": 600, "pf": 0.2903777777777778, "in_bounds_one_im": 1, "error_one_im": 0.049085541080836, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.551309811040566, "error_w_gmm": 0.050717825417947546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04877437217659354}, "run_2032": {"edge_length": 600, "pf": 0.29190555555555553, "in_bounds_one_im": 1, "error_one_im": 0.04589310514092946, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 0, "pred_cls": 5.237138374652128, "error_w_gmm": 0.027706664081919106, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026644974120384208}, "run_2033": {"edge_length": 600, "pf": 0.30090555555555554, "in_bounds_one_im": 1, "error_one_im": 0.04410047960003751, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.854691272391014, "error_w_gmm": 0.0561999689226959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054046445760637024}, "run_2034": {"edge_length": 600, "pf": 0.3108, "in_bounds_one_im": 1, "error_one_im": 0.049537425882513766, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 14.468685416683702, "error_w_gmm": 0.07318582631773309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07038142312800091}, "run_2035": {"edge_length": 600, "pf": 0.29175, "in_bounds_one_im": 1, "error_one_im": 0.04809164259311888, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 10.090486306416425, "error_w_gmm": 0.05340300970049566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05135666304731752}, "run_2036": {"edge_length": 600, "pf": 0.30732777777777776, "in_bounds_one_im": 1, "error_one_im": 0.04673912946430296, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 13.855042333434145, "error_w_gmm": 0.0706539769518584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06794659154268322}, "run_2037": {"edge_length": 600, "pf": 0.30241666666666667, "in_bounds_one_im": 1, "error_one_im": 0.047182599470877856, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 13.225457475786827, "error_w_gmm": 0.06822941811989396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06561493923188774}, "run_2038": {"edge_length": 600, "pf": 0.29135, "in_bounds_one_im": 1, "error_one_im": 0.047410440208946254, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 12.601183884444639, "error_w_gmm": 0.0667552629324981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06419727210669864}, "run_2039": {"edge_length": 600, "pf": 0.30464444444444444, "in_bounds_one_im": 1, "error_one_im": 0.0433087899077751, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 9.775765077075901, "error_w_gmm": 0.05016760481273459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04824523544100327}, "run_2040": {"edge_length": 600, "pf": 0.2943861111111111, "in_bounds_one_im": 1, "error_one_im": 0.05005729774265541, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 8.291234599921824, "error_w_gmm": 0.0436023486130349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0419315528909323}, "run_2041": {"edge_length": 800, "pf": 0.28868125, "in_bounds_one_im": 0, "error_one_im": 0.03680931253411022, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 11.445554284973188, "error_w_gmm": 0.044614640437421346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044016729755401746}, "run_2042": {"edge_length": 800, "pf": 0.3043890625, "in_bounds_one_im": 1, "error_one_im": 0.034164033442679334, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.80200513692442, "error_w_gmm": 0.036796061262174974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036302932597028374}, "run_2043": {"edge_length": 800, "pf": 0.304678125, "in_bounds_one_im": 1, "error_one_im": 0.03723756312605824, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 7.7761249238173, "error_w_gmm": 0.0291711308994217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028780189033694354}, "run_2044": {"edge_length": 800, "pf": 0.29386875, "in_bounds_one_im": 1, "error_one_im": 0.03565216179193054, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 8.678840936719826, "error_w_gmm": 0.03340761482658618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032959897001904125}, "run_2045": {"edge_length": 800, "pf": 0.301871875, "in_bounds_one_im": 1, "error_one_im": 0.03748566195276931, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.830968385184262, "error_w_gmm": 0.03712532537068567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036627784016660454}, "run_2046": {"edge_length": 800, "pf": 0.3026640625, "in_bounds_one_im": 1, "error_one_im": 0.034607279604696076, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 11.080577013825087, "error_w_gmm": 0.041765789920106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041206058592197024}, "run_2047": {"edge_length": 800, "pf": 0.3007359375, "in_bounds_one_im": 1, "error_one_im": 0.035909625114087865, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.654134031189535, "error_w_gmm": 0.04412916161085478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04353775715579224}, "run_2048": {"edge_length": 800, "pf": 0.2931390625, "in_bounds_one_im": 1, "error_one_im": 0.035404381395368514, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 11.08159810024693, "error_w_gmm": 0.042731709497750035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04215903323455118}, "run_2049": {"edge_length": 800, "pf": 0.300409375, "in_bounds_one_im": 1, "error_one_im": 0.036547930218648064, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.775912772681114, "error_w_gmm": 0.040835421702106314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04028815886190229}, "run_2050": {"edge_length": 800, "pf": 0.3004, "in_bounds_one_im": 1, "error_one_im": 0.03517530611760665, "one_im_sa_cls": 9.408163265306122, "model_in_bounds": 1, "pred_cls": 11.254723071677898, "error_w_gmm": 0.04265082906888084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04207923673848775}, "run_2051": {"edge_length": 800, "pf": 0.3034609375, "in_bounds_one_im": 1, "error_one_im": 0.03825381410276822, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 12.483144896377349, "error_w_gmm": 0.04696378383903858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046334390712699035}, "run_2052": {"edge_length": 800, "pf": 0.3024296875, "in_bounds_one_im": 1, "error_one_im": 0.03698049921418237, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.639067495039628, "error_w_gmm": 0.04012389418508598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0395861670017605}, "run_2053": {"edge_length": 800, "pf": 0.298771875, "in_bounds_one_im": 1, "error_one_im": 0.037763196658029075, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.465467598840043, "error_w_gmm": 0.04361835736033038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04303379853519593}, "run_2054": {"edge_length": 800, "pf": 0.3082109375, "in_bounds_one_im": 1, "error_one_im": 0.03475704346343829, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 11.590178091634598, "error_w_gmm": 0.04311919652153171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042541327285165444}, "run_2055": {"edge_length": 800, "pf": 0.28921875, "in_bounds_one_im": 0, "error_one_im": 0.03629090295731283, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 0, "pred_cls": 5.380688373129578, "error_w_gmm": 0.020946445073881444, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020665727732281994}, "run_2056": {"edge_length": 800, "pf": 0.2995546875, "in_bounds_one_im": 1, "error_one_im": 0.03662238248364581, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 13.206787767102599, "error_w_gmm": 0.0501491970035869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04947711402165164}, "run_2057": {"edge_length": 800, "pf": 0.2995953125, "in_bounds_one_im": 1, "error_one_im": 0.035701455289925056, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 9.52271426534448, "error_w_gmm": 0.03615642612553744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03567186963932216}, "run_2058": {"edge_length": 800, "pf": 0.300659375, "in_bounds_one_im": 1, "error_one_im": 0.03576365281594078, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 12.22177072198875, "error_w_gmm": 0.04628698186888992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04566665901911416}, "run_2059": {"edge_length": 800, "pf": 0.3051703125, "in_bounds_one_im": 1, "error_one_im": 0.03583634223296874, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 9.533176285777039, "error_w_gmm": 0.03572098234777314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0352422615353096}, "run_2060": {"edge_length": 800, "pf": 0.305125, "in_bounds_one_im": 1, "error_one_im": 0.03599107763303824, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 11.944310523655307, "error_w_gmm": 0.04476032804313361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0441604649039197}, "run_2061": {"edge_length": 800, "pf": 0.29948125, "in_bounds_one_im": 1, "error_one_im": 0.03785230112690479, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.63104568300149, "error_w_gmm": 0.0365776865779811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036087484498257556}, "run_2062": {"edge_length": 800, "pf": 0.2909109375, "in_bounds_one_im": 1, "error_one_im": 0.03497118964452448, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 11.621958132130832, "error_w_gmm": 0.04505753231582434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04445368614306712}, "run_2063": {"edge_length": 800, "pf": 0.3077046875, "in_bounds_one_im": 1, "error_one_im": 0.036823253312419306, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 12.963169818546882, "error_w_gmm": 0.04828448212263564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04763738943391602}, "run_2064": {"edge_length": 800, "pf": 0.302503125, "in_bounds_one_im": 1, "error_one_im": 0.03742959635219873, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 12.660663087785615, "error_w_gmm": 0.0477397763679127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047099983645888195}, "run_2065": {"edge_length": 800, "pf": 0.293184375, "in_bounds_one_im": 1, "error_one_im": 0.03508997986035848, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.370356967722294, "error_w_gmm": 0.03998472321022718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03944886115036078}, "run_2066": {"edge_length": 800, "pf": 0.2949625, "in_bounds_one_im": 1, "error_one_im": 0.03656334080743068, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.007704949973663, "error_w_gmm": 0.038421554023761614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037906641041265954}, "run_2067": {"edge_length": 800, "pf": 0.2989578125, "in_bounds_one_im": 1, "error_one_im": 0.034301030002616924, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 11.852503289435468, "error_w_gmm": 0.04507076565534367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04446674213373895}, "run_2068": {"edge_length": 800, "pf": 0.3009859375, "in_bounds_one_im": 1, "error_one_im": 0.03817417004089142, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 11.544754214923827, "error_w_gmm": 0.04368901698683012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04310351120470899}, "run_2069": {"edge_length": 800, "pf": 0.304259375, "in_bounds_one_im": 1, "error_one_im": 0.032813567577978243, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.185853499252824, "error_w_gmm": 0.038248715119658015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03773611846709404}, "run_2070": {"edge_length": 800, "pf": 0.3113546875, "in_bounds_one_im": 0, "error_one_im": 0.03271785279388504, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 0, "pred_cls": 9.712778439163895, "error_w_gmm": 0.035869993963342846, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0353892761464024}, "run_2071": {"edge_length": 800, "pf": 0.3005828125, "in_bounds_one_im": 1, "error_one_im": 0.037753159362181536, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 12.66588326708681, "error_w_gmm": 0.04797768485629648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047334703763253994}, "run_2072": {"edge_length": 800, "pf": 0.300378125, "in_bounds_one_im": 1, "error_one_im": 0.03578758608671094, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 12.95607105815243, "error_w_gmm": 0.049100802269804567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04844276952797342}, "run_2073": {"edge_length": 800, "pf": 0.297225, "in_bounds_one_im": 1, "error_one_im": 0.03682671844460825, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.199292748669292, "error_w_gmm": 0.038945140007276696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03842321009828716}, "run_2074": {"edge_length": 800, "pf": 0.3074625, "in_bounds_one_im": 1, "error_one_im": 0.03684419621419477, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.655746688939683, "error_w_gmm": 0.039712496184704564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039180282421560984}, "run_2075": {"edge_length": 800, "pf": 0.2938765625, "in_bounds_one_im": 1, "error_one_im": 0.03270636753027947, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 7.045676426473096, "error_w_gmm": 0.02712053546862406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026757075005874653}, "run_2076": {"edge_length": 800, "pf": 0.304725, "in_bounds_one_im": 1, "error_one_im": 0.03662925001928183, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 11.181793722656106, "error_w_gmm": 0.04194241840042626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04138031995593634}, "run_2077": {"edge_length": 800, "pf": 0.3085734375, "in_bounds_one_im": 1, "error_one_im": 0.036149551658518124, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.222327913361903, "error_w_gmm": 0.037998048854155295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03748881154812631}, "run_2078": {"edge_length": 800, "pf": 0.2959125, "in_bounds_one_im": 1, "error_one_im": 0.03725124706578068, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 12.743772658550988, "error_w_gmm": 0.04881433809243834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04816014444893863}, "run_2079": {"edge_length": 800, "pf": 0.3048390625, "in_bounds_one_im": 1, "error_one_im": 0.03971505237393059, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 12.961606004257535, "error_w_gmm": 0.04860533216671525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04795393955163064}, "run_2080": {"edge_length": 800, "pf": 0.2962328125, "in_bounds_one_im": 1, "error_one_im": 0.03938046594835075, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 8.90618684248455, "error_w_gmm": 0.0340884658413807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03363162347617515}, "run_2081": {"edge_length": 1000, "pf": 0.299453, "in_bounds_one_im": 1, "error_one_im": 0.029794443414563096, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.012730050600755, "error_w_gmm": 0.03368831536873776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03301394241127651}, "run_2082": {"edge_length": 1000, "pf": 0.294406, "in_bounds_one_im": 1, "error_one_im": 0.030280635212040906, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.80444556250914, "error_w_gmm": 0.036549353602819884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03581770835987318}, "run_2083": {"edge_length": 1000, "pf": 0.300761, "in_bounds_one_im": 1, "error_one_im": 0.027201254333748506, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 10.04646610739802, "error_w_gmm": 0.03063693961372592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030023649119715643}, "run_2084": {"edge_length": 1000, "pf": 0.293027, "in_bounds_one_im": 1, "error_one_im": 0.028331165966283912, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.663573118743535, "error_w_gmm": 0.033126865273213305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03246373142810443}, "run_2085": {"edge_length": 1000, "pf": 0.296889, "in_bounds_one_im": 1, "error_one_im": 0.03046997533622782, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 12.316674166217751, "error_w_gmm": 0.03790865194088131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03714979625329586}, "run_2086": {"edge_length": 1000, "pf": 0.297547, "in_bounds_one_im": 1, "error_one_im": 0.030422020719961272, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 11.702718762351097, "error_w_gmm": 0.035962312600592225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03524241874896587}, "run_2087": {"edge_length": 1000, "pf": 0.303175, "in_bounds_one_im": 1, "error_one_im": 0.03001735203511922, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 11.180248938286688, "error_w_gmm": 0.0338997611201889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03322115544004071}, "run_2088": {"edge_length": 1000, "pf": 0.296152, "in_bounds_one_im": 1, "error_one_im": 0.029660549515455773, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.127612808955766, "error_w_gmm": 0.031226203850507155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03060111746044997}, "run_2089": {"edge_length": 1000, "pf": 0.293557, "in_bounds_one_im": 1, "error_one_im": 0.03232824114557971, "one_im_sa_cls": 10.63265306122449, "model_in_bounds": 1, "pred_cls": 11.723417256734749, "error_w_gmm": 0.036372785453091194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035644674752730525}, "run_2090": {"edge_length": 1000, "pf": 0.315728, "in_bounds_one_im": 0, "error_one_im": 0.02797070777674636, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 0, "pred_cls": 10.921784343594883, "error_w_gmm": 0.03215743703469776, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03151370921156098}, "run_2091": {"edge_length": 1000, "pf": 0.301549, "in_bounds_one_im": 1, "error_one_im": 0.028672261147583, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.719410460856245, "error_w_gmm": 0.03567178044860922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034957702471846985}, "run_2092": {"edge_length": 1000, "pf": 0.298683, "in_bounds_one_im": 1, "error_one_im": 0.02758140945521483, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.729083897323992, "error_w_gmm": 0.03594562334333752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03522606357739186}, "run_2093": {"edge_length": 1000, "pf": 0.298216, "in_bounds_one_im": 1, "error_one_im": 0.029023475204240864, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.753786018091732, "error_w_gmm": 0.03606152067823247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03533964087854097}, "run_2094": {"edge_length": 1000, "pf": 0.29537, "in_bounds_one_im": 1, "error_one_im": 0.029469160446348893, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.896573188710938, "error_w_gmm": 0.030571180533240754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029959206405011974}, "run_2095": {"edge_length": 1000, "pf": 0.295826, "in_bounds_one_im": 1, "error_one_im": 0.028634645691111963, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 10.727934693328455, "error_w_gmm": 0.03310304458449352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03244038758211543}, "run_2096": {"edge_length": 1000, "pf": 0.30633, "in_bounds_one_im": 1, "error_one_im": 0.028711248680001616, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.584301118531432, "error_w_gmm": 0.031854725958418595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03121705780794672}, "run_2097": {"edge_length": 1000, "pf": 0.308024, "in_bounds_one_im": 0, "error_one_im": 0.024160743512927248, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.229184013125275, "error_w_gmm": 0.030663676515236313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030049850801724877}, "run_2098": {"edge_length": 1000, "pf": 0.30063, "in_bounds_one_im": 1, "error_one_im": 0.02873493765419691, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 8.348689608656148, "error_w_gmm": 0.02546746111271614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024957653279298993}, "run_2099": {"edge_length": 1000, "pf": 0.291256, "in_bounds_one_im": 0, "error_one_im": 0.02920149736497001, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 0, "pred_cls": 8.939600356281039, "error_w_gmm": 0.027890439442923742, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027332128410562952}, "run_2100": {"edge_length": 1000, "pf": 0.303083, "in_bounds_one_im": 1, "error_one_im": 0.029781272035698917, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.01959078110986, "error_w_gmm": 0.030387132580326773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0297788427254421}, "run_2101": {"edge_length": 1000, "pf": 0.311201, "in_bounds_one_im": 0, "error_one_im": 0.026421699148327038, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 12.394195931787099, "error_w_gmm": 0.036878573609099304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03614033803752203}, "run_2102": {"edge_length": 1000, "pf": 0.300006, "in_bounds_one_im": 1, "error_one_im": 0.029388625578345883, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.983858720935336, "error_w_gmm": 0.036610770125812875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03587789544643413}, "run_2103": {"edge_length": 1000, "pf": 0.305492, "in_bounds_one_im": 1, "error_one_im": 0.02520966057010055, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 10.600581210469054, "error_w_gmm": 0.03196674220042178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0313268317079517}, "run_2104": {"edge_length": 1000, "pf": 0.295083, "in_bounds_one_im": 1, "error_one_im": 0.027943920873856252, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.599884495847771, "error_w_gmm": 0.035857545450308045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03513974882830588}, "run_2105": {"edge_length": 1000, "pf": 0.302901, "in_bounds_one_im": 1, "error_one_im": 0.029794107432298763, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.229258241621526, "error_w_gmm": 0.034070455628574414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03338843298443789}, "run_2106": {"edge_length": 1000, "pf": 0.303502, "in_bounds_one_im": 1, "error_one_im": 0.030236513676986876, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.3430871851191, "error_w_gmm": 0.03436690512841421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0336789481558984}, "run_2107": {"edge_length": 1000, "pf": 0.298182, "in_bounds_one_im": 1, "error_one_im": 0.028596275162273553, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 10.365357090902156, "error_w_gmm": 0.03180429723617423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031167638568254094}, "run_2108": {"edge_length": 1000, "pf": 0.304769, "in_bounds_one_im": 1, "error_one_im": 0.030025314777083208, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.093811966098652, "error_w_gmm": 0.03351119891094109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032840371472101275}, "run_2109": {"edge_length": 1000, "pf": 0.302257, "in_bounds_one_im": 1, "error_one_im": 0.029110327052981173, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 13.416138588519118, "error_w_gmm": 0.04076778273969494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039951692949677924}, "run_2110": {"edge_length": 1000, "pf": 0.298904, "in_bounds_one_im": 1, "error_one_im": 0.028547021944634786, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 10.477396159276225, "error_w_gmm": 0.03209269894708564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031450267051487214}, "run_2111": {"edge_length": 1000, "pf": 0.299154, "in_bounds_one_im": 1, "error_one_im": 0.027550432256827566, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.613237795034538, "error_w_gmm": 0.03555062226819659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034838969636826436}, "run_2112": {"edge_length": 1000, "pf": 0.306234, "in_bounds_one_im": 1, "error_one_im": 0.0273330229734131, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.552024558943673, "error_w_gmm": 0.03477506109892133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03407893365703292}, "run_2113": {"edge_length": 1000, "pf": 0.299154, "in_bounds_one_im": 1, "error_one_im": 0.02834633363313591, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 10.843934743340542, "error_w_gmm": 0.03319561992662402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03253110975033168}, "run_2114": {"edge_length": 1000, "pf": 0.305275, "in_bounds_one_im": 1, "error_one_im": 0.028299951906170483, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 12.509243691896112, "error_w_gmm": 0.03774173774177662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03698622334391918}, "run_2115": {"edge_length": 1000, "pf": 0.292794, "in_bounds_one_im": 1, "error_one_im": 0.030895859510862003, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.610780080658424, "error_w_gmm": 0.03298140791964889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03232118584096803}, "run_2116": {"edge_length": 1000, "pf": 0.297071, "in_bounds_one_im": 1, "error_one_im": 0.0298414107815054, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.994059621812145, "error_w_gmm": 0.030746630806386475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030131144513233572}, "run_2117": {"edge_length": 1000, "pf": 0.307321, "in_bounds_one_im": 1, "error_one_im": 0.03254776632492231, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.26118958444568, "error_w_gmm": 0.036815651907692475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03607867590322021}, "run_2118": {"edge_length": 1000, "pf": 0.302576, "in_bounds_one_im": 1, "error_one_im": 0.026962874275679564, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 8.512893570254638, "error_w_gmm": 0.02584868207661444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025331242958995085}, "run_2119": {"edge_length": 1000, "pf": 0.299802, "in_bounds_one_im": 1, "error_one_im": 0.026407599687759572, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 12.6040203940047, "error_w_gmm": 0.03852407884052072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03775290353250106}, "run_2120": {"edge_length": 1000, "pf": 0.302774, "in_bounds_one_im": 1, "error_one_im": 0.02907468526229466, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.357443232148285, "error_w_gmm": 0.034469744805003616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03377972918704678}, "run_2121": {"edge_length": 1200, "pf": 0.2992111111111111, "in_bounds_one_im": 1, "error_one_im": 0.022547468016752475, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.679403222788384, "error_w_gmm": 0.027239584538715663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026694302324858362}, "run_2122": {"edge_length": 1200, "pf": 0.30298125, "in_bounds_one_im": 1, "error_one_im": 0.025329279992416326, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 11.639322977792817, "error_w_gmm": 0.02942326227877802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028834267187040487}, "run_2123": {"edge_length": 1200, "pf": 0.30301041666666667, "in_bounds_one_im": 1, "error_one_im": 0.02472088353243933, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 9.764018315781477, "error_w_gmm": 0.024680940184022497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024186876932635746}, "run_2124": {"edge_length": 1200, "pf": 0.2984076388888889, "in_bounds_one_im": 1, "error_one_im": 0.02407293980050546, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 12.07175199279893, "error_w_gmm": 0.03085009543499159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030232537986103484}, "run_2125": {"edge_length": 1200, "pf": 0.30315416666666667, "in_bounds_one_im": 1, "error_one_im": 0.02274153952758054, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 11.156597730162483, "error_w_gmm": 0.028191430054565578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02762709378981437}, "run_2126": {"edge_length": 1200, "pf": 0.30611041666666666, "in_bounds_one_im": 1, "error_one_im": 0.023637296438393927, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.93130918998259, "error_w_gmm": 0.029939392205114695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02934006522052199}, "run_2127": {"edge_length": 1200, "pf": 0.29470555555555555, "in_bounds_one_im": 1, "error_one_im": 0.025421943797037126, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.976613136875656, "error_w_gmm": 0.030879754648347545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030261603481097292}, "run_2128": {"edge_length": 1200, "pf": 0.30794444444444447, "in_bounds_one_im": 0, "error_one_im": 0.02403533248872567, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 0, "pred_cls": 9.324355430704596, "error_w_gmm": 0.023297099921283065, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02283073839497287}, "run_2129": {"edge_length": 1200, "pf": 0.30087708333333335, "in_bounds_one_im": 1, "error_one_im": 0.020578229292347275, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 12.593969399495107, "error_w_gmm": 0.03199584595631553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03135535286463496}, "run_2130": {"edge_length": 1200, "pf": 0.29640208333333334, "in_bounds_one_im": 1, "error_one_im": 0.026191633651876874, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 11.382090291263749, "error_w_gmm": 0.029227550700491513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02864247336464092}, "run_2131": {"edge_length": 1200, "pf": 0.30214097222222225, "in_bounds_one_im": 1, "error_one_im": 0.024366597007796153, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.72882113848876, "error_w_gmm": 0.027175640840095727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02663163865169176}, "run_2132": {"edge_length": 1200, "pf": 0.2977694444444444, "in_bounds_one_im": 1, "error_one_im": 0.02431443434663708, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.8267572583919, "error_w_gmm": 0.027710664826405315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027155952523707724}, "run_2133": {"edge_length": 1200, "pf": 0.2978048611111111, "in_bounds_one_im": 1, "error_one_im": 0.023698168004599937, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 10.23816229444569, "error_w_gmm": 0.026201959880998858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025677448845560655}, "run_2134": {"edge_length": 1200, "pf": 0.30781736111111113, "in_bounds_one_im": 0, "error_one_im": 0.02364262541408195, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.167419257591728, "error_w_gmm": 0.025411089020893497, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024902409644446205}, "run_2135": {"edge_length": 1200, "pf": 0.2999076388888889, "in_bounds_one_im": 1, "error_one_im": 0.023885124715582476, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 9.985133522591434, "error_w_gmm": 0.025426497014100973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024917509200326544}, "run_2136": {"edge_length": 1200, "pf": 0.2957854166666667, "in_bounds_one_im": 1, "error_one_im": 0.025047469386777366, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 8.011743979063077, "error_w_gmm": 0.02060344964561241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020191009631342377}, "run_2137": {"edge_length": 1200, "pf": 0.30438055555555554, "in_bounds_one_im": 1, "error_one_im": 0.024137021777468216, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.611714081404822, "error_w_gmm": 0.029256507914259242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028670850912679586}, "run_2138": {"edge_length": 1200, "pf": 0.29995694444444443, "in_bounds_one_im": 1, "error_one_im": 0.025206287141152715, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 11.2454632996805, "error_w_gmm": 0.028632483397999633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028059318124010153}, "run_2139": {"edge_length": 1200, "pf": 0.30210555555555557, "in_bounds_one_im": 1, "error_one_im": 0.024976593112073384, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.291070078432545, "error_w_gmm": 0.028602195262609386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02802963629674826}, "run_2140": {"edge_length": 1200, "pf": 0.30019375, "in_bounds_one_im": 1, "error_one_im": 0.023309036844751368, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 12.809572068145119, "error_w_gmm": 0.032596536447379136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031944018728805104}, "run_2141": {"edge_length": 1200, "pf": 0.30691666666666667, "in_bounds_one_im": 1, "error_one_im": 0.024193593925531377, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 12.555722707885932, "error_w_gmm": 0.03144654643354657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030817049223958816}, "run_2142": {"edge_length": 1200, "pf": 0.2971520833333333, "in_bounds_one_im": 1, "error_one_im": 0.02394026408072917, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 9.319602458410895, "error_w_gmm": 0.023888420109690323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023410221531277753}, "run_2143": {"edge_length": 1200, "pf": 0.30355486111111113, "in_bounds_one_im": 1, "error_one_im": 0.026203721951855222, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 11.142977047777446, "error_w_gmm": 0.028130331186202152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027567217999070085}, "run_2144": {"edge_length": 1200, "pf": 0.29738888888888887, "in_bounds_one_im": 1, "error_one_im": 0.024336578040290956, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 11.591492161091235, "error_w_gmm": 0.029694993397926646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029100558790545402}, "run_2145": {"edge_length": 1200, "pf": 0.3015111111111111, "in_bounds_one_im": 1, "error_one_im": 0.026127995008854446, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.469615544507565, "error_w_gmm": 0.026558746536939695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026027093343464876}, "run_2146": {"edge_length": 1200, "pf": 0.30341944444444446, "in_bounds_one_im": 1, "error_one_im": 0.02131312760587743, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 11.692294833119679, "error_w_gmm": 0.029526534474514234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02893547207916406}, "run_2147": {"edge_length": 1200, "pf": 0.30531736111111113, "in_bounds_one_im": 1, "error_one_im": 0.024787638673798074, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.787411527895834, "error_w_gmm": 0.02711961183623415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026576731236862577}, "run_2148": {"edge_length": 1200, "pf": 0.3002902777777778, "in_bounds_one_im": 1, "error_one_im": 0.024066903910508423, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 9.275915085127235, "error_w_gmm": 0.02359901260523737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02312660738848592}, "run_2149": {"edge_length": 1200, "pf": 0.2974861111111111, "in_bounds_one_im": 1, "error_one_im": 0.023613795645444916, "one_im_sa_cls": 9.408163265306122, "model_in_bounds": 1, "pred_cls": 10.663410752940306, "error_w_gmm": 0.027311087791613845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026764374225087286}, "run_2150": {"edge_length": 1200, "pf": 0.29590694444444443, "in_bounds_one_im": 1, "error_one_im": 0.024628827110567006, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.338038513324257, "error_w_gmm": 0.026578125457272016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02604608433642019}, "run_2151": {"edge_length": 1200, "pf": 0.3016284722222222, "in_bounds_one_im": 1, "error_one_im": 0.02470056125306302, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.558942187032315, "error_w_gmm": 0.0267778840682139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02624184417794416}, "run_2152": {"edge_length": 1200, "pf": 0.3029604166666667, "in_bounds_one_im": 1, "error_one_im": 0.025633889052202038, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.160726782041676, "error_w_gmm": 0.023158714892816082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02269512355907537}, "run_2153": {"edge_length": 1200, "pf": 0.29508819444444445, "in_bounds_one_im": 1, "error_one_im": 0.02416212251582379, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 11.074254822168049, "error_w_gmm": 0.028526910306440573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027955858395413993}, "run_2154": {"edge_length": 1200, "pf": 0.30733055555555555, "in_bounds_one_im": 1, "error_one_im": 0.025921532230188216, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 12.52467625251029, "error_w_gmm": 0.031338297774455834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03071096748736256}, "run_2155": {"edge_length": 1200, "pf": 0.30304583333333335, "in_bounds_one_im": 1, "error_one_im": 0.0253254074718956, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.527184249768672, "error_w_gmm": 0.026607797373334383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026075162279837416}, "run_2156": {"edge_length": 1200, "pf": 0.2924104166666667, "in_bounds_one_im": 0, "error_one_im": 0.023955599079642467, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 0, "pred_cls": 8.717057537290838, "error_w_gmm": 0.022600235145827145, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022147823463978845}, "run_2157": {"edge_length": 1200, "pf": 0.2966243055555556, "in_bounds_one_im": 1, "error_one_im": 0.022482012589903483, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 12.165440776698405, "error_w_gmm": 0.031222445032934577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030597433886916617}, "run_2158": {"edge_length": 1200, "pf": 0.29799444444444445, "in_bounds_one_im": 1, "error_one_im": 0.026398950236630903, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 11.91610400995857, "error_w_gmm": 0.030482404769927505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029872207755614923}, "run_2159": {"edge_length": 1200, "pf": 0.29918333333333336, "in_bounds_one_im": 1, "error_one_im": 0.025660922351517797, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.986589665958224, "error_w_gmm": 0.02802497066383614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027463966584455164}, "run_2160": {"edge_length": 1200, "pf": 0.2986465277777778, "in_bounds_one_im": 1, "error_one_im": 0.026664350458296536, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.032724651281203, "error_w_gmm": 0.02817872053118176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02761463868576786}, "run_2161": {"edge_length": 1400, "pf": 0.29699336734693876, "in_bounds_one_im": 1, "error_one_im": 0.021407170719911776, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.744639601505876, "error_w_gmm": 0.02098940624813805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02098902056287272}, "run_2162": {"edge_length": 1400, "pf": 0.29621224489795916, "in_bounds_one_im": 1, "error_one_im": 0.02091880802718289, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.077240452928883, "error_w_gmm": 0.021746481839760568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021746082243053605}, "run_2163": {"edge_length": 1400, "pf": 0.3027091836734694, "in_bounds_one_im": 1, "error_one_im": 0.021377901358322716, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.719266424132448, "error_w_gmm": 0.024901335374662558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02490087780678162}, "run_2164": {"edge_length": 1400, "pf": 0.29868316326530614, "in_bounds_one_im": 1, "error_one_im": 0.022765598932373673, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 11.691635326375486, "error_w_gmm": 0.025081589638726073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02508112875863071}, "run_2165": {"edge_length": 1400, "pf": 0.29564132653061226, "in_bounds_one_im": 1, "error_one_im": 0.021829487340685745, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 10.221422446610179, "error_w_gmm": 0.022087864825662794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022087458955963278}, "run_2166": {"edge_length": 1400, "pf": 0.3017969387755102, "in_bounds_one_im": 1, "error_one_im": 0.020468138245583897, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 10.708560999258923, "error_w_gmm": 0.02280303268466662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022802613673589985}, "run_2167": {"edge_length": 1400, "pf": 0.3072698979591837, "in_bounds_one_im": 0, "error_one_im": 0.021149149952990765, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 0, "pred_cls": 9.938766593089946, "error_w_gmm": 0.020892121800737448, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02089173790309673}, "run_2168": {"edge_length": 1400, "pf": 0.3008704081632653, "in_bounds_one_im": 1, "error_one_im": 0.019859939573345618, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 9.778403192439862, "error_w_gmm": 0.02086820435674339, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020867820898591256}, "run_2169": {"edge_length": 1400, "pf": 0.2974826530612245, "in_bounds_one_im": 1, "error_one_im": 0.02164554862456694, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.428258678948827, "error_w_gmm": 0.022435592046150556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022435179786881754}, "run_2170": {"edge_length": 1400, "pf": 0.29854285714285717, "in_bounds_one_im": 1, "error_one_im": 0.022773225550786532, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 11.234336332613887, "error_w_gmm": 0.024108638551091917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02410819554920114}, "run_2171": {"edge_length": 1400, "pf": 0.30210051020408163, "in_bounds_one_im": 1, "error_one_im": 0.02062710579169666, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.212644036527067, "error_w_gmm": 0.021731361758376786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021730962439504852}, "run_2172": {"edge_length": 1400, "pf": 0.29983571428571426, "in_bounds_one_im": 1, "error_one_im": 0.021698947066559292, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 12.181531304441561, "error_w_gmm": 0.026060828461908866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026060349588070235}, "run_2173": {"edge_length": 1400, "pf": 0.2991739795918367, "in_bounds_one_im": 1, "error_one_im": 0.02155827931132932, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.744787504409866, "error_w_gmm": 0.023023379201753277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023022956141757613}, "run_2174": {"edge_length": 1400, "pf": 0.3007673469387755, "in_bounds_one_im": 1, "error_one_im": 0.020431127125360507, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 11.468249304655004, "error_w_gmm": 0.024480521718034796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024480071882703517}, "run_2175": {"edge_length": 1400, "pf": 0.2989857142857143, "in_bounds_one_im": 1, "error_one_im": 0.020211761554934708, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.38774114208856, "error_w_gmm": 0.022268315691707615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02226790650618112}, "run_2176": {"edge_length": 1400, "pf": 0.30626938775510204, "in_bounds_one_im": 1, "error_one_im": 0.0219729572003428, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 11.028939813293915, "error_w_gmm": 0.023238357933275455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02323793092299517}, "run_2177": {"edge_length": 1400, "pf": 0.30190051020408165, "in_bounds_one_im": 1, "error_one_im": 0.021332030907610065, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.106472449826615, "error_w_gmm": 0.02364454254965297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023644108075635096}, "run_2178": {"edge_length": 1400, "pf": 0.30380714285714283, "in_bounds_one_im": 1, "error_one_im": 0.021235928714195426, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.44180752689611, "error_w_gmm": 0.0242487002418156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02424825466625827}, "run_2179": {"edge_length": 1400, "pf": 0.30048979591836733, "in_bounds_one_im": 1, "error_one_im": 0.021403639625974927, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.550326166304705, "error_w_gmm": 0.02467200513082224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024671551776938225}, "run_2180": {"edge_length": 1400, "pf": 0.29886632653061224, "in_bounds_one_im": 1, "error_one_im": 0.021136497669190388, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.672850607474414, "error_w_gmm": 0.022886025955220723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022885605419123205}, "run_2181": {"edge_length": 1400, "pf": 0.30591734693877554, "in_bounds_one_im": 1, "error_one_im": 0.02095832060636553, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.132626095402516, "error_w_gmm": 0.019258712771641248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01925835888827474}, "run_2182": {"edge_length": 1400, "pf": 0.2967295918367347, "in_bounds_one_im": 1, "error_one_im": 0.021244760933883836, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.088082785065888, "error_w_gmm": 0.023898202553730263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023897763418650193}, "run_2183": {"edge_length": 1400, "pf": 0.29465102040816327, "in_bounds_one_im": 1, "error_one_im": 0.021174225564079992, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.938728964799525, "error_w_gmm": 0.021528160839965876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021527765254958454}, "run_2184": {"edge_length": 1400, "pf": 0.3033765306122449, "in_bounds_one_im": 1, "error_one_im": 0.020738032435846026, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.08504197968965, "error_w_gmm": 0.023516540778006394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023516108656050985}, "run_2185": {"edge_length": 1400, "pf": 0.2974688775510204, "in_bounds_one_im": 1, "error_one_im": 0.021470633135891003, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.232183462896401, "error_w_gmm": 0.024165970500975367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024165526445596427}, "run_2186": {"edge_length": 1400, "pf": 0.2973372448979592, "in_bounds_one_im": 1, "error_one_im": 0.021038186432480656, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.29475493763653, "error_w_gmm": 0.024308248014796616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02430780134503498}, "run_2187": {"edge_length": 1400, "pf": 0.29952142857142855, "in_bounds_one_im": 1, "error_one_im": 0.02084134929114527, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.786580301975615, "error_w_gmm": 0.020952819779283264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020952434766302874}, "run_2188": {"edge_length": 1400, "pf": 0.2996867346938776, "in_bounds_one_im": 1, "error_one_im": 0.019129803205632793, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 10.020672927978907, "error_w_gmm": 0.021445557432246656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021445163365096317}, "run_2189": {"edge_length": 1400, "pf": 0.3032438775510204, "in_bounds_one_im": 1, "error_one_im": 0.020571310579634346, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.581845134548237, "error_w_gmm": 0.022456073089614507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022455660454001755}, "run_2190": {"edge_length": 1400, "pf": 0.304915306122449, "in_bounds_one_im": 1, "error_one_im": 0.021094152637667077, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.082341938340717, "error_w_gmm": 0.023425497952250594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0234250675032285}, "run_2191": {"edge_length": 1400, "pf": 0.29906326530612243, "in_bounds_one_im": 1, "error_one_im": 0.02086412757042619, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.424938492399058, "error_w_gmm": 0.022343922282034964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022343511707219623}, "run_2192": {"edge_length": 1400, "pf": 0.29911632653061226, "in_bounds_one_im": 1, "error_one_im": 0.02269834776650113, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 11.74909903765253, "error_w_gmm": 0.02517882809863855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025178365431763664}, "run_2193": {"edge_length": 1400, "pf": 0.2993704081632653, "in_bounds_one_im": 1, "error_one_im": 0.021810434841639206, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.85873343706038, "error_w_gmm": 0.023256642188933085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02325621484267532}, "run_2194": {"edge_length": 1400, "pf": 0.30453061224489797, "in_bounds_one_im": 1, "error_one_im": 0.020336134890117086, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.763290303861922, "error_w_gmm": 0.024887448947908265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024886991635193593}, "run_2195": {"edge_length": 1400, "pf": 0.30054642857142855, "in_bounds_one_im": 1, "error_one_im": 0.021226412353272706, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.789095745893196, "error_w_gmm": 0.025178635499378103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025178172836042224}, "run_2196": {"edge_length": 1400, "pf": 0.29424540816326533, "in_bounds_one_im": 1, "error_one_im": 0.020531182574821144, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 9.846204558757291, "error_w_gmm": 0.02134857536650282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021348183081420752}, "run_2197": {"edge_length": 1400, "pf": 0.2955714285714286, "in_bounds_one_im": 1, "error_one_im": 0.02174493683824857, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.840389446379392, "error_w_gmm": 0.021268045372848182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021267654567523532}, "run_2198": {"edge_length": 1400, "pf": 0.30092295918367346, "in_bounds_one_im": 1, "error_one_im": 0.020946135533753112, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.476843697355534, "error_w_gmm": 0.022355961761713027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02235555096566954}, "run_2199": {"edge_length": 1400, "pf": 0.3063224489795918, "in_bounds_one_im": 1, "error_one_im": 0.02042241006444751, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 11.604297314919492, "error_w_gmm": 0.024447603326190566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024447154095742312}, "run_2200": {"edge_length": 1400, "pf": 0.29774693877551023, "in_bounds_one_im": 1, "error_one_im": 0.02119308959062509, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.499488505760597, "error_w_gmm": 0.022574562695615467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022574147882728386}}, "blobs_150.0_0.4": {"true_cls": 11.306122448979592, "true_pf": 0.4001797831310729, "run_2201": {"edge_length": 600, "pf": 0.3946, "in_bounds_one_im": 1, "error_one_im": 0.04120443601165928, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 8.215995058252716, "error_w_gmm": 0.034567551171380696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0332429592982851}, "run_2202": {"edge_length": 600, "pf": 0.40002777777777776, "in_bounds_one_im": 1, "error_one_im": 0.03878063064811973, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 12.223671994664134, "error_w_gmm": 0.05084964928826659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048901144696111364}, "run_2203": {"edge_length": 600, "pf": 0.4035722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03914408891149349, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 13.121090199705367, "error_w_gmm": 0.054181870764411846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052105678981897816}, "run_2204": {"edge_length": 600, "pf": 0.3877638888888889, "in_bounds_one_im": 1, "error_one_im": 0.042051381439053126, "one_im_sa_cls": 10.244897959183673, "model_in_bounds": 1, "pred_cls": 11.724352034276334, "error_w_gmm": 0.050041511258810754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04812397365823813}, "run_2205": {"edge_length": 600, "pf": 0.3791277777777778, "in_bounds_one_im": 0, "error_one_im": 0.04171746709556356, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 0, "pred_cls": 9.08452728695528, "error_w_gmm": 0.03948902611870069, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.037975848548963194}, "run_2206": {"edge_length": 600, "pf": 0.3995111111111111, "in_bounds_one_im": 1, "error_one_im": 0.04217339067433659, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 15.063758899371916, "error_w_gmm": 0.06273171922948287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06032790632805058}, "run_2207": {"edge_length": 600, "pf": 0.4038638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04041629602789572, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 14.803260487177198, "error_w_gmm": 0.061091158669291566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058750210307339616}, "run_2208": {"edge_length": 600, "pf": 0.412575, "in_bounds_one_im": 1, "error_one_im": 0.03873954186465267, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.052762238303933, "error_w_gmm": 0.0447982824465353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043081659809220824}, "run_2209": {"edge_length": 600, "pf": 0.40570555555555554, "in_bounds_one_im": 1, "error_one_im": 0.03929389494011281, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.805626018740208, "error_w_gmm": 0.0485344549109801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046674666110162966}, "run_2210": {"edge_length": 600, "pf": 0.38964444444444446, "in_bounds_one_im": 1, "error_one_im": 0.039799383644583734, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 8.890821299749673, "error_w_gmm": 0.03779765574475041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03634928969263002}, "run_2211": {"edge_length": 600, "pf": 0.4016194444444444, "in_bounds_one_im": 1, "error_one_im": 0.0353160286861045, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 10.266263980821265, "error_w_gmm": 0.04256567994883188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04093460826968768}, "run_2212": {"edge_length": 600, "pf": 0.39785, "in_bounds_one_im": 1, "error_one_im": 0.03862907705433517, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 13.386963712581581, "error_w_gmm": 0.055942327000590326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053798676403541905}, "run_2213": {"edge_length": 600, "pf": 0.41620277777777775, "in_bounds_one_im": 0, "error_one_im": 0.033318982967416845, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 0, "pred_cls": 5.096900781686964, "error_w_gmm": 0.020504561287564196, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01971884826125696}, "run_2214": {"edge_length": 600, "pf": 0.39469444444444446, "in_bounds_one_im": 1, "error_one_im": 0.04103117675999309, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.8301139857426, "error_w_gmm": 0.0497635700955239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0478566829053394}, "run_2215": {"edge_length": 600, "pf": 0.4123861111111111, "in_bounds_one_im": 1, "error_one_im": 0.038754642311763614, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 13.74284913396416, "error_w_gmm": 0.055723266543794114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0535880101109533}, "run_2216": {"edge_length": 600, "pf": 0.4018638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04180463150867447, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 10.200216408903762, "error_w_gmm": 0.042270334361093315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040650580011410246}, "run_2217": {"edge_length": 600, "pf": 0.4115888888888889, "in_bounds_one_im": 1, "error_one_im": 0.03881846278079593, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 0, "pred_cls": 3.633435272560455, "error_w_gmm": 0.014756787265574455, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014191322839469483}, "run_2218": {"edge_length": 600, "pf": 0.3993305555555556, "in_bounds_one_im": 1, "error_one_im": 0.03564829383185725, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 5.301071534304082, "error_w_gmm": 0.022084162847298527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021237921165710424}, "run_2219": {"edge_length": 600, "pf": 0.42146944444444445, "in_bounds_one_im": 0, "error_one_im": 0.035303624793846605, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 0, "pred_cls": 11.629806326517423, "error_w_gmm": 0.046282665519118624, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.044509162897892154}, "run_2220": {"edge_length": 600, "pf": 0.3944916666666667, "in_bounds_one_im": 1, "error_one_im": 0.035845251810777544, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 11.365849742809434, "error_w_gmm": 0.047830930869467915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045998100363246086}, "run_2221": {"edge_length": 600, "pf": 0.3890388888888889, "in_bounds_one_im": 1, "error_one_im": 0.04001718634575728, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 15.334560632881464, "error_w_gmm": 0.06527507655769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06277380490279798}, "run_2222": {"edge_length": 600, "pf": 0.40529444444444446, "in_bounds_one_im": 1, "error_one_im": 0.03787383438444664, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 8.796467498224883, "error_w_gmm": 0.03619426418280956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03480733839360535}, "run_2223": {"edge_length": 600, "pf": 0.3934944444444444, "in_bounds_one_im": 1, "error_one_im": 0.03997569108927972, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 12.776876593910545, "error_w_gmm": 0.053881362156951766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05181668554533501}, "run_2224": {"edge_length": 600, "pf": 0.3951972222222222, "in_bounds_one_im": 1, "error_one_im": 0.03917367510932987, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.872569377708562, "error_w_gmm": 0.0456875544271514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0439368558313562}, "run_2225": {"edge_length": 600, "pf": 0.40155555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03759947981849748, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 14.482400537192747, "error_w_gmm": 0.06005448294309832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057753258894712584}, "run_2226": {"edge_length": 600, "pf": 0.3938055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04077676201595698, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.760991587411885, "error_w_gmm": 0.041136256975623085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03955995926771395}, "run_2227": {"edge_length": 600, "pf": 0.3950972222222222, "in_bounds_one_im": 1, "error_one_im": 0.040336705189421916, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 12.948638286005787, "error_w_gmm": 0.05442277438976342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05233735143600566}, "run_2228": {"edge_length": 600, "pf": 0.40179444444444445, "in_bounds_one_im": 1, "error_one_im": 0.03660467300857621, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 14.14363013203719, "error_w_gmm": 0.058620554893483806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056374277446079736}, "run_2229": {"edge_length": 600, "pf": 0.39813611111111114, "in_bounds_one_im": 1, "error_one_im": 0.03975354453991752, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 10.889989912795025, "error_w_gmm": 0.04548064478607329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04373787474812355}, "run_2230": {"edge_length": 600, "pf": 0.40073888888888887, "in_bounds_one_im": 1, "error_one_im": 0.04035369082630687, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 15.686960072068988, "error_w_gmm": 0.06516011934560753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06266325272907418}, "run_2231": {"edge_length": 600, "pf": 0.39423055555555553, "in_bounds_one_im": 1, "error_one_im": 0.04156686646935805, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 11.968029107205767, "error_w_gmm": 0.050392621849850425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04846163006407559}, "run_2232": {"edge_length": 600, "pf": 0.3930722222222222, "in_bounds_one_im": 1, "error_one_im": 0.0379401085350456, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.570009479505076, "error_w_gmm": 0.0488350708686502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0469637627833898}, "run_2233": {"edge_length": 600, "pf": 0.40835, "in_bounds_one_im": 1, "error_one_im": 0.04076435991181506, "one_im_sa_cls": 10.36734693877551, "model_in_bounds": 1, "pred_cls": 12.660903870855538, "error_w_gmm": 0.051766242567957046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04978261509413766}, "run_2234": {"edge_length": 600, "pf": 0.40029722222222225, "in_bounds_one_im": 1, "error_one_im": 0.03875887048005081, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 14.062715723548706, "error_w_gmm": 0.058467122040179106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05622672397686972}, "run_2235": {"edge_length": 600, "pf": 0.392525, "in_bounds_one_im": 1, "error_one_im": 0.0374860550936352, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.58571117444101, "error_w_gmm": 0.0489574758639212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047081477349154854}, "run_2236": {"edge_length": 600, "pf": 0.4052027777777778, "in_bounds_one_im": 1, "error_one_im": 0.039819512498607615, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.843041213609023, "error_w_gmm": 0.04873907433362391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04687144473370112}, "run_2237": {"edge_length": 600, "pf": 0.4214361111111111, "in_bounds_one_im": 0, "error_one_im": 0.04007079092055857, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 0, "pred_cls": 9.274642637427482, "error_w_gmm": 0.03691243973109504, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035497994217106185}, "run_2238": {"edge_length": 600, "pf": 0.3846805555555556, "in_bounds_one_im": 0, "error_one_im": 0.0367610114557793, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 11.250667162795605, "error_w_gmm": 0.048333056086804854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046480984675178375}, "run_2239": {"edge_length": 600, "pf": 0.4171861111111111, "in_bounds_one_im": 0, "error_one_im": 0.040264442140327504, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 10.259507327716724, "error_w_gmm": 0.04119004902083712, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03961169005884675}, "run_2240": {"edge_length": 600, "pf": 0.3854694444444444, "in_bounds_one_im": 1, "error_one_im": 0.04065600051722448, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 0, "pred_cls": 6.944603361653277, "error_w_gmm": 0.029784477464262587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0286431678991748}, "run_2241": {"edge_length": 800, "pf": 0.406215625, "in_bounds_one_im": 1, "error_one_im": 0.03324763697430202, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 13.841568679573676, "error_w_gmm": 0.04155651410074741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040999587418278895}, "run_2242": {"edge_length": 800, "pf": 0.399571875, "in_bounds_one_im": 1, "error_one_im": 0.03021634990887432, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.848126924838606, "error_w_gmm": 0.03606620805717642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03558286064372868}, "run_2243": {"edge_length": 800, "pf": 0.4125984375, "in_bounds_one_im": 0, "error_one_im": 0.02821804514609816, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 0, "pred_cls": 9.901640911894713, "error_w_gmm": 0.029337875385700832, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028944698865417715}, "run_2244": {"edge_length": 800, "pf": 0.3937359375, "in_bounds_one_im": 1, "error_one_im": 0.030338860691233163, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 12.107114946390466, "error_w_gmm": 0.037306695146511346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03680672313462797}, "run_2245": {"edge_length": 800, "pf": 0.4040984375, "in_bounds_one_im": 1, "error_one_im": 0.033272563224429196, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 14.115356897022941, "error_w_gmm": 0.04256506176439472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041994618859101}, "run_2246": {"edge_length": 800, "pf": 0.39651875, "in_bounds_one_im": 1, "error_one_im": 0.032815096270700124, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 14.52055824795618, "error_w_gmm": 0.04448371684618011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043887560758907054}, "run_2247": {"edge_length": 800, "pf": 0.3939, "in_bounds_one_im": 1, "error_one_im": 0.028405775712448497, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 10.221996371984295, "error_w_gmm": 0.03148709554916369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031065115889795547}, "run_2248": {"edge_length": 800, "pf": 0.4040359375, "in_bounds_one_im": 1, "error_one_im": 0.029937048531591605, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.33312763458234, "error_w_gmm": 0.034179644861050136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033721580544725065}, "run_2249": {"edge_length": 800, "pf": 0.4090984375, "in_bounds_one_im": 1, "error_one_im": 0.02752144045147946, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.979622762337524, "error_w_gmm": 0.03575234472275095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03527320360209201}, "run_2250": {"edge_length": 800, "pf": 0.401265625, "in_bounds_one_im": 1, "error_one_im": 0.02760587879338892, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.15601884724985, "error_w_gmm": 0.033839823195147625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03338631305659988}, "run_2251": {"edge_length": 800, "pf": 0.4046734375, "in_bounds_one_im": 1, "error_one_im": 0.029533591680224583, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.965160939073051, "error_w_gmm": 0.036038072403271754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035555102054568896}, "run_2252": {"edge_length": 800, "pf": 0.3946078125, "in_bounds_one_im": 1, "error_one_im": 0.029168795628367775, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.924478304185232, "error_w_gmm": 0.030525373115651688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030116282142833344}, "run_2253": {"edge_length": 800, "pf": 0.4005734375, "in_bounds_one_im": 1, "error_one_im": 0.028440805690949523, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 11.060373630074869, "error_w_gmm": 0.03359807880483602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03314780844479743}, "run_2254": {"edge_length": 800, "pf": 0.3934125, "in_bounds_one_im": 1, "error_one_im": 0.02924189962384548, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 12.241092683244556, "error_w_gmm": 0.037745098673836644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03723925132261509}, "run_2255": {"edge_length": 800, "pf": 0.3872859375, "in_bounds_one_im": 0, "error_one_im": 0.028551631969243377, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 0, "pred_cls": 10.107518740007233, "error_w_gmm": 0.03157005534497587, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03114696388581263}, "run_2256": {"edge_length": 800, "pf": 0.4043109375, "in_bounds_one_im": 1, "error_one_im": 0.030526855927474436, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.061972682851374, "error_w_gmm": 0.030328639566519572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029922185151776897}, "run_2257": {"edge_length": 800, "pf": 0.4017875, "in_bounds_one_im": 1, "error_one_im": 0.030443326173429167, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 12.917948860919244, "error_w_gmm": 0.03914180239223917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03861723687889274}, "run_2258": {"edge_length": 800, "pf": 0.4033578125, "in_bounds_one_im": 1, "error_one_im": 0.03113463133380341, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 10.48608742791684, "error_w_gmm": 0.031669626749260445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031245200867009503}, "run_2259": {"edge_length": 800, "pf": 0.389321875, "in_bounds_one_im": 1, "error_one_im": 0.03174839404608203, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.047926826206213, "error_w_gmm": 0.028139643183730415, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027762524975832457}, "run_2260": {"edge_length": 800, "pf": 0.390553125, "in_bounds_one_im": 1, "error_one_im": 0.03154142213155179, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 9.615473171899517, "error_w_gmm": 0.029827458980092997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0294277212221093}, "run_2261": {"edge_length": 800, "pf": 0.4025640625, "in_bounds_one_im": 1, "error_one_im": 0.02929781759826848, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.074914417646195, "error_w_gmm": 0.03350319902820285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033054200215607}, "run_2262": {"edge_length": 800, "pf": 0.393690625, "in_bounds_one_im": 1, "error_one_im": 0.03133451719034719, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 11.687879254719748, "error_w_gmm": 0.03601828660750544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03553558142150532}, "run_2263": {"edge_length": 800, "pf": 0.3968671875, "in_bounds_one_im": 1, "error_one_im": 0.029031321983843558, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 10.43868091498055, "error_w_gmm": 0.03195561880138529, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031527360148069526}, "run_2264": {"edge_length": 800, "pf": 0.3997828125, "in_bounds_one_im": 1, "error_one_im": 0.02879400237942114, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 10.003354992519473, "error_w_gmm": 0.030437260640609247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030029350522091915}, "run_2265": {"edge_length": 800, "pf": 0.4069265625, "in_bounds_one_im": 1, "error_one_im": 0.029758097342835764, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.623729165243729, "error_w_gmm": 0.03484652111598621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034379519544255624}, "run_2266": {"edge_length": 800, "pf": 0.4142625, "in_bounds_one_im": 0, "error_one_im": 0.03049952620648315, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 0, "pred_cls": 9.130129612487897, "error_w_gmm": 0.026959285292683214, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026597985851556455}, "run_2267": {"edge_length": 800, "pf": 0.397653125, "in_bounds_one_im": 1, "error_one_im": 0.02756837507880596, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 11.905491234121014, "error_w_gmm": 0.03638615610907678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035898520857465505}, "run_2268": {"edge_length": 800, "pf": 0.3923890625, "in_bounds_one_im": 1, "error_one_im": 0.030922368942941, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.695290821897316, "error_w_gmm": 0.03613957978512137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03565524906799864}, "run_2269": {"edge_length": 800, "pf": 0.4014859375, "in_bounds_one_im": 1, "error_one_im": 0.028508929821248898, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 8.373885114608353, "error_w_gmm": 0.025389066703944592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02504881081395063}, "run_2270": {"edge_length": 800, "pf": 0.4026734375, "in_bounds_one_im": 1, "error_one_im": 0.03166611542453539, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 13.27972297367047, "error_w_gmm": 0.04016392673249213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03962566304618282}, "run_2271": {"edge_length": 800, "pf": 0.392909375, "in_bounds_one_im": 1, "error_one_im": 0.031137254567652654, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 13.122559353340435, "error_w_gmm": 0.04050576522636355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03996292033341425}, "run_2272": {"edge_length": 800, "pf": 0.40040625, "in_bounds_one_im": 1, "error_one_im": 0.030775713741953405, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 12.359915822382886, "error_w_gmm": 0.037558770380089555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03705542013914615}, "run_2273": {"edge_length": 800, "pf": 0.4021515625, "in_bounds_one_im": 1, "error_one_im": 0.033895144103915927, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 13.750372320513433, "error_w_gmm": 0.04163253490004512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04107458941192209}, "run_2274": {"edge_length": 800, "pf": 0.392234375, "in_bounds_one_im": 1, "error_one_im": 0.03149254664186345, "one_im_sa_cls": 10.326530612244898, "model_in_bounds": 1, "pred_cls": 13.021662313452815, "error_w_gmm": 0.040251252335706755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039711818340492894}, "run_2275": {"edge_length": 800, "pf": 0.40846875, "in_bounds_one_im": 1, "error_one_im": 0.030385251152536444, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 13.384152143540511, "error_w_gmm": 0.03999613458122708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03946011958993392}, "run_2276": {"edge_length": 800, "pf": 0.4015984375, "in_bounds_one_im": 1, "error_one_im": 0.028624322673711733, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 9.850077062682397, "error_w_gmm": 0.029857793385521785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02945764909585124}, "run_2277": {"edge_length": 800, "pf": 0.40653125, "in_bounds_one_im": 1, "error_one_im": 0.0329842510071885, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 11.761963064731075, "error_w_gmm": 0.03528982455824683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03481688198013575}, "run_2278": {"edge_length": 800, "pf": 0.3953609375, "in_bounds_one_im": 1, "error_one_im": 0.03085416454489931, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 12.220141804910668, "error_w_gmm": 0.03752711647571731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037024190449950124}, "run_2279": {"edge_length": 800, "pf": 0.4048390625, "in_bounds_one_im": 1, "error_one_im": 0.030250919087777592, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 12.050588762917917, "error_w_gmm": 0.03628290054425677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03579664908963622}, "run_2280": {"edge_length": 800, "pf": 0.404096875, "in_bounds_one_im": 1, "error_one_im": 0.02817248070094677, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 12.588886938299698, "error_w_gmm": 0.037962092808831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03745333737385087}, "run_2281": {"edge_length": 1000, "pf": 0.409649, "in_bounds_one_im": 1, "error_one_im": 0.023960824528709575, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.680181993097344, "error_w_gmm": 0.023241423273277956, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022776176282537874}, "run_2282": {"edge_length": 1000, "pf": 0.392025, "in_bounds_one_im": 1, "error_one_im": 0.02435829293727043, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 12.45742716835728, "error_w_gmm": 0.03102732475723217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030406219530401513}, "run_2283": {"edge_length": 1000, "pf": 0.407199, "in_bounds_one_im": 1, "error_one_im": 0.02456523401674808, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 10.971497363567986, "error_w_gmm": 0.026475673161754656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025945682931746417}, "run_2284": {"edge_length": 1000, "pf": 0.400722, "in_bounds_one_im": 1, "error_one_im": 0.02372391305907107, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 10.220432660869893, "error_w_gmm": 0.024997227976586614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02449683327372334}, "run_2285": {"edge_length": 1000, "pf": 0.396747, "in_bounds_one_im": 1, "error_one_im": 0.0268314306661621, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 10.883242926439909, "error_w_gmm": 0.026839921315199272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026302639562839715}, "run_2286": {"edge_length": 1000, "pf": 0.396715, "in_bounds_one_im": 1, "error_one_im": 0.023627048738384254, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.804097408533321, "error_w_gmm": 0.029112850694925987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028530069424673385}, "run_2287": {"edge_length": 1000, "pf": 0.398052, "in_bounds_one_im": 1, "error_one_im": 0.02375793689706712, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.005442570194575, "error_w_gmm": 0.027067434234532388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026525598126794964}, "run_2288": {"edge_length": 1000, "pf": 0.401326, "in_bounds_one_im": 1, "error_one_im": 0.02198422069693632, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 10.797910309195599, "error_w_gmm": 0.02637644504037615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025848441159668705}, "run_2289": {"edge_length": 1000, "pf": 0.404038, "in_bounds_one_im": 1, "error_one_im": 0.022249264918424373, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 10.373476116948261, "error_w_gmm": 0.025197211722028708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024692813743003434}, "run_2290": {"edge_length": 1000, "pf": 0.40658, "in_bounds_one_im": 1, "error_one_im": 0.02363028469338817, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 12.11519676948256, "error_w_gmm": 0.02927308889980532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028687099979928816}, "run_2291": {"edge_length": 1000, "pf": 0.401769, "in_bounds_one_im": 1, "error_one_im": 0.02225681924193877, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.87808595183581, "error_w_gmm": 0.026547811586333937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02601637728878481}, "run_2292": {"edge_length": 1000, "pf": 0.399578, "in_bounds_one_im": 1, "error_one_im": 0.023682451455062075, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.624617903612503, "error_w_gmm": 0.028499431466965527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027928929627559995}, "run_2293": {"edge_length": 1000, "pf": 0.401861, "in_bounds_one_im": 1, "error_one_im": 0.022984552253145742, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.207178779589652, "error_w_gmm": 0.0224656868848304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022015968591110657}, "run_2294": {"edge_length": 1000, "pf": 0.409507, "in_bounds_one_im": 0, "error_one_im": 0.022334779834553956, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 0, "pred_cls": 7.774479360432941, "error_w_gmm": 0.018671448989413104, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.018297683779213172}, "run_2295": {"edge_length": 1000, "pf": 0.391089, "in_bounds_one_im": 1, "error_one_im": 0.02430636871233296, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.82935091558745, "error_w_gmm": 0.027025362744149233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026484368823831508}, "run_2296": {"edge_length": 1000, "pf": 0.400168, "in_bounds_one_im": 1, "error_one_im": 0.023849243585744064, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.973294774824478, "error_w_gmm": 0.02931820029027914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028731308330239378}, "run_2297": {"edge_length": 1000, "pf": 0.39807, "in_bounds_one_im": 1, "error_one_im": 0.023363553114403867, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 14.015988464983748, "error_w_gmm": 0.03447045350293743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033780423698259926}, "run_2298": {"edge_length": 1000, "pf": 0.398925, "in_bounds_one_im": 1, "error_one_im": 0.023223723780751084, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.962626496256345, "error_w_gmm": 0.029368059036239888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0287801690034381}, "run_2299": {"edge_length": 1000, "pf": 0.39786, "in_bounds_one_im": 1, "error_one_im": 0.02455478617328145, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.658810954523593, "error_w_gmm": 0.028685858775021656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02811162503232239}, "run_2300": {"edge_length": 1000, "pf": 0.408998, "in_bounds_one_im": 1, "error_one_im": 0.02452201028345975, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 11.453320532132627, "error_w_gmm": 0.027535647529741563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026984438724641433}, "run_2301": {"edge_length": 1000, "pf": 0.403651, "in_bounds_one_im": 1, "error_one_im": 0.024454975234401922, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 11.830167932221169, "error_w_gmm": 0.028758626239874047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02818293583750087}, "run_2302": {"edge_length": 1000, "pf": 0.399839, "in_bounds_one_im": 1, "error_one_im": 0.02224841991435437, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 10.666885261835258, "error_w_gmm": 0.026137192004299672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025613977492717807}, "run_2303": {"edge_length": 1000, "pf": 0.406698, "in_bounds_one_im": 1, "error_one_im": 0.026378284107130404, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 10.128157544091017, "error_w_gmm": 0.024465963961584482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023976204105880288}, "run_2304": {"edge_length": 1000, "pf": 0.408325, "in_bounds_one_im": 1, "error_one_im": 0.023930238338236105, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 13.243473651896398, "error_w_gmm": 0.03188383344998713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03124558262552418}, "run_2305": {"edge_length": 1000, "pf": 0.396003, "in_bounds_one_im": 1, "error_one_im": 0.02484781178823391, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 11.85827198865277, "error_w_gmm": 0.02929001241639128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028703684721429}, "run_2306": {"edge_length": 1000, "pf": 0.412232, "in_bounds_one_im": 0, "error_one_im": 0.023642278462957814, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 0, "pred_cls": 11.546512074060521, "error_w_gmm": 0.02757483535375168, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02702284208648753}, "run_2307": {"edge_length": 1000, "pf": 0.395379, "in_bounds_one_im": 1, "error_one_im": 0.025968456002000498, "one_im_sa_cls": 10.714285714285714, "model_in_bounds": 1, "pred_cls": 8.878413393750618, "error_w_gmm": 0.021958373736287885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021518810841097254}, "run_2308": {"edge_length": 1000, "pf": 0.396162, "in_bounds_one_im": 1, "error_one_im": 0.026074125154435204, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 11.232537100731761, "error_w_gmm": 0.027735223482747293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027180019564677117}, "run_2309": {"edge_length": 1000, "pf": 0.404592, "in_bounds_one_im": 1, "error_one_im": 0.023630867191278312, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.31239183393986, "error_w_gmm": 0.025020045154976887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024519193697660237}, "run_2310": {"edge_length": 1000, "pf": 0.395145, "in_bounds_one_im": 1, "error_one_im": 0.02682246514437496, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.894985690152517, "error_w_gmm": 0.03190790220184474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03126916956892095}, "run_2311": {"edge_length": 1000, "pf": 0.40194, "in_bounds_one_im": 1, "error_one_im": 0.024639685106435348, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 9.873319287025359, "error_w_gmm": 0.024087123615222163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023604947388499765}, "run_2312": {"edge_length": 1000, "pf": 0.393468, "in_bounds_one_im": 1, "error_one_im": 0.025724913386625324, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 11.291428494243709, "error_w_gmm": 0.028038258455302008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027476988380808764}, "run_2313": {"edge_length": 1000, "pf": 0.400668, "in_bounds_one_im": 1, "error_one_im": 0.02651506534120802, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.421755446614833, "error_w_gmm": 0.03038465955398565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029776419204161346}, "run_2314": {"edge_length": 1000, "pf": 0.407138, "in_bounds_one_im": 1, "error_one_im": 0.022830695389016598, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.161520120127388, "error_w_gmm": 0.026937626691449435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02639838907211292}, "run_2315": {"edge_length": 1000, "pf": 0.409342, "in_bounds_one_im": 1, "error_one_im": 0.02243849803711594, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.998617190588082, "error_w_gmm": 0.02882611301411966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028249071660977943}, "run_2316": {"edge_length": 1000, "pf": 0.401276, "in_bounds_one_im": 1, "error_one_im": 0.02511347845498321, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 13.148503560416918, "error_w_gmm": 0.032121666204224394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031478654441848664}, "run_2317": {"edge_length": 1000, "pf": 0.401317, "in_bounds_one_im": 1, "error_one_im": 0.02437851465508201, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.751533890086904, "error_w_gmm": 0.02382086976307116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02334402340801926}, "run_2318": {"edge_length": 1000, "pf": 0.392391, "in_bounds_one_im": 1, "error_one_im": 0.023742309945650755, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.670554043527375, "error_w_gmm": 0.024067663574709512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023585876899228645}, "run_2319": {"edge_length": 1000, "pf": 0.401634, "in_bounds_one_im": 1, "error_one_im": 0.02489948737239023, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 11.137340784931064, "error_w_gmm": 0.027188154121692357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02664390144232057}, "run_2320": {"edge_length": 1000, "pf": 0.394349, "in_bounds_one_im": 1, "error_one_im": 0.025875774716970758, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.706345527901703, "error_w_gmm": 0.029014973735399713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028434151766879554}, "run_2321": {"edge_length": 1200, "pf": 0.41198263888888886, "in_bounds_one_im": 0, "error_one_im": 0.019712040405928836, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 0, "pred_cls": 11.557193001451079, "error_w_gmm": 0.023012125421257502, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022551468516691632}, "run_2322": {"edge_length": 1200, "pf": 0.4016631944444444, "in_bounds_one_im": 1, "error_one_im": 0.020056702122246587, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.273091897992503, "error_w_gmm": 0.02089737629363557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020479052453453394}, "run_2323": {"edge_length": 1200, "pf": 0.4019243055555556, "in_bounds_one_im": 1, "error_one_im": 0.017809462689717143, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.668860068929439, "error_w_gmm": 0.019657576126923027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019264070616061744}, "run_2324": {"edge_length": 1200, "pf": 0.39149930555555557, "in_bounds_one_im": 0, "error_one_im": 0.019614525418450022, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 11.454963459913873, "error_w_gmm": 0.02380167379692372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023325211706870647}, "run_2325": {"edge_length": 1200, "pf": 0.40169375, "in_bounds_one_im": 1, "error_one_im": 0.02123515818371346, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 10.702895725875536, "error_w_gmm": 0.021770293114968645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021334495219109437}, "run_2326": {"edge_length": 1200, "pf": 0.4006673611111111, "in_bounds_one_im": 1, "error_one_im": 0.020179850559330584, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 12.058483727138542, "error_w_gmm": 0.024580087986680405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024088043595359588}, "run_2327": {"edge_length": 1200, "pf": 0.39441805555555554, "in_bounds_one_im": 1, "error_one_im": 0.02069267115199693, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.489174562767163, "error_w_gmm": 0.02166197887061492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021228349210136475}, "run_2328": {"edge_length": 1200, "pf": 0.4055138888888889, "in_bounds_one_im": 1, "error_one_im": 0.02070408870536419, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 10.701897834782706, "error_w_gmm": 0.021596209904341693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02116389680753844}, "run_2329": {"edge_length": 1200, "pf": 0.4008527777777778, "in_bounds_one_im": 1, "error_one_im": 0.018664251129498207, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 11.129537253657771, "error_w_gmm": 0.022677761497112203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022223797892164512}, "run_2330": {"edge_length": 1200, "pf": 0.3976701388888889, "in_bounds_one_im": 1, "error_one_im": 0.019321790938234905, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.864794305742008, "error_w_gmm": 0.020234500606078815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01982944621653423}, "run_2331": {"edge_length": 1200, "pf": 0.40120694444444444, "in_bounds_one_im": 1, "error_one_im": 0.018854104622845664, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 10.843511689168713, "error_w_gmm": 0.022078667457351923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021636696521523124}, "run_2332": {"edge_length": 1200, "pf": 0.39634583333333334, "in_bounds_one_im": 1, "error_one_im": 0.020198039162185398, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.72130204881946, "error_w_gmm": 0.0241091311793604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023626514405049096}, "run_2333": {"edge_length": 1200, "pf": 0.40761875, "in_bounds_one_im": 1, "error_one_im": 0.020774705860406348, "one_im_sa_cls": 10.551020408163264, "model_in_bounds": 1, "pred_cls": 10.977244086177041, "error_w_gmm": 0.02205543593611395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02161393004905695}, "run_2334": {"edge_length": 1200, "pf": 0.4050916666666667, "in_bounds_one_im": 1, "error_one_im": 0.021408932169325063, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 9.94441947998079, "error_w_gmm": 0.02008521832628157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01968315227056784}, "run_2335": {"edge_length": 1200, "pf": 0.39833263888888887, "in_bounds_one_im": 1, "error_one_im": 0.019213163889902476, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 10.937896914128341, "error_w_gmm": 0.0224046340808147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02195613794259768}, "run_2336": {"edge_length": 1200, "pf": 0.4023013888888889, "in_bounds_one_im": 1, "error_one_im": 0.020923934476216467, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 7.014419311178882, "error_w_gmm": 0.014249703594639168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01396445291793185}, "run_2337": {"edge_length": 1200, "pf": 0.3974986111111111, "in_bounds_one_im": 1, "error_one_im": 0.019657011728185004, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.472700091286828, "error_w_gmm": 0.023541038025999373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023069793344823265}, "run_2338": {"edge_length": 1200, "pf": 0.39575069444444444, "in_bounds_one_im": 1, "error_one_im": 0.019976055719033835, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.744464514832993, "error_w_gmm": 0.020067994125281964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01966627286375699}, "run_2339": {"edge_length": 1200, "pf": 0.40579375, "in_bounds_one_im": 1, "error_one_im": 0.020450063229383475, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.604612389983409, "error_w_gmm": 0.019370664684974788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018982902569576236}, "run_2340": {"edge_length": 1200, "pf": 0.4020201388888889, "in_bounds_one_im": 1, "error_one_im": 0.02061095421825689, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 12.331819451813725, "error_w_gmm": 0.025066591388438097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02456480816826032}, "run_2341": {"edge_length": 1200, "pf": 0.39527569444444444, "in_bounds_one_im": 1, "error_one_im": 0.019501165262471996, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 8.841339278141378, "error_w_gmm": 0.01822617195084422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01786132029984434}, "run_2342": {"edge_length": 1200, "pf": 0.3981388888888889, "in_bounds_one_im": 1, "error_one_im": 0.017212775187882435, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 9.645029544608343, "error_w_gmm": 0.01976437808363619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019368734610379884}, "run_2343": {"edge_length": 1200, "pf": 0.39702430555555557, "in_bounds_one_im": 1, "error_one_im": 0.020826681720640706, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 12.118613720224182, "error_w_gmm": 0.024891040302424488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024392771265243456}, "run_2344": {"edge_length": 1200, "pf": 0.39538194444444447, "in_bounds_one_im": 1, "error_one_im": 0.0202387831317602, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.108139428910622, "error_w_gmm": 0.022894028106670114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0224357352750606}, "run_2345": {"edge_length": 1200, "pf": 0.40209791666666667, "in_bounds_one_im": 1, "error_one_im": 0.020729558994164402, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 9.662525561877432, "error_w_gmm": 0.019637605322817796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019244499587667507}, "run_2346": {"edge_length": 1200, "pf": 0.39917291666666666, "in_bounds_one_im": 1, "error_one_im": 0.020406359219864844, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 12.148726563192282, "error_w_gmm": 0.02484126591423251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024343993261139025}, "run_2347": {"edge_length": 1200, "pf": 0.4013305555555556, "in_bounds_one_im": 1, "error_one_im": 0.02007058898946499, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.243454369030013, "error_w_gmm": 0.022887109345316004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022428955013524713}, "run_2348": {"edge_length": 1200, "pf": 0.39175208333333333, "in_bounds_one_im": 0, "error_one_im": 0.020725545412707838, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 0, "pred_cls": 10.054775422501596, "error_w_gmm": 0.020881215824859748, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02046321548506641}, "run_2349": {"edge_length": 1200, "pf": 0.40883125, "in_bounds_one_im": 0, "error_one_im": 0.019119337339306944, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 13.006229235034926, "error_w_gmm": 0.02606656747583406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025544766726608915}, "run_2350": {"edge_length": 1200, "pf": 0.39974444444444446, "in_bounds_one_im": 1, "error_one_im": 0.019646840395207615, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.648700312879724, "error_w_gmm": 0.021748145517458923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021312790972377805}, "run_2351": {"edge_length": 1200, "pf": 0.40347222222222223, "in_bounds_one_im": 1, "error_one_im": 0.021075729907078167, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 11.597682593382682, "error_w_gmm": 0.023503280521194516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023032791670041554}, "run_2352": {"edge_length": 1200, "pf": 0.3977118055555556, "in_bounds_one_im": 1, "error_one_im": 0.01870482035820168, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 11.692098194993196, "error_w_gmm": 0.02398054989689431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023500507063689235}, "run_2353": {"edge_length": 1200, "pf": 0.40286319444444446, "in_bounds_one_im": 1, "error_one_im": 0.018870431977200442, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 10.623351524302956, "error_w_gmm": 0.02155601247412608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02112450404979168}, "run_2354": {"edge_length": 1200, "pf": 0.40523194444444444, "in_bounds_one_im": 1, "error_one_im": 0.020150846338211504, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.63203006986558, "error_w_gmm": 0.023486929627875294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023016768089031123}, "run_2355": {"edge_length": 1200, "pf": 0.3993513888888889, "in_bounds_one_im": 1, "error_one_im": 0.020235251330117356, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 12.422796190421156, "error_w_gmm": 0.025392224480608377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02488392273467441}, "run_2356": {"edge_length": 1200, "pf": 0.4013909722222222, "in_bounds_one_im": 1, "error_one_im": 0.021329952231018908, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 11.54242567781814, "error_w_gmm": 0.023492739732119544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023022461886563747}, "run_2357": {"edge_length": 1200, "pf": 0.40763819444444443, "in_bounds_one_im": 1, "error_one_im": 0.020291690636465076, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 13.061540871558162, "error_w_gmm": 0.026242140284812882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02571682491774045}, "run_2358": {"edge_length": 1200, "pf": 0.4079111111111111, "in_bounds_one_im": 1, "error_one_im": 0.019236097352469405, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.462491852428562, "error_w_gmm": 0.02100847704015627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020587929184371512}, "run_2359": {"edge_length": 1200, "pf": 0.39560972222222224, "in_bounds_one_im": 1, "error_one_im": 0.020476343693178908, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.028789225652977, "error_w_gmm": 0.022719660809491195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022264858463784395}, "run_2360": {"edge_length": 1200, "pf": 0.40573472222222223, "in_bounds_one_im": 1, "error_one_im": 0.020775289485658977, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.166983391337949, "error_w_gmm": 0.02050736936664996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020096852688147003}, "run_2361": {"edge_length": 1400, "pf": 0.40053010204081635, "in_bounds_one_im": 1, "error_one_im": 0.016532983239850862, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.629325617782674, "error_w_gmm": 0.019918135199031826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019917769198623453}, "run_2362": {"edge_length": 1400, "pf": 0.4056377551020408, "in_bounds_one_im": 1, "error_one_im": 0.018329738400402664, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 12.137158793932059, "error_w_gmm": 0.020568446507067455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020568068557036124}, "run_2363": {"edge_length": 1400, "pf": 0.4010811224489796, "in_bounds_one_im": 1, "error_one_im": 0.01707264164587569, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.602353009641382, "error_w_gmm": 0.019849153984284017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019848789251421625}, "run_2364": {"edge_length": 1400, "pf": 0.3896627551020408, "in_bounds_one_im": 0, "error_one_im": 0.017556823997161453, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 0, "pred_cls": 10.862412492941653, "error_w_gmm": 0.01903245512671325, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01903210540088406}, "run_2365": {"edge_length": 1400, "pf": 0.4003719387755102, "in_bounds_one_im": 1, "error_one_im": 0.01688807950434137, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.788392132988346, "error_w_gmm": 0.01848391310220351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018483573455962708}, "run_2366": {"edge_length": 1400, "pf": 0.401559693877551, "in_bounds_one_im": 1, "error_one_im": 0.016567346135964035, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 9.115883599105814, "error_w_gmm": 0.015579810381946809, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015579524099275027}, "run_2367": {"edge_length": 1400, "pf": 0.401075, "in_bounds_one_im": 1, "error_one_im": 0.017003031571085635, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.894014953186243, "error_w_gmm": 0.016926767259351667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01692645622603108}, "run_2368": {"edge_length": 1400, "pf": 0.4010173469387755, "in_bounds_one_im": 1, "error_one_im": 0.015992449800048936, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 9.415695349440778, "error_w_gmm": 0.016110387135235455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01611009110309129}, "run_2369": {"edge_length": 1400, "pf": 0.40837244897959185, "in_bounds_one_im": 0, "error_one_im": 0.016128456076380363, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 12.418975755543123, "error_w_gmm": 0.020927135808320507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020926751267289094}, "run_2370": {"edge_length": 1400, "pf": 0.4016214285714286, "in_bounds_one_im": 1, "error_one_im": 0.016704714854002135, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.02623889623988, "error_w_gmm": 0.015424618715589259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015424335284600667}, "run_2371": {"edge_length": 1400, "pf": 0.39987397959183674, "in_bounds_one_im": 1, "error_one_im": 0.016275584135911503, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 9.719587483099609, "error_w_gmm": 0.01666999712915102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016669690814041852}, "run_2372": {"edge_length": 1400, "pf": 0.39828826530612244, "in_bounds_one_im": 1, "error_one_im": 0.01766393449336006, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 11.022011502310542, "error_w_gmm": 0.018966377078094503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018966028566464916}, "run_2373": {"edge_length": 1400, "pf": 0.4014857142857143, "in_bounds_one_im": 1, "error_one_im": 0.018418748163951264, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 11.025016770807419, "error_w_gmm": 0.018845579933690862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018845233641737142}, "run_2374": {"edge_length": 1400, "pf": 0.4085219387755102, "in_bounds_one_im": 0, "error_one_im": 0.015917197114185475, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 0, "pred_cls": 11.270689242946636, "error_w_gmm": 0.018986291280026085, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.018985942402468384}, "run_2375": {"edge_length": 1400, "pf": 0.40316632653061224, "in_bounds_one_im": 1, "error_one_im": 0.016790191107314077, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 13.014471071540946, "error_w_gmm": 0.022168642066499954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022168234712499735}, "run_2376": {"edge_length": 1400, "pf": 0.3995168367346939, "in_bounds_one_im": 1, "error_one_im": 0.017058302466755614, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.023835814906162, "error_w_gmm": 0.018920980856214152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01892063317875074}, "run_2377": {"edge_length": 1400, "pf": 0.39751479591836736, "in_bounds_one_im": 1, "error_one_im": 0.017200036887243253, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.716531172156062, "error_w_gmm": 0.02019405951481422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020193688444231837}, "run_2378": {"edge_length": 1400, "pf": 0.402165306122449, "in_bounds_one_im": 1, "error_one_im": 0.018532067090841438, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 11.23992420121287, "error_w_gmm": 0.019185789461146095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01918543691776243}, "run_2379": {"edge_length": 1400, "pf": 0.4039341836734694, "in_bounds_one_im": 1, "error_one_im": 0.016416362003693414, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.472699187494456, "error_w_gmm": 0.017810596681646307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017810269407752745}, "run_2380": {"edge_length": 1400, "pf": 0.3961561224489796, "in_bounds_one_im": 1, "error_one_im": 0.01724892294094231, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.615540163265175, "error_w_gmm": 0.018348445701738457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018348108544742985}, "run_2381": {"edge_length": 1400, "pf": 0.40320918367346936, "in_bounds_one_im": 1, "error_one_im": 0.01623254868023356, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.037611121985696, "error_w_gmm": 0.01879961618120241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018799270733843444}, "run_2382": {"edge_length": 1400, "pf": 0.4057581632653061, "in_bounds_one_im": 1, "error_one_im": 0.016700100522486876, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.945682678563406, "error_w_gmm": 0.020238903935075533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02023853204046629}, "run_2383": {"edge_length": 1400, "pf": 0.40514795918367347, "in_bounds_one_im": 1, "error_one_im": 0.018625326778719444, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 9.498108519032499, "error_w_gmm": 0.016112495647820264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016112199576931684}, "run_2384": {"edge_length": 1400, "pf": 0.40212448979591836, "in_bounds_one_im": 1, "error_one_im": 0.018394289553634854, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 10.539453572342731, "error_w_gmm": 0.01799166067028881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01799133006930191}, "run_2385": {"edge_length": 1400, "pf": 0.3950448979591837, "in_bounds_one_im": 1, "error_one_im": 0.017359763757630407, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.804376520378412, "error_w_gmm": 0.018718286464455575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01871794251154918}, "run_2386": {"edge_length": 1400, "pf": 0.3964, "in_bounds_one_im": 1, "error_one_im": 0.019038184346897996, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 11.78566480940764, "error_w_gmm": 0.02036056914008834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020360195009852415}, "run_2387": {"edge_length": 1400, "pf": 0.4053372448979592, "in_bounds_one_im": 1, "error_one_im": 0.01775286514659645, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 9.124801107033269, "error_w_gmm": 0.015473143608397506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015472859285752642}, "run_2388": {"edge_length": 1400, "pf": 0.39090969387755103, "in_bounds_one_im": 0, "error_one_im": 0.018295486570098232, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 0, "pred_cls": 10.534211732478877, "error_w_gmm": 0.018409106175405796, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01840876790375982}, "run_2389": {"edge_length": 1400, "pf": 0.40427551020408165, "in_bounds_one_im": 1, "error_one_im": 0.016959648403302493, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.484652999975408, "error_w_gmm": 0.01781829346235943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017817966047035724}, "run_2390": {"edge_length": 1400, "pf": 0.3967908163265306, "in_bounds_one_im": 1, "error_one_im": 0.0174374245209385, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 10.020439305844588, "error_w_gmm": 0.01729688763043634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017296569796067092}, "run_2391": {"edge_length": 1400, "pf": 0.39903877551020406, "in_bounds_one_im": 1, "error_one_im": 0.016479252540973332, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 11.507189274900943, "error_w_gmm": 0.019770286744925845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01976992346126755}, "run_2392": {"edge_length": 1400, "pf": 0.4050362244897959, "in_bounds_one_im": 1, "error_one_im": 0.0163095963071061, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.93137357286192, "error_w_gmm": 0.020244954663478493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020244582657685677}, "run_2393": {"edge_length": 1400, "pf": 0.40012908163265304, "in_bounds_one_im": 1, "error_one_im": 0.01703655508572448, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.926319566964015, "error_w_gmm": 0.01872969819576957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018729354033169963}, "run_2394": {"edge_length": 1400, "pf": 0.4000112244897959, "in_bounds_one_im": 1, "error_one_im": 0.01774056342472193, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 11.919831648200518, "error_w_gmm": 0.02043777582304615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020437400274119413}, "run_2395": {"edge_length": 1400, "pf": 0.40299744897959183, "in_bounds_one_im": 1, "error_one_im": 0.017004731517349766, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.553554126638394, "error_w_gmm": 0.01798306534976956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017982734906723776}, "run_2396": {"edge_length": 1400, "pf": 0.3950765306122449, "in_bounds_one_im": 1, "error_one_im": 0.018666697915836774, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 12.306395796330582, "error_w_gmm": 0.02131908277606263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02131869103291382}, "run_2397": {"edge_length": 1400, "pf": 0.3940336734693878, "in_bounds_one_im": 1, "error_one_im": 0.01810516354887368, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 11.90736520192236, "error_w_gmm": 0.02067289440242015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020672514533134265}, "run_2398": {"edge_length": 1400, "pf": 0.3944719387755102, "in_bounds_one_im": 1, "error_one_im": 0.01638943740685213, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 12.183886822161366, "error_w_gmm": 0.02113357509845194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021133186764050165}, "run_2399": {"edge_length": 1400, "pf": 0.3955438775510204, "in_bounds_one_im": 1, "error_one_im": 0.017836121024455438, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 12.48802008986839, "error_w_gmm": 0.021612583366503922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021612186230212774}, "run_2400": {"edge_length": 1400, "pf": 0.4015188775510204, "in_bounds_one_im": 1, "error_one_im": 0.016778042706744, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.00014123112643, "error_w_gmm": 0.018801761554237392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018801416067456722}}, "blobs_200.0_0.1": {"true_cls": 12.653061224489797, "true_pf": 0.09995628903822433, "run_2401": {"edge_length": 600, "pf": 0.10158333333333333, "in_bounds_one_im": 1, "error_one_im": 0.11082563763870301, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 19.67972214838866, "error_w_gmm": 0.1987981826421699, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1911804472750202}, "run_2402": {"edge_length": 600, "pf": 0.09803611111111112, "in_bounds_one_im": 1, "error_one_im": 0.1079800576923702, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 14.548537300137072, "error_w_gmm": 0.14989482746640145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14415101676668843}, "run_2403": {"edge_length": 600, "pf": 0.10483333333333333, "in_bounds_one_im": 1, "error_one_im": 0.09448105904597234, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 15.749004193589643, "error_w_gmm": 0.15632236947611494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15033226218837248}, "run_2404": {"edge_length": 600, "pf": 0.09587222222222222, "in_bounds_one_im": 1, "error_one_im": 0.10338574173727876, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 13.711195369391627, "error_w_gmm": 0.14302422577263887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1375436892378128}, "run_2405": {"edge_length": 600, "pf": 0.10417222222222222, "in_bounds_one_im": 1, "error_one_im": 0.10791358896122524, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 13.952546226065502, "error_w_gmm": 0.13898103620335228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13365543040163808}, "run_2406": {"edge_length": 600, "pf": 0.09923333333333334, "in_bounds_one_im": 1, "error_one_im": 0.11247762846996393, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 13.642619724722566, "error_w_gmm": 0.13961783980590664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13426783236600529}, "run_2407": {"edge_length": 600, "pf": 0.09671944444444444, "in_bounds_one_im": 1, "error_one_im": 0.10451354042500695, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 11.926566481459952, "error_w_gmm": 0.12380427597492628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11906022751752103}, "run_2408": {"edge_length": 600, "pf": 0.10755555555555556, "in_bounds_one_im": 1, "error_one_im": 0.09428800004909829, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 16.120451602448927, "error_w_gmm": 0.15773103479404593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15168694894638768}, "run_2409": {"edge_length": 600, "pf": 0.10224166666666666, "in_bounds_one_im": 1, "error_one_im": 0.10311860422927423, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 13.13203950237718, "error_w_gmm": 0.1321793829081854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12711440924190145}, "run_2410": {"edge_length": 600, "pf": 0.09283888888888889, "in_bounds_one_im": 1, "error_one_im": 0.10065263212867231, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 14.084571252603004, "error_w_gmm": 0.1495500813034861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1438194809108444}, "run_2411": {"edge_length": 600, "pf": 0.09246388888888889, "in_bounds_one_im": 1, "error_one_im": 0.11027588781208268, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 15.179562055349306, "error_w_gmm": 0.16153658557200104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15534667505750024}, "run_2412": {"edge_length": 600, "pf": 0.10198333333333333, "in_bounds_one_im": 1, "error_one_im": 0.09871403476901525, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 15.597490044062724, "error_w_gmm": 0.15721648831420007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1511921193415428}, "run_2413": {"edge_length": 600, "pf": 0.09855833333333333, "in_bounds_one_im": 1, "error_one_im": 0.1084688847887159, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 12.845915846757444, "error_w_gmm": 0.13196324566790618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1269065541512754}, "run_2414": {"edge_length": 600, "pf": 0.09930555555555555, "in_bounds_one_im": 1, "error_one_im": 0.10721214546666959, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 15.87175420053736, "error_w_gmm": 0.16236509673695018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1561434385539373}, "run_2415": {"edge_length": 600, "pf": 0.09976666666666667, "in_bounds_one_im": 1, "error_one_im": 0.11955284226069318, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.365985560762768, "error_w_gmm": 0.15678734709571002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15077942235908212}, "run_2416": {"edge_length": 600, "pf": 0.09531944444444444, "in_bounds_one_im": 1, "error_one_im": 0.11131582873752695, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 13.643496748755183, "error_w_gmm": 0.14277374315128324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13730280484466134}, "run_2417": {"edge_length": 600, "pf": 0.1005, "in_bounds_one_im": 1, "error_one_im": 0.10410912983518275, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.228306249865568, "error_w_gmm": 0.11410313570722655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10973082464870874}, "run_2418": {"edge_length": 600, "pf": 0.093625, "in_bounds_one_im": 1, "error_one_im": 0.10599361501870036, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 10.527178638681036, "error_w_gmm": 0.11125916944068566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10699583615109735}, "run_2419": {"edge_length": 600, "pf": 0.0921388888888889, "in_bounds_one_im": 1, "error_one_im": 0.10358435849021336, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 8.740285600901448, "error_w_gmm": 0.09319221247696542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08962118580311242}, "run_2420": {"edge_length": 600, "pf": 0.10015, "in_bounds_one_im": 1, "error_one_im": 0.09971509099679184, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 13.978526794523747, "error_w_gmm": 0.14232682592805626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13687301301509897}, "run_2421": {"edge_length": 600, "pf": 0.092525, "in_bounds_one_im": 1, "error_one_im": 0.09875286160355429, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.967583855158079, "error_w_gmm": 0.12730927480570645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12243091851308768}, "run_2422": {"edge_length": 600, "pf": 0.09524166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0945173191318547, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 13.486266996941508, "error_w_gmm": 0.14119207905341383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13578174843634494}, "run_2423": {"edge_length": 600, "pf": 0.10130277777777778, "in_bounds_one_im": 1, "error_one_im": 0.10841501292532824, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 16.1520548709795, "error_w_gmm": 0.16341412057671098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15715226491352532}, "run_2424": {"edge_length": 600, "pf": 0.09912777777777777, "in_bounds_one_im": 1, "error_one_im": 0.11475477919007632, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 15.499000885723355, "error_w_gmm": 0.1587096716206882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1526280854484957}, "run_2425": {"edge_length": 600, "pf": 0.09882222222222223, "in_bounds_one_im": 1, "error_one_im": 0.0918001799189097, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 12.911542468079091, "error_w_gmm": 0.1324408118694555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12736582052283968}, "run_2426": {"edge_length": 600, "pf": 0.097025, "in_bounds_one_im": 1, "error_one_im": 0.10229744414616454, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 9.265955040483801, "error_w_gmm": 0.09601785579094872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09233855346426126}, "run_2427": {"edge_length": 600, "pf": 0.10741388888888889, "in_bounds_one_im": 1, "error_one_im": 0.10300549477070912, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 16.15332363174272, "error_w_gmm": 0.15816941693039202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15210853274453975}, "run_2428": {"edge_length": 600, "pf": 0.1023638888888889, "in_bounds_one_im": 1, "error_one_im": 0.10581380209432528, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 10.16524589102626, "error_w_gmm": 0.10224932154547306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09833123606475203}, "run_2429": {"edge_length": 600, "pf": 0.10117222222222222, "in_bounds_one_im": 1, "error_one_im": 0.12399179534955578, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 16.2943424632832, "error_w_gmm": 0.16497199074040617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1586504391459717}, "run_2430": {"edge_length": 600, "pf": 0.101, "in_bounds_one_im": 1, "error_one_im": 0.11913702251705971, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 14.089342975436828, "error_w_gmm": 0.14278272869046685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13731144606752008}, "run_2431": {"edge_length": 600, "pf": 0.10066388888888889, "in_bounds_one_im": 1, "error_one_im": 0.10142446063342994, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 9.18019215603877, "error_w_gmm": 0.09320553697743034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0896339997228612}, "run_2432": {"edge_length": 600, "pf": 0.1066861111111111, "in_bounds_one_im": 1, "error_one_im": 0.104169989706132, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 12.192277388840907, "error_w_gmm": 0.11983914802646359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1152470390637098}, "run_2433": {"edge_length": 600, "pf": 0.10053333333333334, "in_bounds_one_im": 1, "error_one_im": 0.10030122591751833, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 16.309030408525228, "error_w_gmm": 0.16570339829927436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15935381994345343}, "run_2434": {"edge_length": 600, "pf": 0.10934444444444444, "in_bounds_one_im": 1, "error_one_im": 0.11625148258574307, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 16.932395203338483, "error_w_gmm": 0.16414993042780893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1578598793120709}, "run_2435": {"edge_length": 600, "pf": 0.10485833333333333, "in_bounds_one_im": 1, "error_one_im": 0.10479183552063721, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 15.589916063567811, "error_w_gmm": 0.15472267500529863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14879386631186425}, "run_2436": {"edge_length": 600, "pf": 0.10125, "in_bounds_one_im": 1, "error_one_im": 0.1108298882404531, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 14.047002190671309, "error_w_gmm": 0.14215801907734343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13671067466374473}, "run_2437": {"edge_length": 600, "pf": 0.09585, "in_bounds_one_im": 1, "error_one_im": 0.10421799834211914, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 12.473671847982105, "error_w_gmm": 0.13013205154472965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1251455294433865}, "run_2438": {"edge_length": 600, "pf": 0.108525, "in_bounds_one_im": 1, "error_one_im": 0.11139328266014711, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 17.410283347098215, "error_w_gmm": 0.16949672195322948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1630017874609805}, "run_2439": {"edge_length": 600, "pf": 0.10429722222222222, "in_bounds_one_im": 1, "error_one_im": 0.11936790189706467, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 14.937285567763421, "error_w_gmm": 0.14869044136713197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1429927814644844}, "run_2440": {"edge_length": 600, "pf": 0.09289444444444445, "in_bounds_one_im": 1, "error_one_im": 0.11624358680214977, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 12.578185119158837, "error_w_gmm": 0.13351123150813818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12839522281704305}, "run_2441": {"edge_length": 800, "pf": 0.1070140625, "in_bounds_one_im": 1, "error_one_im": 0.07539358788096683, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.23005216483221, "error_w_gmm": 0.0805566478427427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07947705424340772}, "run_2442": {"edge_length": 800, "pf": 0.0960015625, "in_bounds_one_im": 1, "error_one_im": 0.08668723702572954, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 14.381191819957305, "error_w_gmm": 0.10958656045543895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10811791755123357}, "run_2443": {"edge_length": 800, "pf": 0.098440625, "in_bounds_one_im": 1, "error_one_im": 0.08231346985966413, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 13.599677385586139, "error_w_gmm": 0.10220127639482288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10083160862941255}, "run_2444": {"edge_length": 800, "pf": 0.11055625, "in_bounds_one_im": 1, "error_one_im": 0.09799584578973967, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 14.949058657158666, "error_w_gmm": 0.10529291961073838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10388181866362661}, "run_2445": {"edge_length": 800, "pf": 0.0971890625, "in_bounds_one_im": 1, "error_one_im": 0.0841183627678427, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 12.655480687151393, "error_w_gmm": 0.09578248116313831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09449883597231554}, "run_2446": {"edge_length": 800, "pf": 0.09895, "in_bounds_one_im": 1, "error_one_im": 0.08977295812979486, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 13.845553562522635, "error_w_gmm": 0.1037515511149918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10236110707959102}, "run_2447": {"edge_length": 800, "pf": 0.086890625, "in_bounds_one_im": 0, "error_one_im": 0.09011804380537779, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 0, "pred_cls": 13.899064630798268, "error_w_gmm": 0.11188664275311447, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11038717490530703}, "run_2448": {"edge_length": 800, "pf": 0.10168125, "in_bounds_one_im": 1, "error_one_im": 0.09659845373275087, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 14.571611656039515, "error_w_gmm": 0.10755240110134719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10611101932924581}, "run_2449": {"edge_length": 800, "pf": 0.10306875, "in_bounds_one_im": 1, "error_one_im": 0.07566507421245727, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 13.330433925249912, "error_w_gmm": 0.0976513131546913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0963426224944958}, "run_2450": {"edge_length": 800, "pf": 0.0956578125, "in_bounds_one_im": 1, "error_one_im": 0.06948749115464836, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.211457679519244, "error_w_gmm": 0.08560240824648682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08445519303203339}, "run_2451": {"edge_length": 800, "pf": 0.104803125, "in_bounds_one_im": 1, "error_one_im": 0.08665405287836257, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 15.861120458788626, "error_w_gmm": 0.11511283605733041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11357013183195862}, "run_2452": {"edge_length": 800, "pf": 0.1024234375, "in_bounds_one_im": 1, "error_one_im": 0.08111079547787259, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 8.064755003536249, "error_w_gmm": 0.05928502192255289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05849050363116413}, "run_2453": {"edge_length": 800, "pf": 0.0956421875, "in_bounds_one_im": 1, "error_one_im": 0.08179354915302785, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 12.65371621992785, "error_w_gmm": 0.09662315527539131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0953282436476571}, "run_2454": {"edge_length": 800, "pf": 0.09309375, "in_bounds_one_im": 1, "error_one_im": 0.08114958489608051, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 12.527023696711074, "error_w_gmm": 0.09709269633040396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09579149206846524}, "run_2455": {"edge_length": 800, "pf": 0.0952296875, "in_bounds_one_im": 1, "error_one_im": 0.08661265089811397, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 11.928079432078315, "error_w_gmm": 0.09130009762237672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09007652385594847}, "run_2456": {"edge_length": 800, "pf": 0.107825, "in_bounds_one_im": 0, "error_one_im": 0.07291808838317587, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 11.938742133039975, "error_w_gmm": 0.08527890027493033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08413602060750842}, "run_2457": {"edge_length": 800, "pf": 0.0968890625, "in_bounds_one_im": 1, "error_one_im": 0.08609428074045904, "one_im_sa_cls": 11.510204081632653, "model_in_bounds": 1, "pred_cls": 14.777867360953106, "error_w_gmm": 0.11203730830258153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11053582128482094}, "run_2458": {"edge_length": 800, "pf": 0.0989578125, "in_bounds_one_im": 1, "error_one_im": 0.07709575105479925, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 15.056363922280337, "error_w_gmm": 0.11281980658494159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1113078327835356}, "run_2459": {"edge_length": 800, "pf": 0.0995984375, "in_bounds_one_im": 1, "error_one_im": 0.08493805838986254, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 13.424649805643222, "error_w_gmm": 0.10023342045527196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09889012524549355}, "run_2460": {"edge_length": 800, "pf": 0.105675, "in_bounds_one_im": 1, "error_one_im": 0.07970840886219617, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 11.386074532159522, "error_w_gmm": 0.0822532956057622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08115096409324034}, "run_2461": {"edge_length": 800, "pf": 0.0985203125, "in_bounds_one_im": 1, "error_one_im": 0.07789047197023531, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 11.594223029133174, "error_w_gmm": 0.08709123731004037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0859240693000007}, "run_2462": {"edge_length": 800, "pf": 0.0958953125, "in_bounds_one_im": 1, "error_one_im": 0.08474454900903196, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 13.437164457510436, "error_w_gmm": 0.10245567799353898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10108260082189105}, "run_2463": {"edge_length": 800, "pf": 0.10249375, "in_bounds_one_im": 1, "error_one_im": 0.08107979307722576, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 12.444112447266694, "error_w_gmm": 0.0914432607313913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09021776834024005}, "run_2464": {"edge_length": 800, "pf": 0.093575, "in_bounds_one_im": 1, "error_one_im": 0.08558757732099347, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 11.561290748706377, "error_w_gmm": 0.08935319184778005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08815570986978959}, "run_2465": {"edge_length": 800, "pf": 0.105871875, "in_bounds_one_im": 1, "error_one_im": 0.0767194573310038, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 12.864995450828864, "error_w_gmm": 0.09284038668181015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09159617046991995}, "run_2466": {"edge_length": 800, "pf": 0.1023546875, "in_bounds_one_im": 1, "error_one_im": 0.08513896846814514, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 11.295117285186397, "error_w_gmm": 0.0830628805813252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08194969927823795}, "run_2467": {"edge_length": 800, "pf": 0.0983328125, "in_bounds_one_im": 1, "error_one_im": 0.08660280427926108, "one_im_sa_cls": 11.673469387755102, "model_in_bounds": 1, "pred_cls": 14.799820882986186, "error_w_gmm": 0.11128793644501211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10979649226148831}, "run_2468": {"edge_length": 800, "pf": 0.102040625, "in_bounds_one_im": 1, "error_one_im": 0.07742377033375354, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 12.277642978455134, "error_w_gmm": 0.09044290802505692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08923082203061851}, "run_2469": {"edge_length": 800, "pf": 0.0997625, "in_bounds_one_im": 1, "error_one_im": 0.07870244037054105, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 14.031866853333103, "error_w_gmm": 0.1046714091718369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1032686375024412}, "run_2470": {"edge_length": 800, "pf": 0.0941578125, "in_bounds_one_im": 1, "error_one_im": 0.08343387051260814, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 13.269653348153476, "error_w_gmm": 0.10220576588873273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10083603795660721}, "run_2471": {"edge_length": 800, "pf": 0.0995984375, "in_bounds_one_im": 1, "error_one_im": 0.08794471532401697, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 12.166534631531231, "error_w_gmm": 0.09083986538652702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08962245950058217}, "run_2472": {"edge_length": 800, "pf": 0.0969515625, "in_bounds_one_im": 1, "error_one_im": 0.08301164881785653, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 11.467024665885583, "error_w_gmm": 0.0869053656274954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08574068860838131}, "run_2473": {"edge_length": 800, "pf": 0.09340625, "in_bounds_one_im": 1, "error_one_im": 0.08442667828144063, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.156101941751029, "error_w_gmm": 0.09404386154079225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09278351675615845}, "run_2474": {"edge_length": 800, "pf": 0.10376875, "in_bounds_one_im": 1, "error_one_im": 0.07038405536453636, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 14.35129655797896, "error_w_gmm": 0.10473349965823439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10332989587263862}, "run_2475": {"edge_length": 800, "pf": 0.1104421875, "in_bounds_one_im": 0, "error_one_im": 0.07960575659364806, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 0, "pred_cls": 12.843594930251147, "error_w_gmm": 0.09051570057076415, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08930263903466}, "run_2476": {"edge_length": 800, "pf": 0.0949234375, "in_bounds_one_im": 1, "error_one_im": 0.0852230420864129, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 9.821828247815017, "error_w_gmm": 0.07531231444171727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07430300366725334}, "run_2477": {"edge_length": 800, "pf": 0.1023234375, "in_bounds_one_im": 1, "error_one_im": 0.08426489282453886, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 10.563045476570993, "error_w_gmm": 0.07769252923044627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07665131960319026}, "run_2478": {"edge_length": 800, "pf": 0.0946328125, "in_bounds_one_im": 1, "error_one_im": 0.07345935912788336, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 13.601258644361993, "error_w_gmm": 0.10446921439335542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10306915247162814}, "run_2479": {"edge_length": 800, "pf": 0.103809375, "in_bounds_one_im": 1, "error_one_im": 0.07477591162662585, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 12.571021785004072, "error_w_gmm": 0.09172130327890157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09049208465332181}, "run_2480": {"edge_length": 800, "pf": 0.1009046875, "in_bounds_one_im": 1, "error_one_im": 0.07328088607795515, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 7.381266173240884, "error_w_gmm": 0.05471366290334892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05398040845634241}, "run_2481": {"edge_length": 1000, "pf": 0.105454, "in_bounds_one_im": 1, "error_one_im": 0.06512288457080073, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 13.16601469540263, "error_w_gmm": 0.07669272009343472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07515748462977175}, "run_2482": {"edge_length": 1000, "pf": 0.098256, "in_bounds_one_im": 1, "error_one_im": 0.06398055810867549, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 12.356926030068777, "error_w_gmm": 0.07486908633470298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07337035638571893}, "run_2483": {"edge_length": 1000, "pf": 0.103919, "in_bounds_one_im": 1, "error_one_im": 0.061547363377055235, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 11.508767890864087, "error_w_gmm": 0.06759039460398011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06623736956232573}, "run_2484": {"edge_length": 1000, "pf": 0.098574, "in_bounds_one_im": 1, "error_one_im": 0.0705187192205851, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 10.453650554494168, "error_w_gmm": 0.0632239789323352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06195836083334804}, "run_2485": {"edge_length": 1000, "pf": 0.098903, "in_bounds_one_im": 1, "error_one_im": 0.0647139397162377, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 13.74794463680318, "error_w_gmm": 0.08299440381480425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08133302119769491}, "run_2486": {"edge_length": 1000, "pf": 0.096908, "in_bounds_one_im": 1, "error_one_im": 0.0716764181607552, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 12.079439174373597, "error_w_gmm": 0.07375015700010507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07227382578719024}, "run_2487": {"edge_length": 1000, "pf": 0.098389, "in_bounds_one_im": 1, "error_one_im": 0.0617530645392528, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 9.7406059182728, "error_w_gmm": 0.05897287441712476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057792354961184074}, "run_2488": {"edge_length": 1000, "pf": 0.101711, "in_bounds_one_im": 1, "error_one_im": 0.06323939725614325, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 10.785741058439987, "error_w_gmm": 0.06410679484737854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06282350453257986}, "run_2489": {"edge_length": 1000, "pf": 0.09595, "in_bounds_one_im": 1, "error_one_im": 0.06679203050820652, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 13.081306941342216, "error_w_gmm": 0.08030727091433663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07869967934440038}, "run_2490": {"edge_length": 1000, "pf": 0.105731, "in_bounds_one_im": 1, "error_one_im": 0.0625845602241129, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 15.782448139654173, "error_w_gmm": 0.09179885932373508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08996122904818987}, "run_2491": {"edge_length": 1000, "pf": 0.097554, "in_bounds_one_im": 1, "error_one_im": 0.06837170308964141, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 12.156912944454158, "error_w_gmm": 0.0739505441188188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07247020155501259}, "run_2492": {"edge_length": 1000, "pf": 0.100694, "in_bounds_one_im": 1, "error_one_im": 0.05498722354547116, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 13.594721172169736, "error_w_gmm": 0.08125540310149634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07962883181410849}, "run_2493": {"edge_length": 1000, "pf": 0.096785, "in_bounds_one_im": 1, "error_one_im": 0.05950761104952071, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 12.473987038344475, "error_w_gmm": 0.07621260873202022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0746869841413013}, "run_2494": {"edge_length": 1000, "pf": 0.102377, "in_bounds_one_im": 1, "error_one_im": 0.06182559441100602, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 12.620201722028945, "error_w_gmm": 0.07473810446538437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07324199651247283}, "run_2495": {"edge_length": 1000, "pf": 0.097512, "in_bounds_one_im": 1, "error_one_im": 0.0619386134834701, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 12.830702256014897, "error_w_gmm": 0.07806783016860833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0765050677408309}, "run_2496": {"edge_length": 1000, "pf": 0.09823, "in_bounds_one_im": 1, "error_one_im": 0.06023296183747022, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.817646578530997, "error_w_gmm": 0.07161216653154891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07017863362836023}, "run_2497": {"edge_length": 1000, "pf": 0.098792, "in_bounds_one_im": 1, "error_one_im": 0.066928856660708, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 13.792401712906392, "error_w_gmm": 0.08331467869301898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08164688481092194}, "run_2498": {"edge_length": 1000, "pf": 0.094316, "in_bounds_one_im": 1, "error_one_im": 0.0712714372041891, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 11.758598453953446, "error_w_gmm": 0.0728754444355858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07141662322554902}, "run_2499": {"edge_length": 1000, "pf": 0.097408, "in_bounds_one_im": 1, "error_one_im": 0.06550624623922373, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 11.725027299237883, "error_w_gmm": 0.07138258726895728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06995365008522186}, "run_2500": {"edge_length": 1000, "pf": 0.097658, "in_bounds_one_im": 1, "error_one_im": 0.06164411806412466, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 12.762613768652367, "error_w_gmm": 0.07758920382255258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07603602254067031}, "run_2501": {"edge_length": 1000, "pf": 0.096275, "in_bounds_one_im": 1, "error_one_im": 0.06973096284251556, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 12.337937423042446, "error_w_gmm": 0.07560211468985484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07408871097359104}, "run_2502": {"edge_length": 1000, "pf": 0.097003, "in_bounds_one_im": 1, "error_one_im": 0.06089801368206564, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 14.227842327580952, "error_w_gmm": 0.08681996575120217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0850820030056785}, "run_2503": {"edge_length": 1000, "pf": 0.095223, "in_bounds_one_im": 1, "error_one_im": 0.06337456277055593, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 11.365643005820926, "error_w_gmm": 0.07006866652625715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06866603141810561}, "run_2504": {"edge_length": 1000, "pf": 0.102988, "in_bounds_one_im": 1, "error_one_im": 0.06610675697190682, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 15.140362770676768, "error_w_gmm": 0.08936595302639683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08757702468791805}, "run_2505": {"edge_length": 1000, "pf": 0.101439, "in_bounds_one_im": 1, "error_one_im": 0.06821469409422629, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 14.941543032846312, "error_w_gmm": 0.08893992288543835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08715952282161454}, "run_2506": {"edge_length": 1000, "pf": 0.102384, "in_bounds_one_im": 1, "error_one_im": 0.06158636915277213, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 13.535264196864896, "error_w_gmm": 0.08015414375585687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07854961748656278}, "run_2507": {"edge_length": 1000, "pf": 0.094916, "in_bounds_one_im": 1, "error_one_im": 0.06064684784087044, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 12.938886269146796, "error_w_gmm": 0.07991009023990611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07831044943578085}, "run_2508": {"edge_length": 1000, "pf": 0.09815, "in_bounds_one_im": 1, "error_one_im": 0.06474634705734184, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 12.558663395379465, "error_w_gmm": 0.07613694011780933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0746128302619946}, "run_2509": {"edge_length": 1000, "pf": 0.102281, "in_bounds_one_im": 1, "error_one_im": 0.05534031378858875, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 13.876985378218375, "error_w_gmm": 0.08222385834203519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08057790051015605}, "run_2510": {"edge_length": 1000, "pf": 0.100854, "in_bounds_one_im": 1, "error_one_im": 0.06664303305461196, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 12.388071320606072, "error_w_gmm": 0.07397794058979992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07249704960322581}, "run_2511": {"edge_length": 1000, "pf": 0.104351, "in_bounds_one_im": 1, "error_one_im": 0.055897322438843586, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.299353311480854, "error_w_gmm": 0.05448831261127216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05339756514822659}, "run_2512": {"edge_length": 1000, "pf": 0.09686, "in_bounds_one_im": 1, "error_one_im": 0.06351271251166207, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 12.184722134856662, "error_w_gmm": 0.07441336293854821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07292375566403113}, "run_2513": {"edge_length": 1000, "pf": 0.096831, "in_bounds_one_im": 1, "error_one_im": 0.06095788067380784, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 15.090718018263141, "error_w_gmm": 0.09217586091132794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09033068381508809}, "run_2514": {"edge_length": 1000, "pf": 0.09711, "in_bounds_one_im": 1, "error_one_im": 0.06683716400957239, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 12.72509856257685, "error_w_gmm": 0.07760265768829787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07604920708682704}, "run_2515": {"edge_length": 1000, "pf": 0.097301, "in_bounds_one_im": 1, "error_one_im": 0.06152565104061139, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 13.500945153888141, "error_w_gmm": 0.0822445251492372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08059815360905191}, "run_2516": {"edge_length": 1000, "pf": 0.098888, "in_bounds_one_im": 1, "error_one_im": 0.05880287525612509, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.991319391454244, "error_w_gmm": 0.07239599747332318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07094677383628306}, "run_2517": {"edge_length": 1000, "pf": 0.089582, "in_bounds_one_im": 0, "error_one_im": 0.07510646927934024, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 0, "pred_cls": 12.498966978121668, "error_w_gmm": 0.07969189554283194, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07809662256183936}, "run_2518": {"edge_length": 1000, "pf": 0.099731, "in_bounds_one_im": 1, "error_one_im": 0.0644151261642911, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 12.18251128718783, "error_w_gmm": 0.07320451693768718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07173910835175956}, "run_2519": {"edge_length": 1000, "pf": 0.095984, "in_bounds_one_im": 1, "error_one_im": 0.06432383573456354, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 8.894037362404132, "error_w_gmm": 0.054590564022473614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05349776968988808}, "run_2520": {"edge_length": 1000, "pf": 0.101702, "in_bounds_one_im": 1, "error_one_im": 0.07322817196907774, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 11.877050310021922, "error_w_gmm": 0.07059664484255151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06918344066038311}, "run_2521": {"edge_length": 1200, "pf": 0.09942916666666667, "in_bounds_one_im": 1, "error_one_im": 0.05276653154674457, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 12.883550853953906, "error_w_gmm": 0.06462288827530405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06332926679827583}, "run_2522": {"edge_length": 1200, "pf": 0.09247916666666667, "in_bounds_one_im": 0, "error_one_im": 0.06108477506745051, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 0, "pred_cls": 11.638087779395958, "error_w_gmm": 0.060762652786093316, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05954630553292767}, "run_2523": {"edge_length": 1200, "pf": 0.10603055555555556, "in_bounds_one_im": 1, "error_one_im": 0.05758820602766286, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 15.533370977453217, "error_w_gmm": 0.07517272317808389, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07366791502442191}, "run_2524": {"edge_length": 1200, "pf": 0.09977222222222222, "in_bounds_one_im": 1, "error_one_im": 0.0528659534951352, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 13.717358319028403, "error_w_gmm": 0.06867372657101738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06729901538167275}, "run_2525": {"edge_length": 1200, "pf": 0.09854513888888888, "in_bounds_one_im": 1, "error_one_im": 0.05444010000364983, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 10.861380255586841, "error_w_gmm": 0.05475050858046315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053654512476479545}, "run_2526": {"edge_length": 1200, "pf": 0.09922847222222222, "in_bounds_one_im": 1, "error_one_im": 0.0509175967186105, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 13.33717340687736, "error_w_gmm": 0.06697330332250787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06563263121889613}, "run_2527": {"edge_length": 1200, "pf": 0.09906875, "in_bounds_one_im": 1, "error_one_im": 0.05508442335139973, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 11.254125344934751, "error_w_gmm": 0.0565637223050745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05543142927473551}, "run_2528": {"edge_length": 1200, "pf": 0.09926458333333334, "in_bounds_one_im": 1, "error_one_im": 0.053819172054995645, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 12.01639074053548, "error_w_gmm": 0.060328739221245445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05912107805317508}, "run_2529": {"edge_length": 1200, "pf": 0.10287222222222223, "in_bounds_one_im": 1, "error_one_im": 0.05600942608489435, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 13.79583207142571, "error_w_gmm": 0.0679007763995662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06654153813272852}, "run_2530": {"edge_length": 1200, "pf": 0.0995236111111111, "in_bounds_one_im": 1, "error_one_im": 0.062163514019234, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 14.114893268798362, "error_w_gmm": 0.07076189426600434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06934538211959998}, "run_2531": {"edge_length": 1200, "pf": 0.10121180555555556, "in_bounds_one_im": 1, "error_one_im": 0.052049330226986185, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 12.928805560398876, "error_w_gmm": 0.06421259881982533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06292719052028839}, "run_2532": {"edge_length": 1200, "pf": 0.10021805555555556, "in_bounds_one_im": 1, "error_one_im": 0.05373394067976522, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 11.12895824357422, "error_w_gmm": 0.05557748798616844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054464937402048816}, "run_2533": {"edge_length": 1200, "pf": 0.09893541666666666, "in_bounds_one_im": 1, "error_one_im": 0.054522042613465965, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.221280172581302, "error_w_gmm": 0.061470609090426585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060240089962488266}, "run_2534": {"edge_length": 1200, "pf": 0.09964305555555555, "in_bounds_one_im": 1, "error_one_im": 0.06061916928224315, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 14.313472899054082, "error_w_gmm": 0.07170965129196442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07027416693808826}, "run_2535": {"edge_length": 1200, "pf": 0.10113125, "in_bounds_one_im": 1, "error_one_im": 0.056743004363694796, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 13.747130301828118, "error_w_gmm": 0.06830716362819203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06693979029867035}, "run_2536": {"edge_length": 1200, "pf": 0.095475, "in_bounds_one_im": 1, "error_one_im": 0.05642855228664336, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 12.922890305638118, "error_w_gmm": 0.06629394464917687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06496687195273927}, "run_2537": {"edge_length": 1200, "pf": 0.1025375, "in_bounds_one_im": 1, "error_one_im": 0.05325143529953129, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 9.754654688447351, "error_w_gmm": 0.04809804705467235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04713521997693531}, "run_2538": {"edge_length": 1200, "pf": 0.09934652777777778, "in_bounds_one_im": 1, "error_one_im": 0.058511581548958864, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 14.969204758847868, "error_w_gmm": 0.0751190342724547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07361530086372063}, "run_2539": {"edge_length": 1200, "pf": 0.10543472222222222, "in_bounds_one_im": 0, "error_one_im": 0.05068219989279708, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 13.226209530718869, "error_w_gmm": 0.06420935948464519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06292401603014496}, "run_2540": {"edge_length": 1200, "pf": 0.10079097222222222, "in_bounds_one_im": 1, "error_one_im": 0.05416131206656504, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 13.911678987839858, "error_w_gmm": 0.06925446990447721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06786813339059419}, "run_2541": {"edge_length": 1200, "pf": 0.10562777777777778, "in_bounds_one_im": 0, "error_one_im": 0.0498544539130785, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 13.899358274350048, "error_w_gmm": 0.06740833168962837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06605895118480078}, "run_2542": {"edge_length": 1200, "pf": 0.10210208333333333, "in_bounds_one_im": 1, "error_one_im": 0.057035172343668776, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 14.129239097233032, "error_w_gmm": 0.06983348311960252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06843555591470342}, "run_2543": {"edge_length": 1200, "pf": 0.09964583333333334, "in_bounds_one_im": 1, "error_one_im": 0.05921549492092874, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 12.145037534104185, "error_w_gmm": 0.06084497662069289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05962698140836978}, "run_2544": {"edge_length": 1200, "pf": 0.09884444444444444, "in_bounds_one_im": 1, "error_one_im": 0.06109184002448654, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 14.284665467696932, "error_w_gmm": 0.07188571116029178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07044670243861047}, "run_2545": {"edge_length": 1200, "pf": 0.10047361111111111, "in_bounds_one_im": 1, "error_one_im": 0.053258995426084976, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 11.156074647102484, "error_w_gmm": 0.05563410549228079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054520421538486144}, "run_2546": {"edge_length": 1200, "pf": 0.10212986111111111, "in_bounds_one_im": 1, "error_one_im": 0.053172053620736695, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 12.750503576473026, "error_w_gmm": 0.06300956486569105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06174823890914744}, "run_2547": {"edge_length": 1200, "pf": 0.10126319444444444, "in_bounds_one_im": 1, "error_one_im": 0.05223323944407763, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.296546097012687, "error_w_gmm": 0.05608992773557737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05496711912859295}, "run_2548": {"edge_length": 1200, "pf": 0.10025833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05621831646176498, "one_im_sa_cls": 11.489795918367347, "model_in_bounds": 1, "pred_cls": 12.68525327133463, "error_w_gmm": 0.06333540739138645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062067558716644676}, "run_2549": {"edge_length": 1200, "pf": 0.09402222222222222, "in_bounds_one_im": 0, "error_one_im": 0.05442519903411889, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 13.621699921472077, "error_w_gmm": 0.07047313235665265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06906240064838177}, "run_2550": {"edge_length": 1200, "pf": 0.1012263888888889, "in_bounds_one_im": 1, "error_one_im": 0.05075396189108993, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 11.70529670266889, "error_w_gmm": 0.05813122304484117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05696755177257675}, "run_2551": {"edge_length": 1200, "pf": 0.10192708333333333, "in_bounds_one_im": 1, "error_one_im": 0.05887063657898879, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 14.550119520269314, "error_w_gmm": 0.07198239819418357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07054145399071035}, "run_2552": {"edge_length": 1200, "pf": 0.10035972222222223, "in_bounds_one_im": 1, "error_one_im": 0.05149620046707944, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 11.962260208078813, "error_w_gmm": 0.059692080355460364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058497163829486644}, "run_2553": {"edge_length": 1200, "pf": 0.09727013888888889, "in_bounds_one_im": 1, "error_one_im": 0.05381901820146597, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 14.388320020627758, "error_w_gmm": 0.07305466853617609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07159225961670838}, "run_2554": {"edge_length": 1200, "pf": 0.09912708333333334, "in_bounds_one_im": 1, "error_one_im": 0.052855734282882, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 12.612532773210805, "error_w_gmm": 0.06337043069130396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06210188091987374}, "run_2555": {"edge_length": 1200, "pf": 0.09655, "in_bounds_one_im": 1, "error_one_im": 0.05699785273055018, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 11.447193701629438, "error_w_gmm": 0.05836113150356152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05719285792199331}, "run_2556": {"edge_length": 1200, "pf": 0.10334027777777778, "in_bounds_one_im": 1, "error_one_im": 0.05959893162460215, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 11.835179049951826, "error_w_gmm": 0.058103541056893956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0569404239228783}, "run_2557": {"edge_length": 1200, "pf": 0.0989451388888889, "in_bounds_one_im": 1, "error_one_im": 0.055524956686472636, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 12.19654786138347, "error_w_gmm": 0.06134286557069201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06011490361351914}, "run_2558": {"edge_length": 1200, "pf": 0.09477430555555555, "in_bounds_one_im": 1, "error_one_im": 0.055834570842879044, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.759218366041603, "error_w_gmm": 0.06572127053662048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06440566163499475}, "run_2559": {"edge_length": 1200, "pf": 0.09748402777777777, "in_bounds_one_im": 1, "error_one_im": 0.05618769878562399, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 13.761738867952818, "error_w_gmm": 0.06978832554282871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06839130230265056}, "run_2560": {"edge_length": 1200, "pf": 0.1009576388888889, "in_bounds_one_im": 1, "error_one_im": 0.05192323623658476, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 14.07785801773101, "error_w_gmm": 0.07001737351667922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06861576519238995}, "run_2561": {"edge_length": 1400, "pf": 0.10020867346938775, "in_bounds_one_im": 1, "error_one_im": 0.04588883262137275, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 13.492630775480556, "error_w_gmm": 0.05660345183421502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05660241173250465}, "run_2562": {"edge_length": 1400, "pf": 0.09818673469387755, "in_bounds_one_im": 1, "error_one_im": 0.048835425976076575, "one_im_sa_cls": 11.510204081632653, "model_in_bounds": 1, "pred_cls": 13.364801033128778, "error_w_gmm": 0.05670514095144071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05670409898116891}, "run_2563": {"edge_length": 1400, "pf": 0.09866683673469388, "in_bounds_one_im": 1, "error_one_im": 0.045767471288073125, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 13.571349541730097, "error_w_gmm": 0.05742594422290918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0574248890077081}, "run_2564": {"edge_length": 1400, "pf": 0.096375, "in_bounds_one_im": 1, "error_one_im": 0.046192324897713896, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 11.635057385592031, "error_w_gmm": 0.049877937725215336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04987702120640496}, "run_2565": {"edge_length": 1400, "pf": 0.0994811224489796, "in_bounds_one_im": 1, "error_one_im": 0.04624686769517826, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 13.447093441948429, "error_w_gmm": 0.056641211080731134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05664017028518574}, "run_2566": {"edge_length": 1400, "pf": 0.1033, "in_bounds_one_im": 1, "error_one_im": 0.04697119382186841, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 12.24676871988748, "error_w_gmm": 0.05051530460053693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05051437636996071}, "run_2567": {"edge_length": 1400, "pf": 0.10179591836734694, "in_bounds_one_im": 1, "error_one_im": 0.0459987035612882, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 11.768194181496373, "error_w_gmm": 0.048939574746115266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048938675469944806}, "run_2568": {"edge_length": 1400, "pf": 0.09675663265306123, "in_bounds_one_im": 1, "error_one_im": 0.047138933542727995, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 14.262045507763883, "error_w_gmm": 0.061005904615069606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06100478361725622}, "run_2569": {"edge_length": 1400, "pf": 0.10248418367346938, "in_bounds_one_im": 1, "error_one_im": 0.048954787671751904, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 13.061370774968566, "error_w_gmm": 0.05411397366014264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05411297930317785}, "run_2570": {"edge_length": 1400, "pf": 0.09732704081632652, "in_bounds_one_im": 1, "error_one_im": 0.0479428702660645, "one_im_sa_cls": 11.244897959183673, "model_in_bounds": 1, "pred_cls": 13.101443111427429, "error_w_gmm": 0.05585931786560605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05585829143753193}, "run_2571": {"edge_length": 1400, "pf": 0.09498418367346939, "in_bounds_one_im": 0, "error_one_im": 0.05229752135585141, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 12.946596242260787, "error_w_gmm": 0.05594819463758959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05594716657638404}, "run_2572": {"edge_length": 1400, "pf": 0.10127704081632653, "in_bounds_one_im": 1, "error_one_im": 0.04681058637770353, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 13.650339045084024, "error_w_gmm": 0.056928388568476276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05692734249597709}, "run_2573": {"edge_length": 1400, "pf": 0.09709948979591837, "in_bounds_one_im": 1, "error_one_im": 0.047917940073074684, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 12.988117472362891, "error_w_gmm": 0.05544797868859144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05544695981897132}, "run_2574": {"edge_length": 1400, "pf": 0.10140816326530612, "in_bounds_one_im": 1, "error_one_im": 0.047797487355883156, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 12.057979899391164, "error_w_gmm": 0.05025130762717395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05025038424760405}, "run_2575": {"edge_length": 1400, "pf": 0.10095204081632653, "in_bounds_one_im": 1, "error_one_im": 0.047746977030293174, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 13.119840052484253, "error_w_gmm": 0.054813868610068706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054812861392370016}, "run_2576": {"edge_length": 1400, "pf": 0.1029765306122449, "in_bounds_one_im": 1, "error_one_im": 0.045704192143335015, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 12.353926276519866, "error_w_gmm": 0.05104648188972995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05104554389864631}, "run_2577": {"edge_length": 1400, "pf": 0.0996030612244898, "in_bounds_one_im": 1, "error_one_im": 0.051970872950243156, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 12.40370798137401, "error_w_gmm": 0.05221078591268852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052209826527245255}, "run_2578": {"edge_length": 1400, "pf": 0.10095561224489796, "in_bounds_one_im": 1, "error_one_im": 0.05090068654920201, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 13.820917329897535, "error_w_gmm": 0.05774178942889037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05774072840995958}, "run_2579": {"edge_length": 1400, "pf": 0.09761224489795918, "in_bounds_one_im": 1, "error_one_im": 0.04352172971747455, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 12.217375956129104, "error_w_gmm": 0.052005637006506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052004681390721993}, "run_2580": {"edge_length": 1400, "pf": 0.09798877551020409, "in_bounds_one_im": 1, "error_one_im": 0.04698303496182867, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 11.492214163722089, "error_w_gmm": 0.04881457943748132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04881368245812897}, "run_2581": {"edge_length": 1400, "pf": 0.10032295918367347, "in_bounds_one_im": 1, "error_one_im": 0.050736653740370355, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 14.105760564325493, "error_w_gmm": 0.05913814466268373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05913705798539785}, "run_2582": {"edge_length": 1400, "pf": 0.10119336734693878, "in_bounds_one_im": 1, "error_one_im": 0.04615092098500393, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 14.49472590662769, "error_w_gmm": 0.06047768426357238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060476572971932}, "run_2583": {"edge_length": 1400, "pf": 0.09986683673469388, "in_bounds_one_im": 1, "error_one_im": 0.052323470811754105, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 12.533776416994, "error_w_gmm": 0.0526808426806602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05267987465781351}, "run_2584": {"edge_length": 1400, "pf": 0.0983408163265306, "in_bounds_one_im": 1, "error_one_im": 0.04637063740748027, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 12.817506867132272, "error_w_gmm": 0.054335778669214144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05433478023653036}, "run_2585": {"edge_length": 1400, "pf": 0.09962244897959184, "in_bounds_one_im": 1, "error_one_im": 0.04672578403291633, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 12.294728491408291, "error_w_gmm": 0.051746466631797446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051745515778329886}, "run_2586": {"edge_length": 1400, "pf": 0.09867295918367347, "in_bounds_one_im": 1, "error_one_im": 0.048529119847574104, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 12.416655276323933, "error_w_gmm": 0.05253815089644981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05253718549559811}, "run_2587": {"edge_length": 1400, "pf": 0.10005357142857142, "in_bounds_one_im": 1, "error_one_im": 0.048927397380676654, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 14.52035047559352, "error_w_gmm": 0.060967328578771705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06096620828980211}, "run_2588": {"edge_length": 1400, "pf": 0.10109744897959183, "in_bounds_one_im": 1, "error_one_im": 0.046516049709125463, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 11.094998341913147, "error_w_gmm": 0.04631711340533657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04631626231750866}, "run_2589": {"edge_length": 1400, "pf": 0.09945, "in_bounds_one_im": 1, "error_one_im": 0.04487929229361542, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 13.571480722359347, "error_w_gmm": 0.057175081371055814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05717403076551853}, "run_2590": {"edge_length": 1400, "pf": 0.10185918367346938, "in_bounds_one_im": 1, "error_one_im": 0.051497338879212796, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 12.020962012396312, "error_w_gmm": 0.049973455614862564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0499725373408885}, "run_2591": {"edge_length": 1400, "pf": 0.1002234693877551, "in_bounds_one_im": 1, "error_one_im": 0.047597197365066755, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 13.179620226032132, "error_w_gmm": 0.055285793352841596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05528477746341507}, "run_2592": {"edge_length": 1400, "pf": 0.10135561224489796, "in_bounds_one_im": 1, "error_one_im": 0.04874708265539515, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 13.060623355381477, "error_w_gmm": 0.05444549787559321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054444497426793186}, "run_2593": {"edge_length": 1400, "pf": 0.09936530612244898, "in_bounds_one_im": 1, "error_one_im": 0.04558865651188084, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 13.864923952451074, "error_w_gmm": 0.058438959727618284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05843788589801967}, "run_2594": {"edge_length": 1400, "pf": 0.09798775510204082, "in_bounds_one_im": 1, "error_one_im": 0.050364023770778935, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.456138653172763, "error_w_gmm": 0.05715691784935695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057155867577578685}, "run_2595": {"edge_length": 1400, "pf": 0.09961734693877551, "in_bounds_one_im": 1, "error_one_im": 0.044837413549313185, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 12.840012772926807, "error_w_gmm": 0.054043014453898267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05404202140082558}, "run_2596": {"edge_length": 1400, "pf": 0.0991530612244898, "in_bounds_one_im": 1, "error_one_im": 0.04633174858317555, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 10.867170658646787, "error_w_gmm": 0.045858195665473625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045857353010366864}, "run_2597": {"edge_length": 1400, "pf": 0.10081989795918367, "in_bounds_one_im": 1, "error_one_im": 0.04573397838241552, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 11.88756717678126, "error_w_gmm": 0.04970169923904151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04970078595865466}, "run_2598": {"edge_length": 1400, "pf": 0.09966785714285714, "in_bounds_one_im": 1, "error_one_im": 0.044824793281712315, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 12.604399592849608, "error_w_gmm": 0.05303639735948399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05303542280323667}, "run_2599": {"edge_length": 1400, "pf": 0.09616428571428572, "in_bounds_one_im": 1, "error_one_im": 0.0464234795678737, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 12.708771985330143, "error_w_gmm": 0.05454682384482661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05454582153413819}, "run_2600": {"edge_length": 1400, "pf": 0.09768214285714286, "in_bounds_one_im": 1, "error_one_im": 0.052187997674818035, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 14.317534643662247, "error_w_gmm": 0.060921202253261156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06092008281187358}}, "blobs_200.0_0.2": {"true_cls": 13.489795918367347, "true_pf": 0.2000956545083019, "run_2601": {"edge_length": 600, "pf": 0.21022222222222223, "in_bounds_one_im": 1, "error_one_im": 0.07533251364121477, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 12.720617976592113, "error_w_gmm": 0.08375044646305872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08054121824197091}, "run_2602": {"edge_length": 600, "pf": 0.20267222222222223, "in_bounds_one_im": 1, "error_one_im": 0.07457636259793315, "one_im_sa_cls": 11.510204081632653, "model_in_bounds": 1, "pred_cls": 14.381698038306649, "error_w_gmm": 0.09689408719448188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09318120861038705}, "run_2603": {"edge_length": 600, "pf": 0.20444722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07850891634237696, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.803713914340554, "error_w_gmm": 0.10589338411142883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10183566202075586}, "run_2604": {"edge_length": 600, "pf": 0.20030277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06886691228403952, "one_im_sa_cls": 10.551020408163264, "model_in_bounds": 1, "pred_cls": 14.250199891220024, "error_w_gmm": 0.09671771804431645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.093011597738869}, "run_2605": {"edge_length": 600, "pf": 0.1954, "in_bounds_one_im": 1, "error_one_im": 0.07859675709885375, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.554045246137312, "error_w_gmm": 0.09342485719697953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0898449158243698}, "run_2606": {"edge_length": 600, "pf": 0.21024444444444446, "in_bounds_one_im": 1, "error_one_im": 0.07610271239901054, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 13.894252538562595, "error_w_gmm": 0.09147134097270689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08796625626847386}, "run_2607": {"edge_length": 600, "pf": 0.18088888888888888, "in_bounds_one_im": 0, "error_one_im": 0.07802412609973754, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 0, "pred_cls": 14.106411074273774, "error_w_gmm": 0.10196421396486283, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09805705350403579}, "run_2608": {"edge_length": 600, "pf": 0.19573333333333334, "in_bounds_one_im": 1, "error_one_im": 0.07959461640041922, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 15.50742937034085, "error_w_gmm": 0.10677589678563974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10268435774593351}, "run_2609": {"edge_length": 600, "pf": 0.17659166666666667, "in_bounds_one_im": 0, "error_one_im": 0.08680417203785953, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 0, "pred_cls": 15.297933338895449, "error_w_gmm": 0.11220728846862195, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10790762426415618}, "run_2610": {"edge_length": 600, "pf": 0.20139722222222223, "in_bounds_one_im": 1, "error_one_im": 0.07765962637594956, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 14.80887994421985, "error_w_gmm": 0.1001674596167326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09632914887556566}, "run_2611": {"edge_length": 600, "pf": 0.19672777777777778, "in_bounds_one_im": 1, "error_one_im": 0.07678460379287648, "one_im_sa_cls": 11.63265306122449, "model_in_bounds": 1, "pred_cls": 14.876414546629524, "error_w_gmm": 0.10210866085307505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09819596534079839}, "run_2612": {"edge_length": 600, "pf": 0.19749444444444444, "in_bounds_one_im": 1, "error_one_im": 0.07041718013746727, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 12.047796355300406, "error_w_gmm": 0.08249354696859947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07933248180214657}, "run_2613": {"edge_length": 600, "pf": 0.20664166666666667, "in_bounds_one_im": 1, "error_one_im": 0.07419503469762459, "one_im_sa_cls": 11.591836734693878, "model_in_bounds": 1, "pred_cls": 17.086969960477173, "error_w_gmm": 0.11372516590628029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10936733824938165}, "run_2614": {"edge_length": 600, "pf": 0.20655, "in_bounds_one_im": 1, "error_one_im": 0.08767392778714068, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 11.91560886175061, "error_w_gmm": 0.07932849198430823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07628870836566601}, "run_2615": {"edge_length": 600, "pf": 0.21264444444444444, "in_bounds_one_im": 1, "error_one_im": 0.08363860565216606, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 16.026878181165454, "error_w_gmm": 0.10475460915055673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10074052370776118}, "run_2616": {"edge_length": 600, "pf": 0.20392222222222223, "in_bounds_one_im": 1, "error_one_im": 0.07297195778388982, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 13.69523820693313, "error_w_gmm": 0.09191382519302743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08839178496309627}, "run_2617": {"edge_length": 600, "pf": 0.21153611111111112, "in_bounds_one_im": 1, "error_one_im": 0.07838206467277026, "one_im_sa_cls": 12.428571428571429, "model_in_bounds": 1, "pred_cls": 17.946331139602012, "error_w_gmm": 0.11769014556299107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11318038409382357}, "run_2618": {"edge_length": 600, "pf": 0.19498888888888888, "in_bounds_one_im": 1, "error_one_im": 0.08479516681993383, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 16.608593598560603, "error_w_gmm": 0.11462903613060235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11023657312601778}, "run_2619": {"edge_length": 600, "pf": 0.19550277777777778, "in_bounds_one_im": 1, "error_one_im": 0.07546068926983014, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 6.03152268108144, "error_w_gmm": 0.04156028822157634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03996774208636192}, "run_2620": {"edge_length": 600, "pf": 0.20905555555555555, "in_bounds_one_im": 1, "error_one_im": 0.07105971354773953, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 14.416828781933177, "error_w_gmm": 0.09525277815954632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09160279279568964}, "run_2621": {"edge_length": 600, "pf": 0.19678333333333334, "in_bounds_one_im": 1, "error_one_im": 0.07771391232806515, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 15.862224907988756, "error_w_gmm": 0.10885592683406557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1046846832505147}, "run_2622": {"edge_length": 600, "pf": 0.21181111111111112, "in_bounds_one_im": 1, "error_one_im": 0.07651710165315918, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 17.06810522982638, "error_w_gmm": 0.11183863913297391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10755310117978943}, "run_2623": {"edge_length": 600, "pf": 0.20339166666666667, "in_bounds_one_im": 1, "error_one_im": 0.07929231136526614, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.998621092440422, "error_w_gmm": 0.1075484548040224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10342731216099553}, "run_2624": {"edge_length": 600, "pf": 0.20264444444444443, "in_bounds_one_im": 1, "error_one_im": 0.07273142747260729, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 11.495701615032827, "error_w_gmm": 0.07745686603460891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07448880113593495}, "run_2625": {"edge_length": 600, "pf": 0.21197777777777776, "in_bounds_one_im": 1, "error_one_im": 0.07596478383750582, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 14.928256576010414, "error_w_gmm": 0.09776849566461071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09402211067598196}, "run_2626": {"edge_length": 600, "pf": 0.20965555555555557, "in_bounds_one_im": 1, "error_one_im": 0.06808344451101124, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 9.620431387572317, "error_w_gmm": 0.06344762041979748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061016374944564196}, "run_2627": {"edge_length": 600, "pf": 0.19943055555555556, "in_bounds_one_im": 1, "error_one_im": 0.0792061875070581, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 11.053217600510262, "error_w_gmm": 0.07522429958014891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07234178425850625}, "run_2628": {"edge_length": 600, "pf": 0.19454166666666667, "in_bounds_one_im": 1, "error_one_im": 0.07542073764062444, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 13.61556356817682, "error_w_gmm": 0.09410585021886822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09049981391642214}, "run_2629": {"edge_length": 600, "pf": 0.1964027777777778, "in_bounds_one_im": 1, "error_one_im": 0.07484092460322787, "one_im_sa_cls": 11.326530612244898, "model_in_bounds": 1, "pred_cls": 15.746730885619375, "error_w_gmm": 0.10819360285868132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10404773882691892}, "run_2630": {"edge_length": 600, "pf": 0.19581666666666667, "in_bounds_one_im": 1, "error_one_im": 0.07660136821554375, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 1, "pred_cls": 15.967474116592781, "error_w_gmm": 0.10991442831002965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10570262407334588}, "run_2631": {"edge_length": 600, "pf": 0.19205277777777777, "in_bounds_one_im": 1, "error_one_im": 0.08163122077311721, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 13.6500896437528, "error_w_gmm": 0.09510042992446287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09145628238328185}, "run_2632": {"edge_length": 600, "pf": 0.20558888888888888, "in_bounds_one_im": 1, "error_one_im": 0.08622823357019643, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 17.095456205920495, "error_w_gmm": 0.11414826300121142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10977422271268336}, "run_2633": {"edge_length": 600, "pf": 0.19829166666666667, "in_bounds_one_im": 1, "error_one_im": 0.07761314673028998, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 17.64313090487409, "error_w_gmm": 0.12050287289903412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11588533070359867}, "run_2634": {"edge_length": 600, "pf": 0.20055833333333334, "in_bounds_one_im": 1, "error_one_im": 0.07759653868670847, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 12.030527296145875, "error_w_gmm": 0.08158747149268904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07846112617682231}, "run_2635": {"edge_length": 600, "pf": 0.21737222222222222, "in_bounds_one_im": 0, "error_one_im": 0.07374709573650005, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 0, "pred_cls": 9.887924389044077, "error_w_gmm": 0.06373038182930695, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06128830123696613}, "run_2636": {"edge_length": 600, "pf": 0.20579166666666668, "in_bounds_one_im": 1, "error_one_im": 0.0776620377306001, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 11.928859266895168, "error_w_gmm": 0.07960090763443611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07655068533720563}, "run_2637": {"edge_length": 600, "pf": 0.17875, "in_bounds_one_im": 0, "error_one_im": 0.0800209040636055, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 0, "pred_cls": 8.040204534103674, "error_w_gmm": 0.05853930204611628, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05629613812158665}, "run_2638": {"edge_length": 600, "pf": 0.19498333333333334, "in_bounds_one_im": 1, "error_one_im": 0.07707556511633065, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 12.014424779117991, "error_w_gmm": 0.08292251212981012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07974500947365572}, "run_2639": {"edge_length": 600, "pf": 0.20074444444444445, "in_bounds_one_im": 1, "error_one_im": 0.07648735970060193, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 11.905861331123988, "error_w_gmm": 0.08069519240796413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07760303827961602}, "run_2640": {"edge_length": 600, "pf": 0.21939722222222222, "in_bounds_one_im": 0, "error_one_im": 0.07532290597430687, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 0, "pred_cls": 13.307392846395961, "error_w_gmm": 0.08526253461986522, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08199536478544256}, "run_2641": {"edge_length": 800, "pf": 0.1967234375, "in_bounds_one_im": 1, "error_one_im": 0.057892344990049506, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 10.772771191122777, "error_w_gmm": 0.054056716106678095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05333226584375561}, "run_2642": {"edge_length": 800, "pf": 0.197925, "in_bounds_one_im": 1, "error_one_im": 0.06401419711658582, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 11.97057420612419, "error_w_gmm": 0.059839764313964025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05903781154818874}, "run_2643": {"edge_length": 800, "pf": 0.1993328125, "in_bounds_one_im": 1, "error_one_im": 0.06192800895676884, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 13.333793455151195, "error_w_gmm": 0.06636025857720401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06547092029999538}, "run_2644": {"edge_length": 800, "pf": 0.1968, "in_bounds_one_im": 1, "error_one_im": 0.06111062163401514, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 16.37792179114809, "error_w_gmm": 0.08216291213178148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0810617919087385}, "run_2645": {"edge_length": 800, "pf": 0.211953125, "in_bounds_one_im": 1, "error_one_im": 0.06189465771829465, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 12.529425208231594, "error_w_gmm": 0.05999360916810141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05918959462438146}, "run_2646": {"edge_length": 800, "pf": 0.2105453125, "in_bounds_one_im": 1, "error_one_im": 0.05915535291699239, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 14.034992116225215, "error_w_gmm": 0.06748709223279754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06658265250295077}, "run_2647": {"edge_length": 800, "pf": 0.2135, "in_bounds_one_im": 0, "error_one_im": 0.0627610493277119, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 0, "pred_cls": 12.908192253819701, "error_w_gmm": 0.061522443612625335, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06069794013441097}, "run_2648": {"edge_length": 800, "pf": 0.2038796875, "in_bounds_one_im": 1, "error_one_im": 0.05937981890783223, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.061286835453013, "error_w_gmm": 0.07390642247884249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0729159530043224}, "run_2649": {"edge_length": 800, "pf": 0.2074359375, "in_bounds_one_im": 1, "error_one_im": 0.05394811697864972, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 9.723854726924893, "error_w_gmm": 0.04719884581727682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04656630246790846}, "run_2650": {"edge_length": 800, "pf": 0.1968515625, "in_bounds_one_im": 1, "error_one_im": 0.05372818038242107, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 8.556091775037547, "error_w_gmm": 0.04291623734720612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04234108810268903}, "run_2651": {"edge_length": 800, "pf": 0.2082875, "in_bounds_one_im": 1, "error_one_im": 0.05868277768794178, "one_im_sa_cls": 12.285714285714286, "model_in_bounds": 1, "pred_cls": 16.526358363386752, "error_w_gmm": 0.08001051045578635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.078938236009409}, "run_2652": {"edge_length": 800, "pf": 0.2021296875, "in_bounds_one_im": 1, "error_one_im": 0.055032962160045565, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 11.842885833341, "error_w_gmm": 0.05842871986640155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05764567745246887}, "run_2653": {"edge_length": 800, "pf": 0.20525, "in_bounds_one_im": 1, "error_one_im": 0.06296738872758603, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 13.666864330351858, "error_w_gmm": 0.06678213460458304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06588714248413409}, "run_2654": {"edge_length": 800, "pf": 0.19045, "in_bounds_one_im": 1, "error_one_im": 0.05463478566567905, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 13.775679159363973, "error_w_gmm": 0.07052808588752936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0695828917646785}, "run_2655": {"edge_length": 800, "pf": 0.1987953125, "in_bounds_one_im": 1, "error_one_im": 0.05611028863822673, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 14.921109595544516, "error_w_gmm": 0.07438536855279664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07338848040111316}, "run_2656": {"edge_length": 800, "pf": 0.1970140625, "in_bounds_one_im": 1, "error_one_im": 0.06086739185029885, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.00716848332566, "error_w_gmm": 0.06520874626504158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06433484017567924}, "run_2657": {"edge_length": 800, "pf": 0.202334375, "in_bounds_one_im": 1, "error_one_im": 0.059266865291698716, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 13.137688641411893, "error_w_gmm": 0.0647757269014269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06390762399461827}, "run_2658": {"edge_length": 800, "pf": 0.1979203125, "in_bounds_one_im": 1, "error_one_im": 0.06341122578331976, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.78474753258349, "error_w_gmm": 0.06391068305926408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06305417318444159}, "run_2659": {"edge_length": 800, "pf": 0.2035625, "in_bounds_one_im": 1, "error_one_im": 0.05745993345051621, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 12.508849371913495, "error_w_gmm": 0.061441534427115294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06061811526709357}, "run_2660": {"edge_length": 800, "pf": 0.207746875, "in_bounds_one_im": 1, "error_one_im": 0.05946262087278014, "one_im_sa_cls": 12.428571428571429, "model_in_bounds": 1, "pred_cls": 14.858271922528896, "error_w_gmm": 0.07205278314171938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07108715552963298}, "run_2661": {"edge_length": 800, "pf": 0.202834375, "in_bounds_one_im": 1, "error_one_im": 0.06105851512901463, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 14.167453679987872, "error_w_gmm": 0.06974499247729439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0688102931137963}, "run_2662": {"edge_length": 800, "pf": 0.20123125, "in_bounds_one_im": 1, "error_one_im": 0.05648171867043638, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 1, "pred_cls": 15.110204177801554, "error_w_gmm": 0.07475683068508984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0737549643205442}, "run_2663": {"edge_length": 800, "pf": 0.196434375, "in_bounds_one_im": 1, "error_one_im": 0.05278790876253234, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 13.867143254869346, "error_w_gmm": 0.06964768096197482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06871428573527859}, "run_2664": {"edge_length": 800, "pf": 0.21126875, "in_bounds_one_im": 1, "error_one_im": 0.05554906603446617, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 13.047681824730386, "error_w_gmm": 0.062603408340459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06176441812983298}, "run_2665": {"edge_length": 800, "pf": 0.1877875, "in_bounds_one_im": 0, "error_one_im": 0.062493952127442895, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.302744042658336, "error_w_gmm": 0.07902937303310754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07797024746655525}, "run_2666": {"edge_length": 800, "pf": 0.191940625, "in_bounds_one_im": 1, "error_one_im": 0.06001448372066917, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 12.396831487661325, "error_w_gmm": 0.063163561529856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06231706433111512}, "run_2667": {"edge_length": 800, "pf": 0.2074078125, "in_bounds_one_im": 1, "error_one_im": 0.056005281444102516, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 14.606824211040525, "error_w_gmm": 0.07090647060069209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06995620549083578}, "run_2668": {"edge_length": 800, "pf": 0.19685, "in_bounds_one_im": 1, "error_one_im": 0.05211255277040419, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 15.003258167492245, "error_w_gmm": 0.0752547526568028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07424621330637679}, "run_2669": {"edge_length": 800, "pf": 0.19358125, "in_bounds_one_im": 1, "error_one_im": 0.05724974397335916, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 1, "pred_cls": 16.0075659977976, "error_w_gmm": 0.08113190857156209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0800446055178566}, "run_2670": {"edge_length": 800, "pf": 0.1872046875, "in_bounds_one_im": 0, "error_one_im": 0.06323870250032103, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 0, "pred_cls": 10.79562333998895, "error_w_gmm": 0.05585958272811203, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05511097104192928}, "run_2671": {"edge_length": 800, "pf": 0.2015015625, "in_bounds_one_im": 1, "error_one_im": 0.06350099480315409, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 13.126939734137995, "error_w_gmm": 0.06489018997539706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06402055307225998}, "run_2672": {"edge_length": 800, "pf": 0.2049578125, "in_bounds_one_im": 1, "error_one_im": 0.05681992886867752, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 11.397113558001555, "error_w_gmm": 0.055741089365331474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05499406568807719}, "run_2673": {"edge_length": 800, "pf": 0.2054078125, "in_bounds_one_im": 1, "error_one_im": 0.05792165804926742, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 13.361080979505688, "error_w_gmm": 0.06525638187059106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06438183738456955}, "run_2674": {"edge_length": 800, "pf": 0.2025625, "in_bounds_one_im": 1, "error_one_im": 0.06289557401880587, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 12.578626303069187, "error_w_gmm": 0.06197545816802328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061144883538296134}, "run_2675": {"edge_length": 800, "pf": 0.2142203125, "in_bounds_one_im": 1, "error_one_im": 0.06655288759239968, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 15.49126818852105, "error_w_gmm": 0.07367578559150664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.072688407036408}, "run_2676": {"edge_length": 800, "pf": 0.2046046875, "in_bounds_one_im": 1, "error_one_im": 0.0626978810632921, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 17.3199628070976, "error_w_gmm": 0.08480049885064068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08366403056116724}, "run_2677": {"edge_length": 800, "pf": 0.2025546875, "in_bounds_one_im": 1, "error_one_im": 0.05763913599300112, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.153505170379365, "error_w_gmm": 0.0648094795022504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06394092425422865}, "run_2678": {"edge_length": 800, "pf": 0.19721875, "in_bounds_one_im": 1, "error_one_im": 0.055885134180451594, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 14.899049089081654, "error_w_gmm": 0.07464501133228377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07364464353378827}, "run_2679": {"edge_length": 800, "pf": 0.1933328125, "in_bounds_one_im": 1, "error_one_im": 0.05760173162366153, "one_im_sa_cls": 11.510204081632653, "model_in_bounds": 1, "pred_cls": 12.05979838226518, "error_w_gmm": 0.061171930525850335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06035212450830605}, "run_2680": {"edge_length": 800, "pf": 0.195303125, "in_bounds_one_im": 1, "error_one_im": 0.05541358244841969, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 14.583934365807783, "error_w_gmm": 0.0735112809153569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07252610699761816}, "run_2681": {"edge_length": 1000, "pf": 0.203263, "in_bounds_one_im": 1, "error_one_im": 0.04395146154956454, "one_im_sa_cls": 11.326530612244898, "model_in_bounds": 1, "pred_cls": 13.953471426535284, "error_w_gmm": 0.055251056952606625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05414504086744023}, "run_2682": {"edge_length": 1000, "pf": 0.203232, "in_bounds_one_im": 1, "error_one_im": 0.052826001716354674, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 14.185665748443544, "error_w_gmm": 0.05617584507603838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055051316575068523}, "run_2683": {"edge_length": 1000, "pf": 0.202497, "in_bounds_one_im": 1, "error_one_im": 0.0487390711253954, "one_im_sa_cls": 12.53061224489796, "model_in_bounds": 1, "pred_cls": 16.99072576284341, "error_w_gmm": 0.06743708537970491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0660871292832872}, "run_2684": {"edge_length": 1000, "pf": 0.208317, "in_bounds_one_im": 1, "error_one_im": 0.050217048290197804, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.538353516165108, "error_w_gmm": 0.05668374348556895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05554904787031099}, "run_2685": {"edge_length": 1000, "pf": 0.200924, "in_bounds_one_im": 1, "error_one_im": 0.04435115540978671, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 16.23040087153211, "error_w_gmm": 0.06473473550664463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06343887507087492}, "run_2686": {"edge_length": 1000, "pf": 0.204627, "in_bounds_one_im": 1, "error_one_im": 0.0472370520897385, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 13.725269766076353, "error_w_gmm": 0.05411963243138521, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05303626521103043}, "run_2687": {"edge_length": 1000, "pf": 0.196771, "in_bounds_one_im": 1, "error_one_im": 0.047276685446629274, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 13.661313265459956, "error_w_gmm": 0.05520286137741368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054097810071643916}, "run_2688": {"edge_length": 1000, "pf": 0.200935, "in_bounds_one_im": 1, "error_one_im": 0.047460491925561905, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 11.316220893839393, "error_w_gmm": 0.04513304868833894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04422957497081855}, "run_2689": {"edge_length": 1000, "pf": 0.201658, "in_bounds_one_im": 1, "error_one_im": 0.04687638006751487, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 15.763078104670063, "error_w_gmm": 0.06272747183986184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06147179282368989}, "run_2690": {"edge_length": 1000, "pf": 0.205921, "in_bounds_one_im": 1, "error_one_im": 0.04673588950887966, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 12.5342212493302, "error_w_gmm": 0.04922762552619191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0482421865378804}, "run_2691": {"edge_length": 1000, "pf": 0.202684, "in_bounds_one_im": 1, "error_one_im": 0.04847286924631629, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 15.776858104682452, "error_w_gmm": 0.06258294866916307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06133016271893933}, "run_2692": {"edge_length": 1000, "pf": 0.199143, "in_bounds_one_im": 1, "error_one_im": 0.04628313725365486, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 14.117416272068432, "error_w_gmm": 0.05662134502210704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05548789849977309}, "run_2693": {"edge_length": 1000, "pf": 0.194347, "in_bounds_one_im": 1, "error_one_im": 0.05342455877912431, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 12.409662195557525, "error_w_gmm": 0.050532996192526214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04952142628412553}, "run_2694": {"edge_length": 1000, "pf": 0.194959, "in_bounds_one_im": 1, "error_one_im": 0.04738685880940149, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 14.866604425815977, "error_w_gmm": 0.06041977960167372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059210295986564125}, "run_2695": {"edge_length": 1000, "pf": 0.196833, "in_bounds_one_im": 1, "error_one_im": 0.04597463072285322, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 13.471677285231932, "error_w_gmm": 0.054425902409114206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053336404273977865}, "run_2696": {"edge_length": 1000, "pf": 0.212487, "in_bounds_one_im": 0, "error_one_im": 0.04127427790975376, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 0, "pred_cls": 13.222900483006493, "error_w_gmm": 0.05091191213294346, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04989275708231854}, "run_2697": {"edge_length": 1000, "pf": 0.199068, "in_bounds_one_im": 1, "error_one_im": 0.04757773910888851, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 13.973879578393987, "error_w_gmm": 0.056058837591754083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05493665134750903}, "run_2698": {"edge_length": 1000, "pf": 0.200438, "in_bounds_one_im": 1, "error_one_im": 0.04897207748961565, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 14.64482025829062, "error_w_gmm": 0.05849922114495063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05732818328387368}, "run_2699": {"edge_length": 1000, "pf": 0.206842, "in_bounds_one_im": 1, "error_one_im": 0.05059935947920236, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 13.255173509342258, "error_w_gmm": 0.05191297321325145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05087377891418272}, "run_2700": {"edge_length": 1000, "pf": 0.201589, "in_bounds_one_im": 1, "error_one_im": 0.04895611737876982, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 13.473628790329375, "error_w_gmm": 0.05362834743162631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05255481475819436}, "run_2701": {"edge_length": 1000, "pf": 0.20132, "in_bounds_one_im": 1, "error_one_im": 0.046128944614728475, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 14.393279122750316, "error_w_gmm": 0.05733669912605074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056188932639734346}, "run_2702": {"edge_length": 1000, "pf": 0.207014, "in_bounds_one_im": 1, "error_one_im": 0.04352709708116611, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 12.287123988803195, "error_w_gmm": 0.048096462804380735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04713366744017825}, "run_2703": {"edge_length": 1000, "pf": 0.201943, "in_bounds_one_im": 1, "error_one_im": 0.04961798853962539, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 13.080099614913513, "error_w_gmm": 0.052004820407664826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050963787510748274}, "run_2704": {"edge_length": 1000, "pf": 0.199374, "in_bounds_one_im": 1, "error_one_im": 0.050177258330077995, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 16.22843021263208, "error_w_gmm": 0.0650409822895491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06373899140331188}, "run_2705": {"edge_length": 1000, "pf": 0.186543, "in_bounds_one_im": 0, "error_one_im": 0.046441327414154056, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 0, "pred_cls": 11.494175466819383, "error_w_gmm": 0.04800490783978266, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04704394522356924}, "run_2706": {"edge_length": 1000, "pf": 0.203654, "in_bounds_one_im": 1, "error_one_im": 0.048011484151619974, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 13.669594149296309, "error_w_gmm": 0.05406174322077801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05297953482708867}, "run_2707": {"edge_length": 1000, "pf": 0.20965, "in_bounds_one_im": 1, "error_one_im": 0.04939368435330964, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 15.3800138437172, "error_w_gmm": 0.05972401797319923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058528462119746695}, "run_2708": {"edge_length": 1000, "pf": 0.198195, "in_bounds_one_im": 1, "error_one_im": 0.05165056446860541, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 13.69660530181565, "error_w_gmm": 0.05509738276553654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053994442931434766}, "run_2709": {"edge_length": 1000, "pf": 0.198388, "in_bounds_one_im": 1, "error_one_im": 0.051619220786068044, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 13.56120953451485, "error_w_gmm": 0.05451962089869811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05342824670611278}, "run_2710": {"edge_length": 1000, "pf": 0.200812, "in_bounds_one_im": 1, "error_one_im": 0.043089893148485506, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 13.758368482375086, "error_w_gmm": 0.054894214972140525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05379534215249744}, "run_2711": {"edge_length": 1000, "pf": 0.201198, "in_bounds_one_im": 1, "error_one_im": 0.04758105685793678, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.126578830024487, "error_w_gmm": 0.06028072303067762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059074023051081136}, "run_2712": {"edge_length": 1000, "pf": 0.204691, "in_bounds_one_im": 1, "error_one_im": 0.046597011765242176, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 12.931289946365744, "error_w_gmm": 0.050978895274591984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04995839935491972}, "run_2713": {"edge_length": 1000, "pf": 0.194955, "in_bounds_one_im": 1, "error_one_im": 0.04681848798418519, "one_im_sa_cls": 11.755102040816327, "model_in_bounds": 1, "pred_cls": 10.456007117912858, "error_w_gmm": 0.042495090198622465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04164442315454053}, "run_2714": {"edge_length": 1000, "pf": 0.197992, "in_bounds_one_im": 1, "error_one_im": 0.045243256351905806, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 14.144715093687571, "error_w_gmm": 0.056936363924419864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05579661135126429}, "run_2715": {"edge_length": 1000, "pf": 0.199032, "in_bounds_one_im": 1, "error_one_im": 0.044453699047815036, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 12.339288324020032, "error_w_gmm": 0.049506957501619105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04851592684366429}, "run_2716": {"edge_length": 1000, "pf": 0.196503, "in_bounds_one_im": 1, "error_one_im": 0.047963872693034384, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 13.875760423558098, "error_w_gmm": 0.05611698449113868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0549936342618123}, "run_2717": {"edge_length": 1000, "pf": 0.208915, "in_bounds_one_im": 1, "error_one_im": 0.04522253532340645, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 14.58500165620514, "error_w_gmm": 0.05676272569533075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05562644901358734}, "run_2718": {"edge_length": 1000, "pf": 0.198224, "in_bounds_one_im": 1, "error_one_im": 0.04657780120633312, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 13.171671095259342, "error_w_gmm": 0.052980893901659984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051920321957995674}, "run_2719": {"edge_length": 1000, "pf": 0.199545, "in_bounds_one_im": 1, "error_one_im": 0.04542376262928313, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 1, "pred_cls": 12.048075426562269, "error_w_gmm": 0.04826093251282637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04729484479272895}, "run_2720": {"edge_length": 1000, "pf": 0.1995, "in_bounds_one_im": 1, "error_one_im": 0.04551028600732558, "one_im_sa_cls": 11.591836734693878, "model_in_bounds": 1, "pred_cls": 13.109176082710873, "error_w_gmm": 0.05251877779526818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05146745649539371}, "run_2721": {"edge_length": 1200, "pf": 0.20636041666666666, "in_bounds_one_im": 1, "error_one_im": 0.04222811981364139, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 14.620370065349947, "error_w_gmm": 0.047786538989748086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046829947682862694}, "run_2722": {"edge_length": 1200, "pf": 0.19786180555555555, "in_bounds_one_im": 1, "error_one_im": 0.04087254415821825, "one_im_sa_cls": 12.428571428571429, "model_in_bounds": 1, "pred_cls": 12.400997265209284, "error_w_gmm": 0.041614911508740825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04078186388847668}, "run_2723": {"edge_length": 1200, "pf": 0.20865833333333333, "in_bounds_one_im": 0, "error_one_im": 0.036611204603481697, "one_im_sa_cls": 11.510204081632653, "model_in_bounds": 0, "pred_cls": 11.08134160695466, "error_w_gmm": 0.03596708509275047, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035247095705339175}, "run_2724": {"edge_length": 1200, "pf": 0.19985555555555556, "in_bounds_one_im": 1, "error_one_im": 0.039283678149635765, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 17.614588248660393, "error_w_gmm": 0.058741810761172984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05756591673928323}, "run_2725": {"edge_length": 1200, "pf": 0.19649097222222223, "in_bounds_one_im": 1, "error_one_im": 0.040375848940348395, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 13.690959729268332, "error_w_gmm": 0.04614309512537068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04521940229046617}, "run_2726": {"edge_length": 1200, "pf": 0.19392569444444444, "in_bounds_one_im": 1, "error_one_im": 0.04240579561829366, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 15.664434781331902, "error_w_gmm": 0.05322716554669374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052161663735335435}, "run_2727": {"edge_length": 1200, "pf": 0.20208958333333332, "in_bounds_one_im": 1, "error_one_im": 0.04040226409278835, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 14.731866261768339, "error_w_gmm": 0.04878784331492244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04781120789031565}, "run_2728": {"edge_length": 1200, "pf": 0.19996458333333333, "in_bounds_one_im": 1, "error_one_im": 0.03887025457657843, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 13.647773908992113, "error_w_gmm": 0.045497615295747876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04458684368106228}, "run_2729": {"edge_length": 1200, "pf": 0.20591666666666666, "in_bounds_one_im": 1, "error_one_im": 0.03907800524483159, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 12.633411909998314, "error_w_gmm": 0.04134820843286818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040520499676838476}, "run_2730": {"edge_length": 1200, "pf": 0.20174375, "in_bounds_one_im": 1, "error_one_im": 0.039185858418091586, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 15.24147354321875, "error_w_gmm": 0.05052971228107871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04951820811004277}, "run_2731": {"edge_length": 1200, "pf": 0.20454791666666666, "in_bounds_one_im": 1, "error_one_im": 0.03871645109327289, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 17.481443979502306, "error_w_gmm": 0.057456019339331706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05630586430006342}, "run_2732": {"edge_length": 1200, "pf": 0.20499027777777779, "in_bounds_one_im": 1, "error_one_im": 0.03971419166918347, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 13.575499732654842, "error_w_gmm": 0.04455784342096162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04366588416692986}, "run_2733": {"edge_length": 1200, "pf": 0.2036263888888889, "in_bounds_one_im": 1, "error_one_im": 0.038562753080860455, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 13.464604859673576, "error_w_gmm": 0.04437963877986205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043491246827713416}, "run_2734": {"edge_length": 1200, "pf": 0.1939013888888889, "in_bounds_one_im": 1, "error_one_im": 0.03751573583779142, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 13.694216916432637, "error_w_gmm": 0.046536056591241194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04560449745067531}, "run_2735": {"edge_length": 1200, "pf": 0.20693472222222223, "in_bounds_one_im": 1, "error_one_im": 0.03778218867139671, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 11.541944877682214, "error_w_gmm": 0.03765871780845493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036904865304264366}, "run_2736": {"edge_length": 1200, "pf": 0.19617291666666667, "in_bounds_one_im": 1, "error_one_im": 0.04196845121041776, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 16.074485896037586, "error_w_gmm": 0.054231002701966916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05314540607067475}, "run_2737": {"edge_length": 1200, "pf": 0.2062986111111111, "in_bounds_one_im": 1, "error_one_im": 0.038509375677574, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 14.052381573842572, "error_w_gmm": 0.045938742368764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04501914026892087}, "run_2738": {"edge_length": 1200, "pf": 0.20130625, "in_bounds_one_im": 1, "error_one_im": 0.03963753236901002, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 14.01259146549451, "error_w_gmm": 0.046518823620703434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04558760944987498}, "run_2739": {"edge_length": 1200, "pf": 0.1978138888888889, "in_bounds_one_im": 1, "error_one_im": 0.04007322314989288, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 14.52023340571909, "error_w_gmm": 0.048733940175636335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04775838378448844}, "run_2740": {"edge_length": 1200, "pf": 0.19838472222222223, "in_bounds_one_im": 1, "error_one_im": 0.038527203834547226, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 13.153115251947199, "error_w_gmm": 0.04406626645590543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04318414759336005}, "run_2741": {"edge_length": 1200, "pf": 0.19724305555555555, "in_bounds_one_im": 1, "error_one_im": 0.042902501821703624, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.059542873679213, "error_w_gmm": 0.047272778033212795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04632647119712663}, "run_2742": {"edge_length": 1200, "pf": 0.20176458333333333, "in_bounds_one_im": 1, "error_one_im": 0.04004522448823173, "one_im_sa_cls": 12.326530612244898, "model_in_bounds": 1, "pred_cls": 14.934137778831186, "error_w_gmm": 0.04950760672477518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04851656307066621}, "run_2743": {"edge_length": 1200, "pf": 0.19413680555555557, "in_bounds_one_im": 1, "error_one_im": 0.04013608120851127, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 14.704085769368596, "error_w_gmm": 0.049930222093447496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04893071852162158}, "run_2744": {"edge_length": 1200, "pf": 0.20457430555555556, "in_bounds_one_im": 1, "error_one_im": 0.03996212825550994, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 16.946759924412753, "error_w_gmm": 0.055694164315601896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05457927810381776}, "run_2745": {"edge_length": 1200, "pf": 0.2025715277777778, "in_bounds_one_im": 1, "error_one_im": 0.03974677572206946, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 16.166281428479916, "error_w_gmm": 0.053458350213028555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05238822054523253}, "run_2746": {"edge_length": 1200, "pf": 0.20142291666666667, "in_bounds_one_im": 1, "error_one_im": 0.03776478466684441, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 10.965104880962649, "error_w_gmm": 0.03638861457893833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035660187011014116}, "run_2747": {"edge_length": 1200, "pf": 0.1925888888888889, "in_bounds_one_im": 1, "error_one_im": 0.04129123633280676, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 13.02540255979706, "error_w_gmm": 0.04444998830181933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043560188092396375}, "run_2748": {"edge_length": 1200, "pf": 0.19741111111111112, "in_bounds_one_im": 1, "error_one_im": 0.039183217489328896, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 12.239689270120625, "error_w_gmm": 0.041132008526684825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04030862766204827}, "run_2749": {"edge_length": 1200, "pf": 0.19737222222222223, "in_bounds_one_im": 1, "error_one_im": 0.045103200745510795, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.93035635582634, "error_w_gmm": 0.05354122680312544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05246943811110819}, "run_2750": {"edge_length": 1200, "pf": 0.2003090277777778, "in_bounds_one_im": 1, "error_one_im": 0.04222511664114804, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.846790122553184, "error_w_gmm": 0.04944155871092594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04845183720646874}, "run_2751": {"edge_length": 1200, "pf": 0.19395902777777776, "in_bounds_one_im": 1, "error_one_im": 0.03975119517391604, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 11.453425000625128, "error_w_gmm": 0.03891416228845859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038135178286962876}, "run_2752": {"edge_length": 1200, "pf": 0.20244583333333332, "in_bounds_one_im": 1, "error_one_im": 0.041680890328369816, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 15.394818467048772, "error_w_gmm": 0.05092710565070942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04990764645612839}, "run_2753": {"edge_length": 1200, "pf": 0.19449305555555554, "in_bounds_one_im": 1, "error_one_im": 0.04063312106512923, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 14.102028246692145, "error_w_gmm": 0.047831381501483326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04687389253685138}, "run_2754": {"edge_length": 1200, "pf": 0.1928013888888889, "in_bounds_one_im": 1, "error_one_im": 0.042558908244075086, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 13.86345446852908, "error_w_gmm": 0.047277590425283435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0463311872546956}, "run_2755": {"edge_length": 1200, "pf": 0.19160763888888888, "in_bounds_one_im": 0, "error_one_im": 0.040326520433585845, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 0, "pred_cls": 10.274632702316438, "error_w_gmm": 0.03517383695718169, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.034469726817079965}, "run_2756": {"edge_length": 1200, "pf": 0.20512777777777777, "in_bounds_one_im": 1, "error_one_im": 0.040681679780249835, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 16.290013823820882, "error_w_gmm": 0.05344494383729791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052375082538434974}, "run_2757": {"edge_length": 1200, "pf": 0.20084722222222223, "in_bounds_one_im": 1, "error_one_im": 0.04042558711675023, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 14.38610757325279, "error_w_gmm": 0.047827099637918674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04686969638766461}, "run_2758": {"edge_length": 1200, "pf": 0.18862708333333333, "in_bounds_one_im": 0, "error_one_im": 0.03975088832476409, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 0, "pred_cls": 14.206768963222503, "error_w_gmm": 0.04910800554615039, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04812496111152405}, "run_2759": {"edge_length": 1200, "pf": 0.2042, "in_bounds_one_im": 1, "error_one_im": 0.0367838066711519, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 12.283660200659437, "error_w_gmm": 0.040415749986562846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039606707190919146}, "run_2760": {"edge_length": 1200, "pf": 0.20227430555555556, "in_bounds_one_im": 1, "error_one_im": 0.04183543356363539, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 16.481053388021813, "error_w_gmm": 0.05454942119332943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05345745045821584}, "run_2761": {"edge_length": 1400, "pf": 0.20064948979591837, "in_bounds_one_im": 1, "error_one_im": 0.03615453927192426, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 13.143517474239422, "error_w_gmm": 0.03672732016648165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036726645293354857}, "run_2762": {"edge_length": 1400, "pf": 0.20196632653061225, "in_bounds_one_im": 1, "error_one_im": 0.03543885569998601, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 14.235802834801426, "error_w_gmm": 0.0396169580339823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03961623006308172}, "run_2763": {"edge_length": 1400, "pf": 0.1995826530612245, "in_bounds_one_im": 1, "error_one_im": 0.03232728809156251, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 13.914951307351625, "error_w_gmm": 0.039012751107303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039012034238846374}, "run_2764": {"edge_length": 1400, "pf": 0.19501275510204083, "in_bounds_one_im": 1, "error_one_im": 0.034190248758053224, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 14.275175760501789, "error_w_gmm": 0.04060434323743884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040603597123103394}, "run_2765": {"edge_length": 1400, "pf": 0.20218826530612244, "in_bounds_one_im": 1, "error_one_im": 0.03479018087576468, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 14.212033143950713, "error_w_gmm": 0.039523598981066735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039522872725660664}, "run_2766": {"edge_length": 1400, "pf": 0.19813061224489795, "in_bounds_one_im": 1, "error_one_im": 0.03678578054142801, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 14.77757736945238, "error_w_gmm": 0.04162050101191955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04161973622544651}, "run_2767": {"edge_length": 1400, "pf": 0.20333928571428572, "in_bounds_one_im": 1, "error_one_im": 0.03630655625581775, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 15.96357404724574, "error_w_gmm": 0.04423685267613417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04423603981358527}, "run_2768": {"edge_length": 1400, "pf": 0.20517755102040816, "in_bounds_one_im": 1, "error_one_im": 0.0354270235709869, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 14.5106873182047, "error_w_gmm": 0.03998399284383819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039983258128586774}, "run_2769": {"edge_length": 1400, "pf": 0.20308163265306123, "in_bounds_one_im": 1, "error_one_im": 0.03463753619604703, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 14.982468405587213, "error_w_gmm": 0.041551145527618766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041550382015569036}, "run_2770": {"edge_length": 1400, "pf": 0.1986076530612245, "in_bounds_one_im": 1, "error_one_im": 0.035812378893517016, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 12.926347942750315, "error_w_gmm": 0.036352014517703105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0363513465409058}, "run_2771": {"edge_length": 1400, "pf": 0.2014265306122449, "in_bounds_one_im": 1, "error_one_im": 0.034189877909495334, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 12.206239879334278, "error_w_gmm": 0.034025854366526435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0340252291334678}, "run_2772": {"edge_length": 1400, "pf": 0.2004173469387755, "in_bounds_one_im": 1, "error_one_im": 0.033042018225614624, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 14.706442189375013, "error_w_gmm": 0.04112441026811334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041123654597424134}, "run_2773": {"edge_length": 1400, "pf": 0.20487551020408162, "in_bounds_one_im": 1, "error_one_im": 0.04024413137064193, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 16.170757331787023, "error_w_gmm": 0.04459959720462025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044598777676555526}, "run_2774": {"edge_length": 1400, "pf": 0.19891122448979592, "in_bounds_one_im": 1, "error_one_im": 0.03434483826621195, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 13.5057721136095, "error_w_gmm": 0.037945312256036375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03794461500201913}, "run_2775": {"edge_length": 1400, "pf": 0.1944923469387755, "in_bounds_one_im": 1, "error_one_im": 0.03546805614884094, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 15.068399720377815, "error_w_gmm": 0.04293176514424508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04293097626298597}, "run_2776": {"edge_length": 1400, "pf": 0.19989030612244899, "in_bounds_one_im": 1, "error_one_im": 0.036811943114255806, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.233117247456924, "error_w_gmm": 0.03986639469743857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03986566214308068}, "run_2777": {"edge_length": 1400, "pf": 0.1997341836734694, "in_bounds_one_im": 1, "error_one_im": 0.03625802690085658, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 12.7592897742762, "error_w_gmm": 0.03575571525578629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03575505823612777}, "run_2778": {"edge_length": 1400, "pf": 0.19882704081632652, "in_bounds_one_im": 1, "error_one_im": 0.03704946237037034, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.768477715562643, "error_w_gmm": 0.04431423141486155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044313417130460234}, "run_2779": {"edge_length": 1400, "pf": 0.19791479591836736, "in_bounds_one_im": 1, "error_one_im": 0.03376239119926236, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 13.869271467489163, "error_w_gmm": 0.039088842078865295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039088123812219246}, "run_2780": {"edge_length": 1400, "pf": 0.2072734693877551, "in_bounds_one_im": 0, "error_one_im": 0.03223959865286766, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 15.008122365558439, "error_w_gmm": 0.041090765864142745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04109001081167732}, "run_2781": {"edge_length": 1400, "pf": 0.19459591836734694, "in_bounds_one_im": 1, "error_one_im": 0.03493321019401362, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.036358785715317, "error_w_gmm": 0.0428263207518232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0428255338081295}, "run_2782": {"edge_length": 1400, "pf": 0.20772091836734694, "in_bounds_one_im": 0, "error_one_im": 0.03386972294574773, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 14.60572829894897, "error_w_gmm": 0.03993468203717215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03993394822801841}, "run_2783": {"edge_length": 1400, "pf": 0.19607397959183673, "in_bounds_one_im": 1, "error_one_im": 0.03488504989433044, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 11.821542088441497, "error_w_gmm": 0.03351199090442375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03351137511372676}, "run_2784": {"edge_length": 1400, "pf": 0.2046658163265306, "in_bounds_one_im": 1, "error_one_im": 0.03418730250632086, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 14.565917582925557, "error_w_gmm": 0.04019925943489651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04019852076407099}, "run_2785": {"edge_length": 1400, "pf": 0.20388214285714285, "in_bounds_one_im": 1, "error_one_im": 0.03280191475520623, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 12.464428231232164, "error_w_gmm": 0.034482558759962666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03448192513485355}, "run_2786": {"edge_length": 1400, "pf": 0.20355969387755102, "in_bounds_one_im": 1, "error_one_im": 0.03571673687567509, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 13.385692006341408, "error_w_gmm": 0.03706803671168464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03706735557781147}, "run_2787": {"edge_length": 1400, "pf": 0.19869744897959182, "in_bounds_one_im": 1, "error_one_im": 0.03471214625484506, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 14.01491391051448, "error_w_gmm": 0.03940221051929637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03940148649443176}, "run_2788": {"edge_length": 1400, "pf": 0.1975188775510204, "in_bounds_one_im": 1, "error_one_im": 0.03178894837100763, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 11.335497875318234, "error_w_gmm": 0.03198760640149455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03198701862172055}, "run_2789": {"edge_length": 1400, "pf": 0.19917653061224488, "in_bounds_one_im": 1, "error_one_im": 0.03305590890368982, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 12.429719536519036, "error_w_gmm": 0.034893029656658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03489238848904984}, "run_2790": {"edge_length": 1400, "pf": 0.19872602040816326, "in_bounds_one_im": 1, "error_one_im": 0.03402058840765984, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 14.323625940364833, "error_w_gmm": 0.040266525654748725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04026578574789064}, "run_2791": {"edge_length": 1400, "pf": 0.19649234693877551, "in_bounds_one_im": 1, "error_one_im": 0.033567754981419076, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 14.902693391697598, "error_w_gmm": 0.04219053095187112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04218975569096419}, "run_2792": {"edge_length": 1400, "pf": 0.21034438775510203, "in_bounds_one_im": 0, "error_one_im": 0.0343217215417135, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 0, "pred_cls": 14.780437211533215, "error_w_gmm": 0.04009301488260883, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.040092278164051844}, "run_2793": {"edge_length": 1400, "pf": 0.19728928571428572, "in_bounds_one_im": 1, "error_one_im": 0.0372292487778974, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.483755843116086, "error_w_gmm": 0.04372523274419884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04372442928278633}, "run_2794": {"edge_length": 1400, "pf": 0.2008561224489796, "in_bounds_one_im": 1, "error_one_im": 0.03134415858243474, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 14.35327314630138, "error_w_gmm": 0.04008195872277729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04008122220737992}, "run_2795": {"edge_length": 1400, "pf": 0.19888724489795917, "in_bounds_one_im": 1, "error_one_im": 0.03251250197693977, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 1, "pred_cls": 12.719640399803305, "error_w_gmm": 0.03573931518141409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035738658463110806}, "run_2796": {"edge_length": 1400, "pf": 0.19737755102040816, "in_bounds_one_im": 1, "error_one_im": 0.034395773441743736, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 12.422657635052955, "error_w_gmm": 0.035071094959569483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03507045051996958}, "run_2797": {"edge_length": 1400, "pf": 0.19423214285714285, "in_bounds_one_im": 1, "error_one_im": 0.036428620651575816, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 13.948433103994619, "error_w_gmm": 0.03977387260062575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03977314174638307}, "run_2798": {"edge_length": 1400, "pf": 0.20193571428571427, "in_bounds_one_im": 1, "error_one_im": 0.03464704346557728, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 12.367943676937214, "error_w_gmm": 0.0344221430486909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034421510533734614}, "run_2799": {"edge_length": 1400, "pf": 0.1974734693877551, "in_bounds_one_im": 1, "error_one_im": 0.032081487124985396, "one_im_sa_cls": 11.36734693877551, "model_in_bounds": 1, "pred_cls": 12.808571951878935, "error_w_gmm": 0.03614964769096863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03614898343270917}, "run_2800": {"edge_length": 1400, "pf": 0.19630561224489795, "in_bounds_one_im": 1, "error_one_im": 0.03537972943149935, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 14.987885909300948, "error_w_gmm": 0.04245682600845675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04245604585431569}}, "blobs_200.0_0.3": {"true_cls": 14.224489795918368, "true_pf": 0.30015157990633895, "run_2801": {"edge_length": 600, "pf": 0.29520555555555555, "in_bounds_one_im": 1, "error_one_im": 0.060877556771656, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 13.209282418567144, "error_w_gmm": 0.06932884670279647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06667223887835666}, "run_2802": {"edge_length": 600, "pf": 0.29383055555555554, "in_bounds_one_im": 1, "error_one_im": 0.06149272079587749, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 16.503011897468, "error_w_gmm": 0.08690304076298455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08357300847428596}, "run_2803": {"edge_length": 600, "pf": 0.2990527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05991114241261167, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 13.943020856083328, "error_w_gmm": 0.07250891279380241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06973044821187448}, "run_2804": {"edge_length": 600, "pf": 0.2803361111111111, "in_bounds_one_im": 0, "error_one_im": 0.06536985418247887, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 0, "pred_cls": 12.267918030490295, "error_w_gmm": 0.06676701743204039, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06420857618629404}, "run_2805": {"edge_length": 600, "pf": 0.28558055555555556, "in_bounds_one_im": 1, "error_one_im": 0.06041818833954126, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 14.783318729068244, "error_w_gmm": 0.07942368511880224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07638025380027808}, "run_2806": {"edge_length": 600, "pf": 0.2975138888888889, "in_bounds_one_im": 1, "error_one_im": 0.06873667647398696, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 16.015421288946882, "error_w_gmm": 0.08359290024077667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08038970902371728}, "run_2807": {"edge_length": 600, "pf": 0.2977722222222222, "in_bounds_one_im": 1, "error_one_im": 0.05651148889273308, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 12.375428171772455, "error_w_gmm": 0.06455396499004273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062080325565081196}, "run_2808": {"edge_length": 600, "pf": 0.3142, "in_bounds_one_im": 1, "error_one_im": 0.06007949114314513, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 14.985187847607788, "error_w_gmm": 0.07520100050595792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07231937798011015}, "run_2809": {"edge_length": 600, "pf": 0.3182611111111111, "in_bounds_one_im": 0, "error_one_im": 0.05551754763941786, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 15.660790522226455, "error_w_gmm": 0.07785682775702084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0748734367496378}, "run_2810": {"edge_length": 600, "pf": 0.2923861111111111, "in_bounds_one_im": 1, "error_one_im": 0.05766275085696943, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 17.066970793353544, "error_w_gmm": 0.09018660265118293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08673074775589144}, "run_2811": {"edge_length": 600, "pf": 0.31356388888888886, "in_bounds_one_im": 1, "error_one_im": 0.05444736646374614, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 14.648574585123878, "error_w_gmm": 0.07362040189991971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07079934623510896}, "run_2812": {"edge_length": 600, "pf": 0.29486111111111113, "in_bounds_one_im": 1, "error_one_im": 0.06340221944966054, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 12.651687703185976, "error_w_gmm": 0.0664573202011574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06391074622460566}, "run_2813": {"edge_length": 600, "pf": 0.30343611111111113, "in_bounds_one_im": 1, "error_one_im": 0.06322981920204271, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 16.557318545766357, "error_w_gmm": 0.08521236669869918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08194711924577051}, "run_2814": {"edge_length": 600, "pf": 0.31154166666666666, "in_bounds_one_im": 1, "error_one_im": 0.06887574767052851, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 17.509256085860557, "error_w_gmm": 0.08841261438118216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08502473683359923}, "run_2815": {"edge_length": 600, "pf": 0.2917, "in_bounds_one_im": 1, "error_one_im": 0.06690014118640526, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 15.826691391039889, "error_w_gmm": 0.0837715049424917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0805614697828221}, "run_2816": {"edge_length": 600, "pf": 0.27205833333333335, "in_bounds_one_im": 0, "error_one_im": 0.06913648430553382, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 0, "pred_cls": 6.400709038095682, "error_w_gmm": 0.03556404372540946, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03420126731525701}, "run_2817": {"edge_length": 600, "pf": 0.30817222222222224, "in_bounds_one_im": 1, "error_one_im": 0.05843309357525663, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 10.827714294092287, "error_w_gmm": 0.055106752411054505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05299512014545142}, "run_2818": {"edge_length": 600, "pf": 0.29581944444444447, "in_bounds_one_im": 1, "error_one_im": 0.05996501838929694, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 10.603264211662704, "error_w_gmm": 0.0555691835931207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05343983145541592}, "run_2819": {"edge_length": 600, "pf": 0.29155277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06120842641525095, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 14.5549550406228, "error_w_gmm": 0.077067594671703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07411444623850777}, "run_2820": {"edge_length": 600, "pf": 0.3063472222222222, "in_bounds_one_im": 1, "error_one_im": 0.05226399160436016, "one_im_sa_cls": 10.63265306122449, "model_in_bounds": 1, "pred_cls": 16.596065317262095, "error_w_gmm": 0.08482717503690804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08157668771964136}, "run_2821": {"edge_length": 600, "pf": 0.31077777777777776, "in_bounds_one_im": 1, "error_one_im": 0.06512672767522552, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 15.118675063711553, "error_w_gmm": 0.07647758540829719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07354704550387758}, "run_2822": {"edge_length": 600, "pf": 0.301475, "in_bounds_one_im": 1, "error_one_im": 0.06474209734225728, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.15037616691259, "error_w_gmm": 0.07316427734656508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0703606998905373}, "run_2823": {"edge_length": 600, "pf": 0.28907777777777777, "in_bounds_one_im": 1, "error_one_im": 0.06523625796655669, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 11.39563539515819, "error_w_gmm": 0.06070270073650323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05837663767025132}, "run_2824": {"edge_length": 600, "pf": 0.29060277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06624494401738888, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 16.604363228853746, "error_w_gmm": 0.08812169935487713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0847449693623436}, "run_2825": {"edge_length": 600, "pf": 0.29336111111111113, "in_bounds_one_im": 1, "error_one_im": 0.059699964119313095, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 18.125128624788616, "error_w_gmm": 0.09555300967301587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0918915197562096}, "run_2826": {"edge_length": 600, "pf": 0.30290833333333333, "in_bounds_one_im": 1, "error_one_im": 0.07028698266941426, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 12.761027272687965, "error_w_gmm": 0.06575681186685425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06323708062619818}, "run_2827": {"edge_length": 600, "pf": 0.302525, "in_bounds_one_im": 1, "error_one_im": 0.06771900468551494, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 15.932085464073541, "error_w_gmm": 0.08217166606843926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07902293503645651}, "run_2828": {"edge_length": 600, "pf": 0.3048194444444444, "in_bounds_one_im": 1, "error_one_im": 0.05809035737368452, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 11.291698275652525, "error_w_gmm": 0.057923195985580996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05570364059139541}, "run_2829": {"edge_length": 600, "pf": 0.30257222222222224, "in_bounds_one_im": 1, "error_one_im": 0.06852113092195959, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 16.4520260922196, "error_w_gmm": 0.08484382895794487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08159270348009934}, "run_2830": {"edge_length": 600, "pf": 0.28489444444444445, "in_bounds_one_im": 1, "error_one_im": 0.06062555659351343, "one_im_sa_cls": 11.714285714285714, "model_in_bounds": 0, "pred_cls": 7.0405964279988345, "error_w_gmm": 0.037889451119099644, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.036437567565660044}, "run_2831": {"edge_length": 600, "pf": 0.30210555555555557, "in_bounds_one_im": 1, "error_one_im": 0.06707709793181574, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 13.547901825155023, "error_w_gmm": 0.06994446179727241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06726426425578683}, "run_2832": {"edge_length": 600, "pf": 0.2907722222222222, "in_bounds_one_im": 1, "error_one_im": 0.06476010675304443, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 15.870744778509328, "error_w_gmm": 0.08419368061725484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08096746813379864}, "run_2833": {"edge_length": 600, "pf": 0.3038666666666667, "in_bounds_one_im": 1, "error_one_im": 0.06508263969974283, "one_im_sa_cls": 13.16326530612245, "model_in_bounds": 1, "pred_cls": 20.104400797549825, "error_w_gmm": 0.103362164408394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09940143597026622}, "run_2834": {"edge_length": 600, "pf": 0.3015138888888889, "in_bounds_one_im": 1, "error_one_im": 0.06392438175087324, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 18.94946042472482, "error_w_gmm": 0.0979688142641145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09421475327935797}, "run_2835": {"edge_length": 600, "pf": 0.29060277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06437008711123635, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 16.94533208826028, "error_w_gmm": 0.08993126921936823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08648519843018931}, "run_2836": {"edge_length": 600, "pf": 0.3042888888888889, "in_bounds_one_im": 1, "error_one_im": 0.061892860409761115, "one_im_sa_cls": 12.53061224489796, "model_in_bounds": 1, "pred_cls": 13.295154922142745, "error_w_gmm": 0.0682858314982271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06566919090943671}, "run_2837": {"edge_length": 600, "pf": 0.3072861111111111, "in_bounds_one_im": 1, "error_one_im": 0.06546120432289677, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 16.24130640107389, "error_w_gmm": 0.08283086922797347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0796568782305535}, "run_2838": {"edge_length": 600, "pf": 0.2860388888888889, "in_bounds_one_im": 1, "error_one_im": 0.05866521855701858, "one_im_sa_cls": 11.36734693877551, "model_in_bounds": 1, "pred_cls": 16.509032029379167, "error_w_gmm": 0.08859559404663608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08520070491247594}, "run_2839": {"edge_length": 600, "pf": 0.2868722222222222, "in_bounds_one_im": 1, "error_one_im": 0.06001727828138823, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 15.005784001085635, "error_w_gmm": 0.08036443501722072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07728495516104103}, "run_2840": {"edge_length": 600, "pf": 0.3068888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06251672203165082, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 18.020450849771397, "error_w_gmm": 0.09199035134287102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08846537871209781}, "run_2841": {"edge_length": 800, "pf": 0.2985078125, "in_bounds_one_im": 1, "error_one_im": 0.04828765796032762, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 13.972559918256469, "error_w_gmm": 0.05318966769007667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052476837323785115}, "run_2842": {"edge_length": 800, "pf": 0.3011671875, "in_bounds_one_im": 1, "error_one_im": 0.04455543700479298, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 14.022956382522967, "error_w_gmm": 0.05304447173981169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05233358724171047}, "run_2843": {"edge_length": 800, "pf": 0.290240625, "in_bounds_one_im": 1, "error_one_im": 0.04792906612760147, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 15.525354641582151, "error_w_gmm": 0.060288673158625905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059480704264717646}, "run_2844": {"edge_length": 800, "pf": 0.2967984375, "in_bounds_one_im": 1, "error_one_im": 0.042405553014117595, "one_im_sa_cls": 11.244897959183673, "model_in_bounds": 1, "pred_cls": 12.790830797894705, "error_w_gmm": 0.04889062513015544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04823540911296164}, "run_2845": {"edge_length": 800, "pf": 0.3018046875, "in_bounds_one_im": 1, "error_one_im": 0.0427389465793489, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 13.930638477296359, "error_w_gmm": 0.05261556322481601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05191042681703235}, "run_2846": {"edge_length": 800, "pf": 0.2940578125, "in_bounds_one_im": 1, "error_one_im": 0.04593935829483727, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 15.02035747489672, "error_w_gmm": 0.057791797662022824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057017291069199096}, "run_2847": {"edge_length": 800, "pf": 0.2812375, "in_bounds_one_im": 0, "error_one_im": 0.05147590400273085, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 0, "pred_cls": 15.11315921292835, "error_w_gmm": 0.05999693663470723, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05919287749737837}, "run_2848": {"edge_length": 800, "pf": 0.29561875, "in_bounds_one_im": 1, "error_one_im": 0.04669337909336449, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 17.177855317037736, "error_w_gmm": 0.06584526862819749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06496283207626627}, "run_2849": {"edge_length": 800, "pf": 0.30111875, "in_bounds_one_im": 1, "error_one_im": 0.049968769910955946, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 16.032097322940515, "error_w_gmm": 0.060651404696252305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059838574594029414}, "run_2850": {"edge_length": 800, "pf": 0.30245, "in_bounds_one_im": 1, "error_one_im": 0.04381256849372973, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 9.656576489836345, "error_w_gmm": 0.036416800750192636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03592875480921813}, "run_2851": {"edge_length": 800, "pf": 0.31285625, "in_bounds_one_im": 1, "error_one_im": 0.044533607655874136, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 16.046487708767156, "error_w_gmm": 0.059053969904993606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05826254809646442}, "run_2852": {"edge_length": 800, "pf": 0.29695, "in_bounds_one_im": 1, "error_one_im": 0.04969880925246224, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 12.865049188109625, "error_w_gmm": 0.04915646235726478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048497683677317056}, "run_2853": {"edge_length": 800, "pf": 0.29315625, "in_bounds_one_im": 1, "error_one_im": 0.047514435992817565, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 14.881877748922491, "error_w_gmm": 0.0573835738823555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056614538169855504}, "run_2854": {"edge_length": 800, "pf": 0.3006171875, "in_bounds_one_im": 1, "error_one_im": 0.046596554869606704, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 15.924845067472326, "error_w_gmm": 0.06031752566692075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05950917010122183}, "run_2855": {"edge_length": 800, "pf": 0.306421875, "in_bounds_one_im": 1, "error_one_im": 0.04633728105340993, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 11.869210045631018, "error_w_gmm": 0.04434323305585515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04374895968596054}, "run_2856": {"edge_length": 800, "pf": 0.304940625, "in_bounds_one_im": 1, "error_one_im": 0.049216749718382795, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 15.85266917831945, "error_w_gmm": 0.05943242271826006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05863592901007026}, "run_2857": {"edge_length": 800, "pf": 0.30440625, "in_bounds_one_im": 1, "error_one_im": 0.045575389527306734, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.272701854940422, "error_w_gmm": 0.04982279874806165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04915509004778954}, "run_2858": {"edge_length": 800, "pf": 0.300296875, "in_bounds_one_im": 1, "error_one_im": 0.04556358163468178, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 16.11248759345225, "error_w_gmm": 0.06107476777103285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0602562638966514}, "run_2859": {"edge_length": 800, "pf": 0.3043390625, "in_bounds_one_im": 1, "error_one_im": 0.04452431825746606, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 13.22472303430532, "error_w_gmm": 0.04965057391927301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04898517331929773}, "run_2860": {"edge_length": 800, "pf": 0.3064328125, "in_bounds_one_im": 1, "error_one_im": 0.045358216728980306, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 14.040412715545518, "error_w_gmm": 0.05245347167735299, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051750507566975426}, "run_2861": {"edge_length": 800, "pf": 0.3116046875, "in_bounds_one_im": 1, "error_one_im": 0.04830502839763788, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 16.0037327362558, "error_w_gmm": 0.0590685049880819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05827688838516789}, "run_2862": {"edge_length": 800, "pf": 0.3230765625, "in_bounds_one_im": 0, "error_one_im": 0.04356879655616932, "one_im_sa_cls": 12.285714285714286, "model_in_bounds": 0, "pred_cls": 14.938986481514057, "error_w_gmm": 0.05369772805354119, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05297808882999009}, "run_2863": {"edge_length": 800, "pf": 0.294825, "in_bounds_one_im": 1, "error_one_im": 0.04314818408712056, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 15.947880051250927, "error_w_gmm": 0.061247305683577336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06042648951305365}, "run_2864": {"edge_length": 800, "pf": 0.3020078125, "in_bounds_one_im": 1, "error_one_im": 0.043402457875504424, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 12.349306888801364, "error_w_gmm": 0.04662045451381963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04599566257374957}, "run_2865": {"edge_length": 800, "pf": 0.3079859375, "in_bounds_one_im": 1, "error_one_im": 0.04766626860544819, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 17.228428610161195, "error_w_gmm": 0.06412913941532732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06326970186054225}, "run_2866": {"edge_length": 800, "pf": 0.3046859375, "in_bounds_one_im": 1, "error_one_im": 0.04418574597321419, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 14.197894452077389, "error_w_gmm": 0.05326058994219212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05254680909929217}, "run_2867": {"edge_length": 800, "pf": 0.3075890625, "in_bounds_one_im": 1, "error_one_im": 0.04861088696802679, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 11.825440899131245, "error_w_gmm": 0.04405869054022879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04346823051518943}, "run_2868": {"edge_length": 800, "pf": 0.290925, "in_bounds_one_im": 1, "error_one_im": 0.04597617996681524, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 17.308579806451398, "error_w_gmm": 0.0671018862008524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06620260887507347}, "run_2869": {"edge_length": 800, "pf": 0.303396875, "in_bounds_one_im": 1, "error_one_im": 0.04954809138357331, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 15.917316925977843, "error_w_gmm": 0.059892818223007065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05909015444625807}, "run_2870": {"edge_length": 800, "pf": 0.30591875, "in_bounds_one_im": 1, "error_one_im": 0.04330439513896517, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 14.628242838384974, "error_w_gmm": 0.054715704759190124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053982422947905825}, "run_2871": {"edge_length": 800, "pf": 0.293525, "in_bounds_one_im": 1, "error_one_im": 0.0485581584469556, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 12.870625095623046, "error_w_gmm": 0.04958418950429851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04891967856633661}, "run_2872": {"edge_length": 800, "pf": 0.3032265625, "in_bounds_one_im": 1, "error_one_im": 0.047294298206284245, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 10.323356984569903, "error_w_gmm": 0.03885982543294597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038339038881715776}, "run_2873": {"edge_length": 800, "pf": 0.2988984375, "in_bounds_one_im": 1, "error_one_im": 0.05230116620260199, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.746518864696963, "error_w_gmm": 0.05228042452787698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05157977953826683}, "run_2874": {"edge_length": 800, "pf": 0.2951890625, "in_bounds_one_im": 1, "error_one_im": 0.04697337769045515, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 17.93498765353492, "error_w_gmm": 0.06881846740875924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06789618502834563}, "run_2875": {"edge_length": 800, "pf": 0.281984375, "in_bounds_one_im": 0, "error_one_im": 0.049466153281539554, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 17.401610535268603, "error_w_gmm": 0.06895433871846117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06803023543561172}, "run_2876": {"edge_length": 800, "pf": 0.3031875, "in_bounds_one_im": 1, "error_one_im": 0.04525209347407922, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 14.227721937160329, "error_w_gmm": 0.05356183129353225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052844013313493705}, "run_2877": {"edge_length": 800, "pf": 0.2887203125, "in_bounds_one_im": 1, "error_one_im": 0.04708632631743038, "one_im_sa_cls": 12.244897959183673, "model_in_bounds": 1, "pred_cls": 13.14477551270106, "error_w_gmm": 0.05123331238648601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050546700448100175}, "run_2878": {"edge_length": 800, "pf": 0.2887828125, "in_bounds_one_im": 1, "error_one_im": 0.050217772953054546, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 13.674018884237775, "error_w_gmm": 0.053287991837392454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05257384376333939}, "run_2879": {"edge_length": 800, "pf": 0.3119546875, "in_bounds_one_im": 1, "error_one_im": 0.04752309975346757, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 19.076173836982576, "error_w_gmm": 0.07035124081656403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06940841671297054}, "run_2880": {"edge_length": 800, "pf": 0.318040625, "in_bounds_one_im": 0, "error_one_im": 0.044002205901717266, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 17.066338847950234, "error_w_gmm": 0.062057752794380604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061226075279239824}, "run_2881": {"edge_length": 1000, "pf": 0.301477, "in_bounds_one_im": 1, "error_one_im": 0.039088616728410484, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 12.89203515871017, "error_w_gmm": 0.039247747757292756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03846208603930328}, "run_2882": {"edge_length": 1000, "pf": 0.300691, "in_bounds_one_im": 1, "error_one_im": 0.037819696955804324, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 14.107962141615824, "error_w_gmm": 0.043029730428158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04216836095182848}, "run_2883": {"edge_length": 1000, "pf": 0.30281, "in_bounds_one_im": 1, "error_one_im": 0.03823693109930899, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 14.854628394946028, "error_w_gmm": 0.04507982854634806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044177420190041464}, "run_2884": {"edge_length": 1000, "pf": 0.288208, "in_bounds_one_im": 1, "error_one_im": 0.041487711744961214, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 0, "pred_cls": 13.168202055737178, "error_w_gmm": 0.04138853106092757, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.040560015126217666}, "run_2885": {"edge_length": 1000, "pf": 0.301279, "in_bounds_one_im": 1, "error_one_im": 0.03673134155911334, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 15.581077043322496, "error_w_gmm": 0.047456416196676135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04650643329041423}, "run_2886": {"edge_length": 1000, "pf": 0.298129, "in_bounds_one_im": 1, "error_one_im": 0.038051364775851235, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 14.948172918103156, "error_w_gmm": 0.04587168003508217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04495342038955313}, "run_2887": {"edge_length": 1000, "pf": 0.30072, "in_bounds_one_im": 1, "error_one_im": 0.03806107040451574, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 14.53327247991141, "error_w_gmm": 0.04432388393820456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043436608086907115}, "run_2888": {"edge_length": 1000, "pf": 0.300558, "in_bounds_one_im": 1, "error_one_im": 0.0374045292232788, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 15.404706674951333, "error_w_gmm": 0.04699970547394966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04605886500646574}, "run_2889": {"edge_length": 1000, "pf": 0.299498, "in_bounds_one_im": 1, "error_one_im": 0.03676496945510399, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.388755831921781, "error_w_gmm": 0.047069678403296275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04612743721717175}, "run_2890": {"edge_length": 1000, "pf": 0.299524, "in_bounds_one_im": 1, "error_one_im": 0.03615099943671568, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 12.69999662999566, "error_w_gmm": 0.03884314784817212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03806558541429094}, "run_2891": {"edge_length": 1000, "pf": 0.296959, "in_bounds_one_im": 1, "error_one_im": 0.03575775330561008, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 11.975142400908663, "error_w_gmm": 0.036851295720160486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03611360619757473}, "run_2892": {"edge_length": 1000, "pf": 0.294721, "in_bounds_one_im": 1, "error_one_im": 0.03582659299885538, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 13.544334655316106, "error_w_gmm": 0.04190468755046244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041065839191155126}, "run_2893": {"edge_length": 1000, "pf": 0.303947, "in_bounds_one_im": 1, "error_one_im": 0.03958694461898944, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 15.941396128284367, "error_w_gmm": 0.048247917582080385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047282090394967176}, "run_2894": {"edge_length": 1000, "pf": 0.316638, "in_bounds_one_im": 0, "error_one_im": 0.04142714683887274, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 0, "pred_cls": 17.505587226716248, "error_w_gmm": 0.05143403252673439, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.050404425666030615}, "run_2895": {"edge_length": 1000, "pf": 0.300589, "in_bounds_one_im": 1, "error_one_im": 0.03929321510704605, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 13.478675281289428, "error_w_gmm": 0.04112035863860993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04029721098152294}, "run_2896": {"edge_length": 1000, "pf": 0.302395, "in_bounds_one_im": 1, "error_one_im": 0.037545507189283546, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 15.192641236023576, "error_w_gmm": 0.04615096298229338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04522711264856815}, "run_2897": {"edge_length": 1000, "pf": 0.299334, "in_bounds_one_im": 1, "error_one_im": 0.03775849471256171, "one_im_sa_cls": 12.591836734693878, "model_in_bounds": 1, "pred_cls": 14.504059056730942, "error_w_gmm": 0.04438099680817261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04349257767100266}, "run_2898": {"edge_length": 1000, "pf": 0.297397, "in_bounds_one_im": 1, "error_one_im": 0.037072854902365414, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 15.21188516107478, "error_w_gmm": 0.04676271759829523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04582662115593792}, "run_2899": {"edge_length": 1000, "pf": 0.307719, "in_bounds_one_im": 1, "error_one_im": 0.037916927593086874, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 14.883757133767023, "error_w_gmm": 0.04464847403015408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04375470053188701}, "run_2900": {"edge_length": 1000, "pf": 0.304423, "in_bounds_one_im": 1, "error_one_im": 0.039179680732749744, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 14.077546093199118, "error_w_gmm": 0.04255894263488757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04170699739224288}, "run_2901": {"edge_length": 1000, "pf": 0.301994, "in_bounds_one_im": 1, "error_one_im": 0.03691230134708734, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 12.952890929738896, "error_w_gmm": 0.03938466219618905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03859625972390336}, "run_2902": {"edge_length": 1000, "pf": 0.29707, "in_bounds_one_im": 1, "error_one_im": 0.03537907687559147, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 15.06758651944061, "error_w_gmm": 0.046355399774037145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045427457023034495}, "run_2903": {"edge_length": 1000, "pf": 0.287862, "in_bounds_one_im": 0, "error_one_im": 0.03988698225056858, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 17.65533778122083, "error_w_gmm": 0.05553872911031511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05442695440167201}, "run_2904": {"edge_length": 1000, "pf": 0.305901, "in_bounds_one_im": 1, "error_one_im": 0.036693535977940915, "one_im_sa_cls": 12.428571428571429, "model_in_bounds": 1, "pred_cls": 17.08316646332485, "error_w_gmm": 0.05146578832641107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050435545777863765}, "run_2905": {"edge_length": 1000, "pf": 0.301653, "in_bounds_one_im": 1, "error_one_im": 0.043575948078777085, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 14.174153066444887, "error_w_gmm": 0.043132926522062943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042269491265527974}, "run_2906": {"edge_length": 1000, "pf": 0.295172, "in_bounds_one_im": 1, "error_one_im": 0.035911383653686894, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 14.781227595786222, "error_w_gmm": 0.04568193537710377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044767474041604825}, "run_2907": {"edge_length": 1000, "pf": 0.295278, "in_bounds_one_im": 1, "error_one_im": 0.03880654907060564, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 17.63599979714286, "error_w_gmm": 0.054490833410594304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05340003548616841}, "run_2908": {"edge_length": 1000, "pf": 0.294284, "in_bounds_one_im": 1, "error_one_im": 0.03877555305829265, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 16.9954332042708, "error_w_gmm": 0.05263733479213858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05158364021738447}, "run_2909": {"edge_length": 1000, "pf": 0.297926, "in_bounds_one_im": 1, "error_one_im": 0.04095576921190427, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 15.287048463151574, "error_w_gmm": 0.046934357841236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045994825503168746}, "run_2910": {"edge_length": 1000, "pf": 0.296423, "in_bounds_one_im": 1, "error_one_im": 0.03894654681036524, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 13.505293462662603, "error_w_gmm": 0.041613465925501365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04078044724293375}, "run_2911": {"edge_length": 1000, "pf": 0.301249, "in_bounds_one_im": 1, "error_one_im": 0.035637422947189, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 14.011015571545975, "error_w_gmm": 0.04267740709992032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04182309043469899}, "run_2912": {"edge_length": 1000, "pf": 0.30775, "in_bounds_one_im": 1, "error_one_im": 0.03683433499552959, "one_im_sa_cls": 12.53061224489796, "model_in_bounds": 1, "pred_cls": 13.242303597612832, "error_w_gmm": 0.039721531751341674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03892638582169693}, "run_2913": {"edge_length": 1000, "pf": 0.297343, "in_bounds_one_im": 1, "error_one_im": 0.03972165711039534, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.955462254330692, "error_w_gmm": 0.04905487977761936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04807289881503805}, "run_2914": {"edge_length": 1000, "pf": 0.289208, "in_bounds_one_im": 1, "error_one_im": 0.04345616128371877, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.068530345482213, "error_w_gmm": 0.04724621339848965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046300438333466656}, "run_2915": {"edge_length": 1000, "pf": 0.299326, "in_bounds_one_im": 1, "error_one_im": 0.03769801677024196, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 13.16299710998268, "error_w_gmm": 0.040278247086428354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03947195682490244}, "run_2916": {"edge_length": 1000, "pf": 0.294602, "in_bounds_one_im": 1, "error_one_im": 0.035960639798981654, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.779202021865284, "error_w_gmm": 0.042643547838700904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04178990896843231}, "run_2917": {"edge_length": 1000, "pf": 0.298936, "in_bounds_one_im": 1, "error_one_im": 0.036446740987079514, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 13.190346861858227, "error_w_gmm": 0.04039949492195451, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03959077752031985}, "run_2918": {"edge_length": 1000, "pf": 0.296051, "in_bounds_one_im": 1, "error_one_im": 0.03996817781497069, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 14.981373579209963, "error_w_gmm": 0.04620287083476426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04527798140924693}, "run_2919": {"edge_length": 1000, "pf": 0.293964, "in_bounds_one_im": 1, "error_one_im": 0.040975080858776894, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 14.650893445830977, "error_w_gmm": 0.04541093607021104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044501899600932204}, "run_2920": {"edge_length": 1000, "pf": 0.300066, "in_bounds_one_im": 1, "error_one_im": 0.036226539875297364, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 11.281234611483871, "error_w_gmm": 0.03445932590439777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03376951885207379}, "run_2921": {"edge_length": 1200, "pf": 0.2996652777777778, "in_bounds_one_im": 1, "error_one_im": 0.03200110878000558, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 14.040208308549639, "error_w_gmm": 0.03577312814980243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035057021393974416}, "run_2922": {"edge_length": 1200, "pf": 0.29690833333333333, "in_bounds_one_im": 1, "error_one_im": 0.03134056033334078, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 15.45984217239818, "error_w_gmm": 0.039650492609035186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038856768741490334}, "run_2923": {"edge_length": 1200, "pf": 0.2936798611111111, "in_bounds_one_im": 1, "error_one_im": 0.03354896861185012, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 13.41370130686921, "error_w_gmm": 0.034670578845267974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0339765429299407}, "run_2924": {"edge_length": 1200, "pf": 0.2921486111111111, "in_bounds_one_im": 1, "error_one_im": 0.03637122379724626, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 12.935128985874421, "error_w_gmm": 0.033557426268341704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03288567344990413}, "run_2925": {"edge_length": 1200, "pf": 0.29283472222222223, "in_bounds_one_im": 1, "error_one_im": 0.03429082493929037, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 16.946703409125732, "error_w_gmm": 0.0438917763026869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043013150385377466}, "run_2926": {"edge_length": 1200, "pf": 0.2922423611111111, "in_bounds_one_im": 1, "error_one_im": 0.033613711596306085, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 16.196497510792977, "error_w_gmm": 0.04200882718425546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04116789415695391}, "run_2927": {"edge_length": 1200, "pf": 0.30445555555555553, "in_bounds_one_im": 1, "error_one_im": 0.03123654171198603, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 15.817138806131998, "error_w_gmm": 0.039845306044430734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03904768240003022}, "run_2928": {"edge_length": 1200, "pf": 0.31014166666666665, "in_bounds_one_im": 0, "error_one_im": 0.031219813754424345, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 14.07564562790478, "error_w_gmm": 0.034987827222948485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03428744062714454}, "run_2929": {"edge_length": 1200, "pf": 0.3017722222222222, "in_bounds_one_im": 1, "error_one_im": 0.0300666047901172, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 15.043094216711182, "error_w_gmm": 0.03813685327230892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03737342944870706}, "run_2930": {"edge_length": 1200, "pf": 0.3028909722222222, "in_bounds_one_im": 1, "error_one_im": 0.03216140918087889, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 15.585770220834107, "error_w_gmm": 0.039407983051644065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038619113742293626}, "run_2931": {"edge_length": 1200, "pf": 0.3028111111111111, "in_bounds_one_im": 1, "error_one_im": 0.0315605584901266, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 15.222995080341637, "error_w_gmm": 0.038498001210129466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0377273479243166}, "run_2932": {"edge_length": 1200, "pf": 0.30646111111111113, "in_bounds_one_im": 1, "error_one_im": 0.030036222346750692, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 13.862143806892998, "error_w_gmm": 0.03475576665759464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03406002545198178}, "run_2933": {"edge_length": 1200, "pf": 0.30709305555555555, "in_bounds_one_im": 1, "error_one_im": 0.0288900994768861, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 14.485789200685398, "error_w_gmm": 0.03626547496624916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035539512408043636}, "run_2934": {"edge_length": 1200, "pf": 0.29539791666666665, "in_bounds_one_im": 1, "error_one_im": 0.03093951377899838, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 11.855542038015585, "error_w_gmm": 0.03051675927529832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029905874552231634}, "run_2935": {"edge_length": 1200, "pf": 0.30040347222222225, "in_bounds_one_im": 1, "error_one_im": 0.03225012270749205, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.748789290989402, "error_w_gmm": 0.037512539808137825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036761613496287524}, "run_2936": {"edge_length": 1200, "pf": 0.29834791666666666, "in_bounds_one_im": 1, "error_one_im": 0.03128395062927943, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 14.143794851275382, "error_w_gmm": 0.03615048288781847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03542682224192782}, "run_2937": {"edge_length": 1200, "pf": 0.29383055555555554, "in_bounds_one_im": 1, "error_one_im": 0.032658318943692914, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 14.800953824863267, "error_w_gmm": 0.038242338050801065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03747680263208789}, "run_2938": {"edge_length": 1200, "pf": 0.29944027777777776, "in_bounds_one_im": 1, "error_one_im": 0.0338537137781687, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 15.991287615809444, "error_w_gmm": 0.040766146217773185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039950089187664684}, "run_2939": {"edge_length": 1200, "pf": 0.28906319444444445, "in_bounds_one_im": 0, "error_one_im": 0.03784673606167528, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 0, "pred_cls": 10.934893520049135, "error_w_gmm": 0.028581328290535873, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028009187039883046}, "run_2940": {"edge_length": 1200, "pf": 0.2920388888888889, "in_bounds_one_im": 1, "error_one_im": 0.031917600762209196, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 13.806727009151752, "error_w_gmm": 0.03582810554585652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03511089825208927}, "run_2941": {"edge_length": 1200, "pf": 0.3015902777777778, "in_bounds_one_im": 1, "error_one_im": 0.029268000085580795, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 12.368149825021536, "error_w_gmm": 0.03136894817410677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030741004327076465}, "run_2942": {"edge_length": 1200, "pf": 0.30145625, "in_bounds_one_im": 1, "error_one_im": 0.0329813767869697, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 11.681596591100737, "error_w_gmm": 0.02963709371504981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029043818143968062}, "run_2943": {"edge_length": 1200, "pf": 0.30613819444444446, "in_bounds_one_im": 1, "error_one_im": 0.03171506281782437, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 14.552748209403422, "error_w_gmm": 0.03651501619613784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035784058319663484}, "run_2944": {"edge_length": 1200, "pf": 0.30459166666666665, "in_bounds_one_im": 1, "error_one_im": 0.029362988593268958, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 14.047907129945571, "error_w_gmm": 0.03537702543128934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03466884786274234}, "run_2945": {"edge_length": 1200, "pf": 0.3067152777777778, "in_bounds_one_im": 1, "error_one_im": 0.03492944244893306, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 13.719624334591579, "error_w_gmm": 0.03437787909155963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033689702442164716}, "run_2946": {"edge_length": 1200, "pf": 0.2986875, "in_bounds_one_im": 1, "error_one_im": 0.02936877794162023, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 16.173114547237997, "error_w_gmm": 0.04130376851097998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0404769493536501}, "run_2947": {"edge_length": 1200, "pf": 0.2978340277777778, "in_bounds_one_im": 1, "error_one_im": 0.032243638739637294, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.967245261338698, "error_w_gmm": 0.03318403608626597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03251975779537943}, "run_2948": {"edge_length": 1200, "pf": 0.3075486111111111, "in_bounds_one_im": 1, "error_one_im": 0.0326103996298488, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 15.25509766575298, "error_w_gmm": 0.03815061140010116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03738691216619071}, "run_2949": {"edge_length": 1200, "pf": 0.29925625, "in_bounds_one_im": 1, "error_one_im": 0.031114197327109627, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 15.303658532859501, "error_w_gmm": 0.03903031156966661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038249002490961775}, "run_2950": {"edge_length": 1200, "pf": 0.29873125, "in_bounds_one_im": 1, "error_one_im": 0.03166389739145544, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 13.845556246922245, "error_w_gmm": 0.03535583292415985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034648079587384466}, "run_2951": {"edge_length": 1200, "pf": 0.30924097222222224, "in_bounds_one_im": 1, "error_one_im": 0.0311860138876877, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 12.48132654527851, "error_w_gmm": 0.031090253637177743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03046788869954188}, "run_2952": {"edge_length": 1200, "pf": 0.30555902777777777, "in_bounds_one_im": 1, "error_one_im": 0.031004593194765794, "one_im_sa_cls": 12.591836734693878, "model_in_bounds": 1, "pred_cls": 14.128438722913767, "error_w_gmm": 0.035498747523190335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034788133320866714}, "run_2953": {"edge_length": 1200, "pf": 0.3012930555555556, "in_bounds_one_im": 1, "error_one_im": 0.030608429447503607, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.47719677487498, "error_w_gmm": 0.03420592096586147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033521186575556076}, "run_2954": {"edge_length": 1200, "pf": 0.2934486111111111, "in_bounds_one_im": 1, "error_one_im": 0.03480901043964176, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 15.132645378593862, "error_w_gmm": 0.039135370753335307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038351958599079715}, "run_2955": {"edge_length": 1200, "pf": 0.3009777777777778, "in_bounds_one_im": 1, "error_one_im": 0.033425270771627706, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 16.210369209586094, "error_w_gmm": 0.04117370339549487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04034948788265215}, "run_2956": {"edge_length": 1200, "pf": 0.30171805555555553, "in_bounds_one_im": 1, "error_one_im": 0.03382293998877279, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 17.568290055485516, "error_w_gmm": 0.04454438824762318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043652698339355284}, "run_2957": {"edge_length": 1200, "pf": 0.30490416666666664, "in_bounds_one_im": 1, "error_one_im": 0.03014659387430939, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 15.000777451842984, "error_w_gmm": 0.037748802628049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036993146805243404}, "run_2958": {"edge_length": 1200, "pf": 0.3121777777777778, "in_bounds_one_im": 0, "error_one_im": 0.03418896246219094, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 15.900577717172578, "error_w_gmm": 0.03933677598454205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03854933209881126}, "run_2959": {"edge_length": 1200, "pf": 0.301275, "in_bounds_one_im": 1, "error_one_im": 0.029594493619451667, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 1, "pred_cls": 16.034663738147866, "error_w_gmm": 0.04069866840407218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039883962145359914}, "run_2960": {"edge_length": 1200, "pf": 0.29199444444444445, "in_bounds_one_im": 1, "error_one_im": 0.03249197696272856, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 15.270989642515538, "error_w_gmm": 0.03963208956385665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038838734088612444}, "run_2961": {"edge_length": 1400, "pf": 0.3036841836734694, "in_bounds_one_im": 1, "error_one_im": 0.026174078045800776, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 14.874783651757301, "error_w_gmm": 0.031533395404712825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03153281597117249}, "run_2962": {"edge_length": 1400, "pf": 0.29996326530612244, "in_bounds_one_im": 1, "error_one_im": 0.02732276755550419, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 16.87221033737874, "error_w_gmm": 0.036084973898286424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03608431082842321}, "run_2963": {"edge_length": 1400, "pf": 0.2976954081632653, "in_bounds_one_im": 1, "error_one_im": 0.028480352362940886, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 14.795537393412236, "error_w_gmm": 0.03181525918883041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03181467457597684}, "run_2964": {"edge_length": 1400, "pf": 0.29644948979591834, "in_bounds_one_im": 1, "error_one_im": 0.026540773455526148, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.675514401535894, "error_w_gmm": 0.029494700763637444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02949415879158959}, "run_2965": {"edge_length": 1400, "pf": 0.2976484693877551, "in_bounds_one_im": 1, "error_one_im": 0.027737447510630626, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 13.665497144241677, "error_w_gmm": 0.02938860090457223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029388060882134078}, "run_2966": {"edge_length": 1400, "pf": 0.3036270408163265, "in_bounds_one_im": 1, "error_one_im": 0.02708625946959805, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 13.869854917062172, "error_w_gmm": 0.029406997174167396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029406456813693437}, "run_2967": {"edge_length": 1400, "pf": 0.3029831632653061, "in_bounds_one_im": 1, "error_one_im": 0.028687608894155607, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 15.781484743672625, "error_w_gmm": 0.03351106901043759, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033510453236680705}, "run_2968": {"edge_length": 1400, "pf": 0.30315561224489795, "in_bounds_one_im": 1, "error_one_im": 0.026639998013182894, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 13.008524491038347, "error_w_gmm": 0.027611574463777218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02761106709461695}, "run_2969": {"edge_length": 1400, "pf": 0.3034627551020408, "in_bounds_one_im": 1, "error_one_im": 0.02744307085206713, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 12.124612362741061, "error_w_gmm": 0.025716707897708233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025716235347165686}, "run_2970": {"edge_length": 1400, "pf": 0.30065255102040817, "in_bounds_one_im": 1, "error_one_im": 0.02797519061178125, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 15.154196677825515, "error_w_gmm": 0.0323575034410475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03235690886432859}, "run_2971": {"edge_length": 1400, "pf": 0.2985188775510204, "in_bounds_one_im": 1, "error_one_im": 0.02750462405324155, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 14.168058712524502, "error_w_gmm": 0.030406083072669305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030405524353757568}, "run_2972": {"edge_length": 1400, "pf": 0.30170969387755103, "in_bounds_one_im": 1, "error_one_im": 0.02594906302627699, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 14.275866993740777, "error_w_gmm": 0.030405622774760274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03040506406430656}, "run_2973": {"edge_length": 1400, "pf": 0.3011938775510204, "in_bounds_one_im": 1, "error_one_im": 0.02820033464805806, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 14.188524049949766, "error_w_gmm": 0.030256628800061077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030256072827406742}, "run_2974": {"edge_length": 1400, "pf": 0.3044515306122449, "in_bounds_one_im": 1, "error_one_im": 0.026601694781511864, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 13.573889922356907, "error_w_gmm": 0.028723474811802024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02872294701121191}, "run_2975": {"edge_length": 1400, "pf": 0.3010311224489796, "in_bounds_one_im": 1, "error_one_im": 0.026077984212297248, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 14.485194447667467, "error_w_gmm": 0.030901217122288112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030900649305172067}, "run_2976": {"edge_length": 1400, "pf": 0.30303928571428573, "in_bounds_one_im": 1, "error_one_im": 0.029507048451754204, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 13.61765342779485, "error_w_gmm": 0.028912456699261558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02891192542608492}, "run_2977": {"edge_length": 1400, "pf": 0.30024693877551023, "in_bounds_one_im": 1, "error_one_im": 0.029441562687841018, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 15.175208710011765, "error_w_gmm": 0.032433649410448184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03243305343452924}, "run_2978": {"edge_length": 1400, "pf": 0.305390306122449, "in_bounds_one_im": 1, "error_one_im": 0.027318448421730347, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.248086786541222, "error_w_gmm": 0.03008343224649431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030082879456367104}, "run_2979": {"edge_length": 1400, "pf": 0.29675714285714283, "in_bounds_one_im": 1, "error_one_im": 0.02502581996973113, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 14.471195405208931, "error_w_gmm": 0.031187784008896324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031187210926046392}, "run_2980": {"edge_length": 1400, "pf": 0.29885204081632655, "in_bounds_one_im": 1, "error_one_im": 0.027482759869725634, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 15.080169648240636, "error_w_gmm": 0.03233783845204018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03233724423667005}, "run_2981": {"edge_length": 1400, "pf": 0.2903887755102041, "in_bounds_one_im": 0, "error_one_im": 0.026663590571179296, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 0, "pred_cls": 14.856387813113795, "error_w_gmm": 0.032513340252251416, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03251274281199442}, "run_2982": {"edge_length": 1400, "pf": 0.3045163265306122, "in_bounds_one_im": 1, "error_one_im": 0.028065676213997956, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 15.013963412515679, "error_w_gmm": 0.03176592948394618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03176534577753748}, "run_2983": {"edge_length": 1400, "pf": 0.29574795918367347, "in_bounds_one_im": 1, "error_one_im": 0.025791881231758847, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 12.772548022594917, "error_w_gmm": 0.027593625055847754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02759311801651199}, "run_2984": {"edge_length": 1400, "pf": 0.3009081632653061, "in_bounds_one_im": 1, "error_one_im": 0.02778400091528114, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 15.488000653192195, "error_w_gmm": 0.03305015682144725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03304954951705984}, "run_2985": {"edge_length": 1400, "pf": 0.2934826530612245, "in_bounds_one_im": 1, "error_one_im": 0.027750352557478274, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 15.927679505309326, "error_w_gmm": 0.03459797977642534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03459734403042794}, "run_2986": {"edge_length": 1400, "pf": 0.3014040816326531, "in_bounds_one_im": 1, "error_one_im": 0.028012269760462845, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 13.521565001221173, "error_w_gmm": 0.028819965277808657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028819435704183525}, "run_2987": {"edge_length": 1400, "pf": 0.30109183673469386, "in_bounds_one_im": 1, "error_one_im": 0.029077763759677487, "one_im_sa_cls": 13.63265306122449, "model_in_bounds": 1, "pred_cls": 15.762819472760826, "error_w_gmm": 0.03362191945729731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0336213016466374}, "run_2988": {"edge_length": 1400, "pf": 0.3033336734693878, "in_bounds_one_im": 1, "error_one_im": 0.02753805026704799, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 15.976965700499317, "error_w_gmm": 0.03389802814237812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0338974052581562}, "run_2989": {"edge_length": 1400, "pf": 0.301515306122449, "in_bounds_one_im": 1, "error_one_im": 0.027048184806619385, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 13.58957196659959, "error_w_gmm": 0.028957267539957084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028956735443370657}, "run_2990": {"edge_length": 1400, "pf": 0.29634387755102043, "in_bounds_one_im": 1, "error_one_im": 0.029893447631179692, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.743747134345767, "error_w_gmm": 0.031806667237814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031806082782839654}, "run_2991": {"edge_length": 1400, "pf": 0.30486020408163267, "in_bounds_one_im": 1, "error_one_im": 0.02549747438808704, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 13.453601414987768, "error_w_gmm": 0.028441487116128476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028440964497128463}, "run_2992": {"edge_length": 1400, "pf": 0.30123367346938773, "in_bounds_one_im": 1, "error_one_im": 0.02632652726794696, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 16.931492003923285, "error_w_gmm": 0.03610251778973613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036101854397499675}, "run_2993": {"edge_length": 1400, "pf": 0.2951785714285714, "in_bounds_one_im": 1, "error_one_im": 0.028873462003785048, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 14.501844598204109, "error_w_gmm": 0.031372448785834915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03137187230972637}, "run_2994": {"edge_length": 1400, "pf": 0.3006770408163265, "in_bounds_one_im": 1, "error_one_im": 0.02710211099788962, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 13.196746459234404, "error_w_gmm": 0.028176280897075186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028175763151301773}, "run_2995": {"edge_length": 1400, "pf": 0.296825, "in_bounds_one_im": 1, "error_one_im": 0.027440374718553463, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 13.681709520023574, "error_w_gmm": 0.02948152019935918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029480978469507233}, "run_2996": {"edge_length": 1400, "pf": 0.29897704081632653, "in_bounds_one_im": 1, "error_one_im": 0.027649561934008724, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 13.974265906104062, "error_w_gmm": 0.02995740838897154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02995685791456235}, "run_2997": {"edge_length": 1400, "pf": 0.3010647959183673, "in_bounds_one_im": 1, "error_one_im": 0.026467689100054995, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 14.952155376989841, "error_w_gmm": 0.03189483113224393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031894245057237265}, "run_2998": {"edge_length": 1400, "pf": 0.29671326530612246, "in_bounds_one_im": 1, "error_one_im": 0.02850340296346705, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 13.51335757183183, "error_w_gmm": 0.029126549307036075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029126014099857597}, "run_2999": {"edge_length": 1400, "pf": 0.2986489795918367, "in_bounds_one_im": 1, "error_one_im": 0.025788522989407016, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 15.403903514498998, "error_w_gmm": 0.033048064100573094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03304745683464003}, "run_3000": {"edge_length": 1400, "pf": 0.2901377551020408, "in_bounds_one_im": 0, "error_one_im": 0.02788646602857834, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 0, "pred_cls": 15.390631382348534, "error_w_gmm": 0.03370306423906923, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.033702444937354914}}, "blobs_200.0_0.4": {"true_cls": 14.693877551020408, "true_pf": 0.400035567781868, "run_3001": {"edge_length": 600, "pf": 0.4035222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04984702943781273, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 10.599171920279097, "error_w_gmm": 0.04377247663870758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042095161791224266}, "run_3002": {"edge_length": 600, "pf": 0.3916527777777778, "in_bounds_one_im": 1, "error_one_im": 0.04403538415015041, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 11.392825963262904, "error_w_gmm": 0.04823057054727113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04638242627274789}, "run_3003": {"edge_length": 600, "pf": 0.3975916666666667, "in_bounds_one_im": 1, "error_one_im": 0.05136909832828791, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 10.482819592636824, "error_w_gmm": 0.04382992604019724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04215040979262195}, "run_3004": {"edge_length": 600, "pf": 0.4004027777777778, "in_bounds_one_im": 1, "error_one_im": 0.04609252221503066, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 12.853444238492488, "error_w_gmm": 0.05342771003035748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05138041688675445}, "run_3005": {"edge_length": 600, "pf": 0.4055638888888889, "in_bounds_one_im": 1, "error_one_im": 0.054801631447344915, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 17.179706459759934, "error_w_gmm": 0.07064874784428507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06794156280896227}, "run_3006": {"edge_length": 600, "pf": 0.3761333333333333, "in_bounds_one_im": 0, "error_one_im": 0.048079923405190496, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 0, "pred_cls": 12.558138560376483, "error_w_gmm": 0.05493713756292471, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05283200475828366}, "run_3007": {"edge_length": 600, "pf": 0.3910638888888889, "in_bounds_one_im": 1, "error_one_im": 0.05490434355818692, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 15.658017516244062, "error_w_gmm": 0.06636889073263609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06382570527946466}, "run_3008": {"edge_length": 600, "pf": 0.3878388888888889, "in_bounds_one_im": 1, "error_one_im": 0.062145810614666966, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 20.68953295808243, "error_w_gmm": 0.08829246779403309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08490919413615386}, "run_3009": {"edge_length": 600, "pf": 0.3909222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04884611860874907, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 12.127720073015666, "error_w_gmm": 0.05142048152085544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04945010324339231}, "run_3010": {"edge_length": 600, "pf": 0.4137888888888889, "in_bounds_one_im": 1, "error_one_im": 0.04784710692494484, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 9.42922490341226, "error_w_gmm": 0.03812232524592816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036661518203106196}, "run_3011": {"edge_length": 600, "pf": 0.40747777777777777, "in_bounds_one_im": 1, "error_one_im": 0.045179085221094685, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 7.392076113522904, "error_w_gmm": 0.030278375050474576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02911813985407441}, "run_3012": {"edge_length": 600, "pf": 0.3968, "in_bounds_one_im": 1, "error_one_im": 0.054988479753414615, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 19.413443480582824, "error_w_gmm": 0.08130423869007723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07818874655460133}, "run_3013": {"edge_length": 600, "pf": 0.4175027777777778, "in_bounds_one_im": 1, "error_one_im": 0.050081245484246445, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 17.905569513939987, "error_w_gmm": 0.07184080015786193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06908793694305114}, "run_3014": {"edge_length": 600, "pf": 0.39208333333333334, "in_bounds_one_im": 1, "error_one_im": 0.05005539662831835, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.730395978063838, "error_w_gmm": 0.05807399110053618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05584865739759}, "run_3015": {"edge_length": 600, "pf": 0.38900833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05689656708241842, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 11.714400764787909, "error_w_gmm": 0.04986824057501072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04795734252314296}, "run_3016": {"edge_length": 600, "pf": 0.40210833333333335, "in_bounds_one_im": 1, "error_one_im": 0.05023760756499028, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 16.443423142874167, "error_w_gmm": 0.06810793663774489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0654981127912019}, "run_3017": {"edge_length": 600, "pf": 0.3931138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05417175607562858, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 11.243894773325252, "error_w_gmm": 0.047454451184430785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045636046980168085}, "run_3018": {"edge_length": 600, "pf": 0.3861583333333333, "in_bounds_one_im": 1, "error_one_im": 0.04883400794084683, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 9.4214430959762, "error_w_gmm": 0.040348619764755504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038802503478818896}, "run_3019": {"edge_length": 600, "pf": 0.4110416666666667, "in_bounds_one_im": 1, "error_one_im": 0.047321098272908736, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 10.005571192653472, "error_w_gmm": 0.040682443059732766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03912353501943143}, "run_3020": {"edge_length": 600, "pf": 0.4046472222222222, "in_bounds_one_im": 1, "error_one_im": 0.05749356936955437, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 11.180653088090558, "error_w_gmm": 0.04606614391756926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04430093817431193}, "run_3021": {"edge_length": 600, "pf": 0.39306944444444447, "in_bounds_one_im": 1, "error_one_im": 0.0551708720330498, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 1, "pred_cls": 21.078787761384426, "error_w_gmm": 0.08897054828527916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08556129130264666}, "run_3022": {"edge_length": 600, "pf": 0.3916222222222222, "in_bounds_one_im": 1, "error_one_im": 0.053842941003281436, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 17.37485613995736, "error_w_gmm": 0.07355970890920352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07074097893538131}, "run_3023": {"edge_length": 600, "pf": 0.3971027777777778, "in_bounds_one_im": 1, "error_one_im": 0.053064424379955136, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 13.465998670104439, "error_w_gmm": 0.0563604592639327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05420078628233179}, "run_3024": {"edge_length": 600, "pf": 0.39616944444444446, "in_bounds_one_im": 1, "error_one_im": 0.050040471664097176, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 14.935497140485273, "error_w_gmm": 0.06263289916714171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060232872945617154}, "run_3025": {"edge_length": 600, "pf": 0.40214444444444447, "in_bounds_one_im": 1, "error_one_im": 0.04901456703467775, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 16.097788424867574, "error_w_gmm": 0.06667132561977433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06411655118271282}, "run_3026": {"edge_length": 600, "pf": 0.4001138888888889, "in_bounds_one_im": 1, "error_one_im": 0.0517526518712462, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 11.88369094788303, "error_w_gmm": 0.0494264838214707, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04753251341954612}, "run_3027": {"edge_length": 600, "pf": 0.40629444444444446, "in_bounds_one_im": 1, "error_one_im": 0.051092262278352944, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 12.969513067736377, "error_w_gmm": 0.05325428555785041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05121363785597213}, "run_3028": {"edge_length": 600, "pf": 0.3890166666666667, "in_bounds_one_im": 1, "error_one_im": 0.04954342557094968, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 14.770803081962187, "error_w_gmm": 0.06287825247422235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060468824574372755}, "run_3029": {"edge_length": 600, "pf": 0.4103777777777778, "in_bounds_one_im": 1, "error_one_im": 0.04482895609012279, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 1, "pred_cls": 16.01475868863466, "error_w_gmm": 0.0652050421799399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0627064541680732}, "run_3030": {"edge_length": 600, "pf": 0.39368888888888887, "in_bounds_one_im": 1, "error_one_im": 0.06006321375421736, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 17.143535130181334, "error_w_gmm": 0.07226655357940649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06949737594534956}, "run_3031": {"edge_length": 600, "pf": 0.4350583333333333, "in_bounds_one_im": 0, "error_one_im": 0.04998672821287788, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 0, "pred_cls": 17.289533847494805, "error_w_gmm": 0.06692326470448635, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06435883622909074}, "run_3032": {"edge_length": 600, "pf": 0.3968555555555556, "in_bounds_one_im": 1, "error_one_im": 0.05144812213820282, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 15.83172371438628, "error_w_gmm": 0.06629616598725997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0637557672691459}, "run_3033": {"edge_length": 600, "pf": 0.3913861111111111, "in_bounds_one_im": 1, "error_one_im": 0.045223886737178906, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 15.925761453640819, "error_w_gmm": 0.06745811601464292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0648731926046991}, "run_3034": {"edge_length": 600, "pf": 0.41000555555555557, "in_bounds_one_im": 1, "error_one_im": 0.05006153756893178, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 15.398607826679006, "error_w_gmm": 0.06274459581866725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06034028950000377}, "run_3035": {"edge_length": 600, "pf": 0.4298361111111111, "in_bounds_one_im": 0, "error_one_im": 0.0500606819123766, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 17.826597220362604, "error_w_gmm": 0.06974011095814586, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06706774392393072}, "run_3036": {"edge_length": 600, "pf": 0.37749444444444447, "in_bounds_one_im": 0, "error_one_im": 0.05110829881209015, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 0, "pred_cls": 9.018631987049233, "error_w_gmm": 0.039338951118056464, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03783152426306355}, "run_3037": {"edge_length": 600, "pf": 0.3998083333333333, "in_bounds_one_im": 1, "error_one_im": 0.05627805014475054, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 11.299073070088928, "error_w_gmm": 0.047024875452471596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045222932134333226}, "run_3038": {"edge_length": 600, "pf": 0.41623055555555555, "in_bounds_one_im": 1, "error_one_im": 0.046659699971562614, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 19.766743719900507, "error_w_gmm": 0.0795160154048782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07646904608778517}, "run_3039": {"edge_length": 600, "pf": 0.41278888888888887, "in_bounds_one_im": 1, "error_one_im": 0.04571952800491928, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 18.135255985422503, "error_w_gmm": 0.0734721248928243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07065675104555358}, "run_3040": {"edge_length": 600, "pf": 0.4071638888888889, "in_bounds_one_im": 1, "error_one_im": 0.053735330094803545, "one_im_sa_cls": 13.63265306122449, "model_in_bounds": 1, "pred_cls": 13.940078049852147, "error_w_gmm": 0.05713650620837791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05494709593151256}, "run_3041": {"edge_length": 800, "pf": 0.417928125, "in_bounds_one_im": 0, "error_one_im": 0.03670201573190146, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 16.759263222792015, "error_w_gmm": 0.0491145487692311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04845633180135292}, "run_3042": {"edge_length": 800, "pf": 0.3900171875, "in_bounds_one_im": 1, "error_one_im": 0.039768212024770475, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 13.716734731371764, "error_w_gmm": 0.04259762576245184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04202674644520684}, "run_3043": {"edge_length": 800, "pf": 0.3912546875, "in_bounds_one_im": 1, "error_one_im": 0.037482153437098174, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 10.924364877263129, "error_w_gmm": 0.03383778786351667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033384305001811505}, "run_3044": {"edge_length": 800, "pf": 0.400346875, "in_bounds_one_im": 1, "error_one_im": 0.039774727216746526, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 14.48628357049726, "error_w_gmm": 0.0440257273285704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04343570906561124}, "run_3045": {"edge_length": 800, "pf": 0.3843953125, "in_bounds_one_im": 1, "error_one_im": 0.043469103012184276, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 0, "pred_cls": 11.289030938319414, "error_w_gmm": 0.03547613580566272, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03500069634572278}, "run_3046": {"edge_length": 800, "pf": 0.385296875, "in_bounds_one_im": 1, "error_one_im": 0.04142865467455372, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 17.944211112084837, "error_w_gmm": 0.05628297758074634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0555286916965286}, "run_3047": {"edge_length": 800, "pf": 0.3988734375, "in_bounds_one_im": 1, "error_one_im": 0.03517078384440195, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 15.009613969855762, "error_w_gmm": 0.04575648474674877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04514327144426513}, "run_3048": {"edge_length": 800, "pf": 0.415975, "in_bounds_one_im": 0, "error_one_im": 0.03317662125104737, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 15.018232064565156, "error_w_gmm": 0.04418945472680848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04359724224331117}, "run_3049": {"edge_length": 800, "pf": 0.4086421875, "in_bounds_one_im": 1, "error_one_im": 0.03458465421274144, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 15.591712060697885, "error_w_gmm": 0.04657631260828499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04595211224345995}, "run_3050": {"edge_length": 800, "pf": 0.397840625, "in_bounds_one_im": 1, "error_one_im": 0.03512362195906135, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 14.726212165229532, "error_w_gmm": 0.04498937325296677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04438644052546789}, "run_3051": {"edge_length": 800, "pf": 0.394440625, "in_bounds_one_im": 1, "error_one_im": 0.04014436352953814, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 15.500116101407357, "error_w_gmm": 0.04769141697216178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04705227234679364}, "run_3052": {"edge_length": 800, "pf": 0.4022578125, "in_bounds_one_im": 1, "error_one_im": 0.040774895087078794, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 19.475780487301822, "error_w_gmm": 0.05895454737663152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05816445799600402}, "run_3053": {"edge_length": 800, "pf": 0.4092953125, "in_bounds_one_im": 1, "error_one_im": 0.0352587529927524, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 18.70701193581154, "error_w_gmm": 0.055807038236124415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055059130733876055}, "run_3054": {"edge_length": 800, "pf": 0.4149078125, "in_bounds_one_im": 0, "error_one_im": 0.034971451818852355, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 12.71106980244441, "error_w_gmm": 0.037483158120849985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036980821210442154}, "run_3055": {"edge_length": 800, "pf": 0.3824234375, "in_bounds_one_im": 1, "error_one_im": 0.04650999121829976, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 19.05348245659995, "error_w_gmm": 0.060126405970756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05932061172812859}, "run_3056": {"edge_length": 800, "pf": 0.3892171875, "in_bounds_one_im": 1, "error_one_im": 0.040336228636979506, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 10.358412417914185, "error_w_gmm": 0.032222432679121095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03179059827430218}, "run_3057": {"edge_length": 800, "pf": 0.383825, "in_bounds_one_im": 0, "error_one_im": 0.04003727489098342, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 0, "pred_cls": 13.138449835104433, "error_w_gmm": 0.04133779076757969, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04078379534301286}, "run_3058": {"edge_length": 800, "pf": 0.3953515625, "in_bounds_one_im": 1, "error_one_im": 0.037718255382358665, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 15.010221110414976, "error_w_gmm": 0.04609613951607116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045478374272503064}, "run_3059": {"edge_length": 800, "pf": 0.391540625, "in_bounds_one_im": 1, "error_one_im": 0.03826993933375725, "one_im_sa_cls": 12.53061224489796, "model_in_bounds": 1, "pred_cls": 11.887373138554242, "error_w_gmm": 0.03679857504732274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03630541269325751}, "run_3060": {"edge_length": 800, "pf": 0.3891265625, "in_bounds_one_im": 1, "error_one_im": 0.04059450141057228, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 17.80597158088879, "error_w_gmm": 0.0554004874133169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05465802837097684}, "run_3061": {"edge_length": 800, "pf": 0.3962203125, "in_bounds_one_im": 1, "error_one_im": 0.04036552946425269, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 17.048684702746353, "error_w_gmm": 0.052261213291608814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05156082576464471}, "run_3062": {"edge_length": 800, "pf": 0.3840265625, "in_bounds_one_im": 0, "error_one_im": 0.03831049456635509, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 17.192198491361903, "error_w_gmm": 0.05406914529339762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053344528458618014}, "run_3063": {"edge_length": 800, "pf": 0.3964625, "in_bounds_one_im": 1, "error_one_im": 0.038987929714806, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 15.328950725328419, "error_w_gmm": 0.04696574635864615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046336326931266776}, "run_3064": {"edge_length": 800, "pf": 0.4130703125, "in_bounds_one_im": 1, "error_one_im": 0.03999130636499296, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 16.222807711869436, "error_w_gmm": 0.04802029187768267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04737673977940582}, "run_3065": {"edge_length": 800, "pf": 0.40965625, "in_bounds_one_im": 1, "error_one_im": 0.03817348691642784, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 17.366778728541036, "error_w_gmm": 0.05177018193103797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0510763750442586}, "run_3066": {"edge_length": 800, "pf": 0.3985765625, "in_bounds_one_im": 1, "error_one_im": 0.040044595892865756, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 14.64028527526118, "error_w_gmm": 0.04465823584213871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04405974090889761}, "run_3067": {"edge_length": 800, "pf": 0.4002109375, "in_bounds_one_im": 1, "error_one_im": 0.03856180620068168, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 14.60216574539605, "error_w_gmm": 0.044390475374624885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04379556887877072}, "run_3068": {"edge_length": 800, "pf": 0.4027375, "in_bounds_one_im": 1, "error_one_im": 0.03860316124385774, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 13.57891001771547, "error_w_gmm": 0.04106333587249449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040513018601822666}, "run_3069": {"edge_length": 800, "pf": 0.4027625, "in_bounds_one_im": 1, "error_one_im": 0.03452185335328345, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 1, "pred_cls": 13.995165806871228, "error_w_gmm": 0.04231991595540129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041752758413307}, "run_3070": {"edge_length": 800, "pf": 0.4016296875, "in_bounds_one_im": 1, "error_one_im": 0.038814255036919806, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 14.14898144197868, "error_w_gmm": 0.04288594856940894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04231120524509228}, "run_3071": {"edge_length": 800, "pf": 0.401034375, "in_bounds_one_im": 1, "error_one_im": 0.036968135549756184, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 16.984351019914502, "error_w_gmm": 0.05154384758849936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050853073959856394}, "run_3072": {"edge_length": 800, "pf": 0.396859375, "in_bounds_one_im": 1, "error_one_im": 0.03692154068061266, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 14.138094015587894, "error_w_gmm": 0.043281226778825635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04270118606644388}, "run_3073": {"edge_length": 800, "pf": 0.3855921875, "in_bounds_one_im": 1, "error_one_im": 0.04272823409339089, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 16.24415308352238, "error_w_gmm": 0.05091890470865406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0502365063581676}, "run_3074": {"edge_length": 800, "pf": 0.4162703125, "in_bounds_one_im": 0, "error_one_im": 0.03511032815049143, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 0, "pred_cls": 12.226928691614807, "error_w_gmm": 0.03595450205814207, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035472651691614634}, "run_3075": {"edge_length": 800, "pf": 0.388615625, "in_bounds_one_im": 1, "error_one_im": 0.04038731018820985, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.61168564691141, "error_w_gmm": 0.04551086467203782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04490094308870624}, "run_3076": {"edge_length": 800, "pf": 0.4139296875, "in_bounds_one_im": 1, "error_one_im": 0.03563694115446182, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 15.337086881211807, "error_w_gmm": 0.04531815069839326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04471081180411362}, "run_3077": {"edge_length": 800, "pf": 0.405134375, "in_bounds_one_im": 1, "error_one_im": 0.03677567094269715, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 16.25093539504524, "error_w_gmm": 0.04889967599154598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048244338677696}, "run_3078": {"edge_length": 800, "pf": 0.3952515625, "in_bounds_one_im": 1, "error_one_im": 0.03784983807504375, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 15.042456307821086, "error_w_gmm": 0.04620479699005672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04558557555489458}, "run_3079": {"edge_length": 800, "pf": 0.3901875, "in_bounds_one_im": 1, "error_one_im": 0.04231673752578612, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 15.336055850806046, "error_w_gmm": 0.04760942041081358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046971374676290166}, "run_3080": {"edge_length": 800, "pf": 0.4055625, "in_bounds_one_im": 1, "error_one_im": 0.04170666365785992, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 17.854034904302644, "error_w_gmm": 0.05367577345062846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05295642845541747}, "run_3081": {"edge_length": 1000, "pf": 0.409911, "in_bounds_one_im": 1, "error_one_im": 0.032298402938627443, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 16.19895762073215, "error_w_gmm": 0.038871476562262704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03809334704396386}, "run_3082": {"edge_length": 1000, "pf": 0.394562, "in_bounds_one_im": 1, "error_one_im": 0.03334604139248534, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 16.069390360769486, "error_w_gmm": 0.03981132263617179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03901437927190042}, "run_3083": {"edge_length": 1000, "pf": 0.393131, "in_bounds_one_im": 1, "error_one_im": 0.02966915471758276, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 13.989774975002, "error_w_gmm": 0.034763184694365096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034067294994434824}, "run_3084": {"edge_length": 1000, "pf": 0.392474, "in_bounds_one_im": 1, "error_one_im": 0.03000863988262713, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 13.773482004586942, "error_w_gmm": 0.03427289025378539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033586815271756616}, "run_3085": {"edge_length": 1000, "pf": 0.408437, "in_bounds_one_im": 1, "error_one_im": 0.03100100983644499, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.568572400164033, "error_w_gmm": 0.03506589716089391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03436394776046873}, "run_3086": {"edge_length": 1000, "pf": 0.399678, "in_bounds_one_im": 1, "error_one_im": 0.028873824581624928, "one_im_sa_cls": 12.020408163265307, "model_in_bounds": 1, "pred_cls": 14.955408343954513, "error_w_gmm": 0.03665770560327328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03592389136914382}, "run_3087": {"edge_length": 1000, "pf": 0.398915, "in_bounds_one_im": 1, "error_one_im": 0.03162027481017363, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.169262365035005, "error_w_gmm": 0.034786040586741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03408969335738048}, "run_3088": {"edge_length": 1000, "pf": 0.395477, "in_bounds_one_im": 1, "error_one_im": 0.03263936834587763, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 14.400376894515084, "error_w_gmm": 0.03560816989783725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03489536527757214}, "run_3089": {"edge_length": 1000, "pf": 0.404693, "in_bounds_one_im": 1, "error_one_im": 0.02711886238759889, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 13.255067821234068, "error_w_gmm": 0.03215285916895648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03150922298557157}, "run_3090": {"edge_length": 1000, "pf": 0.398645, "in_bounds_one_im": 1, "error_one_im": 0.032080231583482305, "one_im_sa_cls": 13.326530612244898, "model_in_bounds": 1, "pred_cls": 16.163120127099713, "error_w_gmm": 0.03970338168675054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0389085990852391}, "run_3091": {"edge_length": 1000, "pf": 0.413633, "in_bounds_one_im": 0, "error_one_im": 0.029527105171109003, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 0, "pred_cls": 11.16166250943554, "error_w_gmm": 0.026578841844111516, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026046786382622346}, "run_3092": {"edge_length": 1000, "pf": 0.395044, "in_bounds_one_im": 1, "error_one_im": 0.03271844310004223, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 15.364537233031369, "error_w_gmm": 0.03802670005191358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037265481276328956}, "run_3093": {"edge_length": 1000, "pf": 0.392987, "in_bounds_one_im": 1, "error_one_im": 0.03315795584759414, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 14.430112965712496, "error_w_gmm": 0.03586820395869555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03515019397459016}, "run_3094": {"edge_length": 1000, "pf": 0.401522, "in_bounds_one_im": 1, "error_one_im": 0.031644368926825754, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 17.598941323997686, "error_w_gmm": 0.04297203900233023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04211182439340889}, "run_3095": {"edge_length": 1000, "pf": 0.389936, "in_bounds_one_im": 1, "error_one_im": 0.03457172829651329, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 14.616192840125834, "error_w_gmm": 0.03656413407412967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03583219295559391}, "run_3096": {"edge_length": 1000, "pf": 0.394737, "in_bounds_one_im": 1, "error_one_im": 0.034423494891249004, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 18.60390749272157, "error_w_gmm": 0.04607361744324247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04515131541311587}, "run_3097": {"edge_length": 1000, "pf": 0.405117, "in_bounds_one_im": 1, "error_one_im": 0.032135945674034445, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 12.438869467142064, "error_w_gmm": 0.030146468989353244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02954299674009302}, "run_3098": {"edge_length": 1000, "pf": 0.387505, "in_bounds_one_im": 1, "error_one_im": 0.03671026247575509, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 15.376538069571826, "error_w_gmm": 0.03866350144422859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037889535173450256}, "run_3099": {"edge_length": 1000, "pf": 0.41354, "in_bounds_one_im": 0, "error_one_im": 0.030723604221770572, "one_im_sa_cls": 13.16326530612245, "model_in_bounds": 1, "pred_cls": 15.422788153499578, "error_w_gmm": 0.036732740028867845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03599742375502683}, "run_3100": {"edge_length": 1000, "pf": 0.389792, "in_bounds_one_im": 1, "error_one_im": 0.03418182154103332, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 16.806630838017455, "error_w_gmm": 0.04205650164224065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041214614267270654}, "run_3101": {"edge_length": 1000, "pf": 0.398465, "in_bounds_one_im": 1, "error_one_im": 0.030961922634787406, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.814499470342547, "error_w_gmm": 0.0314895898352909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030859230982554338}, "run_3102": {"edge_length": 1000, "pf": 0.389377, "in_bounds_one_im": 1, "error_one_im": 0.038619604418842095, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 14.555880877002352, "error_w_gmm": 0.036456075948458976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03572629793831821}, "run_3103": {"edge_length": 1000, "pf": 0.404684, "in_bounds_one_im": 1, "error_one_im": 0.028186678628156298, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.683697072761225, "error_w_gmm": 0.033193206476414716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032528744612587306}, "run_3104": {"edge_length": 1000, "pf": 0.404447, "in_bounds_one_im": 1, "error_one_im": 0.03145259016491014, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 12.70273623083811, "error_w_gmm": 0.030828803881683815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0302116726472744}, "run_3105": {"edge_length": 1000, "pf": 0.395129, "in_bounds_one_im": 1, "error_one_im": 0.031970281323972734, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.13540058986062, "error_w_gmm": 0.03745293393469045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03670320081367566}, "run_3106": {"edge_length": 1000, "pf": 0.413837, "in_bounds_one_im": 0, "error_one_im": 0.028705417331771857, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 14.29078868854605, "error_w_gmm": 0.034015803597700095, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03333487497834008}, "run_3107": {"edge_length": 1000, "pf": 0.392294, "in_bounds_one_im": 1, "error_one_im": 0.031463716372127776, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 18.0248335412298, "error_w_gmm": 0.0448685657834056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04397038648672061}, "run_3108": {"edge_length": 1000, "pf": 0.391125, "in_bounds_one_im": 1, "error_one_im": 0.030093701324178865, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 14.71558156985493, "error_w_gmm": 0.036720933178219145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035985853254005745}, "run_3109": {"edge_length": 1000, "pf": 0.387664, "in_bounds_one_im": 0, "error_one_im": 0.02940864651217765, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 15.038067252638799, "error_w_gmm": 0.037799771849695914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03704309572461749}, "run_3110": {"edge_length": 1000, "pf": 0.398275, "in_bounds_one_im": 1, "error_one_im": 0.03436660975660484, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 14.525242440652349, "error_w_gmm": 0.03570761883816269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03499282344824137}, "run_3111": {"edge_length": 1000, "pf": 0.395706, "in_bounds_one_im": 1, "error_one_im": 0.03203058276096734, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 15.64899276996619, "error_w_gmm": 0.03867712721704353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03790288818543965}, "run_3112": {"edge_length": 1000, "pf": 0.400328, "in_bounds_one_im": 1, "error_one_im": 0.03333865117575985, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 15.394582933263381, "error_w_gmm": 0.03768311757624401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03692877663731324}, "run_3113": {"edge_length": 1000, "pf": 0.389391, "in_bounds_one_im": 1, "error_one_im": 0.033409231882072614, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 13.783213079939575, "error_w_gmm": 0.03451986683447069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03382884787334056}, "run_3114": {"edge_length": 1000, "pf": 0.386788, "in_bounds_one_im": 1, "error_one_im": 0.034499389439431774, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 13.943401856195463, "error_w_gmm": 0.03511297008113685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034410078374630323}, "run_3115": {"edge_length": 1000, "pf": 0.408818, "in_bounds_one_im": 1, "error_one_im": 0.033622095958876504, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 16.56908085452276, "error_w_gmm": 0.03984960395119941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039051894271267866}, "run_3116": {"edge_length": 1000, "pf": 0.396135, "in_bounds_one_im": 1, "error_one_im": 0.03294019504752015, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 13.452624056496736, "error_w_gmm": 0.03321890578164819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03255392946892992}, "run_3117": {"edge_length": 1000, "pf": 0.396512, "in_bounds_one_im": 1, "error_one_im": 0.032519478871147575, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 10.800730769090414, "error_w_gmm": 0.026649513669700867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026116043499060815}, "run_3118": {"edge_length": 1000, "pf": 0.389192, "in_bounds_one_im": 1, "error_one_im": 0.034525632134591484, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 15.623440996115447, "error_w_gmm": 0.03914507173154651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038361465383034095}, "run_3119": {"edge_length": 1000, "pf": 0.397584, "in_bounds_one_im": 1, "error_one_im": 0.030526534218571856, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 14.552401500697531, "error_w_gmm": 0.03582601172858558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03510884634886861}, "run_3120": {"edge_length": 1000, "pf": 0.386997, "in_bounds_one_im": 0, "error_one_im": 0.030708552575265936, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 1, "pred_cls": 13.82952765402593, "error_w_gmm": 0.03481086728529382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03411402307488971}, "run_3121": {"edge_length": 1200, "pf": 0.39581319444444446, "in_bounds_one_im": 1, "error_one_im": 0.027180358785825465, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 12.571853428913975, "error_w_gmm": 0.02588740650540365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02536919220186956}, "run_3122": {"edge_length": 1200, "pf": 0.3941208333333333, "in_bounds_one_im": 1, "error_one_im": 0.025086366887483214, "one_im_sa_cls": 12.387755102040817, "model_in_bounds": 1, "pred_cls": 11.89644472189295, "error_w_gmm": 0.024583530554342998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024091417249676138}, "run_3123": {"edge_length": 1200, "pf": 0.4076625, "in_bounds_one_im": 1, "error_one_im": 0.026036344129772432, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 16.31403220715358, "error_w_gmm": 0.03277512051362025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032119027897827834}, "run_3124": {"edge_length": 1200, "pf": 0.3985361111111111, "in_bounds_one_im": 1, "error_one_im": 0.025470184405517203, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 11.392460870141019, "error_w_gmm": 0.023325836913155585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022858900129519945}, "run_3125": {"edge_length": 1200, "pf": 0.39192916666666666, "in_bounds_one_im": 1, "error_one_im": 0.0249527566499015, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 15.178227622723583, "error_w_gmm": 0.03150961562275717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030878855893652395}, "run_3126": {"edge_length": 1200, "pf": 0.415925, "in_bounds_one_im": 0, "error_one_im": 0.02405552578405833, "one_im_sa_cls": 12.428571428571429, "model_in_bounds": 0, "pred_cls": 13.717917731687328, "error_w_gmm": 0.02709341440763383, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026551058228590437}, "run_3127": {"edge_length": 1200, "pf": 0.3990402777777778, "in_bounds_one_im": 1, "error_one_im": 0.024420773284224116, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 11.58968590014527, "error_w_gmm": 0.023704714625156012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023230193464552774}, "run_3128": {"edge_length": 1200, "pf": 0.40051875, "in_bounds_one_im": 1, "error_one_im": 0.026099195165952008, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 15.286801887496575, "error_w_gmm": 0.03117035603799871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03054638760988409}, "run_3129": {"edge_length": 1200, "pf": 0.40328888888888886, "in_bounds_one_im": 1, "error_one_im": 0.02826034614687449, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 15.14075395481915, "error_w_gmm": 0.030695180077611083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030080723725544562}, "run_3130": {"edge_length": 1200, "pf": 0.4036972222222222, "in_bounds_one_im": 1, "error_one_im": 0.02519803560739966, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 14.552751752505218, "error_w_gmm": 0.029478094467970433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028888001745045723}, "run_3131": {"edge_length": 1200, "pf": 0.4053465277777778, "in_bounds_one_im": 1, "error_one_im": 0.025757884687672747, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.50095870088034, "error_w_gmm": 0.029272796678049096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028686813607869975}, "run_3132": {"edge_length": 1200, "pf": 0.39929583333333335, "in_bounds_one_im": 1, "error_one_im": 0.026901691718885318, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 14.87133614120594, "error_w_gmm": 0.03040056624053556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029792007470537}, "run_3133": {"edge_length": 1200, "pf": 0.4059743055555556, "in_bounds_one_im": 1, "error_one_im": 0.026974302544958122, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 14.50233834870814, "error_w_gmm": 0.029237492569210172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028652216216954688}, "run_3134": {"edge_length": 1200, "pf": 0.4032715277777778, "in_bounds_one_im": 1, "error_one_im": 0.02826136557234339, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 14.100111235939323, "error_w_gmm": 0.02858649359411544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028014248944375614}, "run_3135": {"edge_length": 1200, "pf": 0.39359375, "in_bounds_one_im": 1, "error_one_im": 0.026644916888995195, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 12.833773191679226, "error_w_gmm": 0.026549775130437398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026018301526647317}, "run_3136": {"edge_length": 1200, "pf": 0.40914513888888887, "in_bounds_one_im": 1, "error_one_im": 0.02671765314959545, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 15.003707576229182, "error_w_gmm": 0.03005031642296901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029448768956525914}, "run_3137": {"edge_length": 1200, "pf": 0.41678333333333334, "in_bounds_one_im": 0, "error_one_im": 0.024052509302403373, "one_im_sa_cls": 12.448979591836734, "model_in_bounds": 0, "pred_cls": 12.981494949862414, "error_w_gmm": 0.025593710293766055, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02508137520326678}, "run_3138": {"edge_length": 1200, "pf": 0.407175, "in_bounds_one_im": 1, "error_one_im": 0.026424625252527884, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 13.924080809779701, "error_w_gmm": 0.028001931390184035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027441388511161093}, "run_3139": {"edge_length": 1200, "pf": 0.38954791666666666, "in_bounds_one_im": 1, "error_one_im": 0.027998749318924165, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 14.9029839321284, "error_w_gmm": 0.031093336713947147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030470910059256732}, "run_3140": {"edge_length": 1200, "pf": 0.3945916666666667, "in_bounds_one_im": 1, "error_one_im": 0.029107849760711145, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 15.540396422008392, "error_w_gmm": 0.03208197421406816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03143975700625808}, "run_3141": {"edge_length": 1200, "pf": 0.39872430555555555, "in_bounds_one_im": 1, "error_one_im": 0.02488712982639353, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 10.412202549294534, "error_w_gmm": 0.021310411042931937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02088381906994562}, "run_3142": {"edge_length": 1200, "pf": 0.39427986111111113, "in_bounds_one_im": 1, "error_one_im": 0.027722155438744057, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 13.829722393845772, "error_w_gmm": 0.02856905803891847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027997162414257416}, "run_3143": {"edge_length": 1200, "pf": 0.4064347222222222, "in_bounds_one_im": 1, "error_one_im": 0.026424905727968274, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 16.35715223403933, "error_w_gmm": 0.032945438136446126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032285936101163454}, "run_3144": {"edge_length": 1200, "pf": 0.3953548611111111, "in_bounds_one_im": 1, "error_one_im": 0.028236969045420085, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 15.211666755321229, "error_w_gmm": 0.03135323037838555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030725601170311406}, "run_3145": {"edge_length": 1200, "pf": 0.40273472222222223, "in_bounds_one_im": 1, "error_one_im": 0.025654404602743056, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 16.622116816566315, "error_w_gmm": 0.03373721092333315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033061859174282164}, "run_3146": {"edge_length": 1200, "pf": 0.39350277777777776, "in_bounds_one_im": 1, "error_one_im": 0.028015600802562924, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 15.984309741394211, "error_w_gmm": 0.03307372744351616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0324116573118929}, "run_3147": {"edge_length": 1200, "pf": 0.4074659722222222, "in_bounds_one_im": 1, "error_one_im": 0.028338108364333817, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 16.119242830956132, "error_w_gmm": 0.032396967649021016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031748444900195245}, "run_3148": {"edge_length": 1200, "pf": 0.38876944444444445, "in_bounds_one_im": 0, "error_one_im": 0.028044632376159184, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 16.882471774710243, "error_w_gmm": 0.03528102940916423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03457477348973024}, "run_3149": {"edge_length": 1200, "pf": 0.4002291666666667, "in_bounds_one_im": 1, "error_one_im": 0.026196549815653905, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 15.151911299221082, "error_w_gmm": 0.030913948047343823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030295112396368076}, "run_3150": {"edge_length": 1200, "pf": 0.40241944444444444, "in_bounds_one_im": 1, "error_one_im": 0.027174129014990885, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 13.731331092802412, "error_w_gmm": 0.02788817782276621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027329912063535213}, "run_3151": {"edge_length": 1200, "pf": 0.40510555555555555, "in_bounds_one_im": 1, "error_one_im": 0.026497839266640823, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 15.53388205391438, "error_w_gmm": 0.03137361840701977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030745581071230797}, "run_3152": {"edge_length": 1200, "pf": 0.3986340277777778, "in_bounds_one_im": 1, "error_one_im": 0.025956268864930264, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.402765081037977, "error_w_gmm": 0.029483352713197592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02889315473067933}, "run_3153": {"edge_length": 1200, "pf": 0.39941041666666666, "in_bounds_one_im": 1, "error_one_im": 0.027181387029925855, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 16.36616511726622, "error_w_gmm": 0.03344836411387705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03277879450249047}, "run_3154": {"edge_length": 1200, "pf": 0.40447916666666667, "in_bounds_one_im": 1, "error_one_im": 0.03126444040117286, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 12.586358736838562, "error_w_gmm": 0.025453602424563918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024944072014473292}, "run_3155": {"edge_length": 1200, "pf": 0.39965555555555554, "in_bounds_one_im": 1, "error_one_im": 0.027249210238680224, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 14.30949593329483, "error_w_gmm": 0.029230107057294712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028644978548273813}, "run_3156": {"edge_length": 1200, "pf": 0.4166930555555556, "in_bounds_one_im": 0, "error_one_im": 0.022992159404906967, "one_im_sa_cls": 11.89795918367347, "model_in_bounds": 0, "pred_cls": 15.053040307823348, "error_w_gmm": 0.029683384400214455, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029089182181839188}, "run_3157": {"edge_length": 1200, "pf": 0.3913277777777778, "in_bounds_one_im": 1, "error_one_im": 0.025649407173405456, "one_im_sa_cls": 12.591836734693878, "model_in_bounds": 1, "pred_cls": 13.693318516422295, "error_w_gmm": 0.028462881373781543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02789311119442389}, "run_3158": {"edge_length": 1200, "pf": 0.3902909722222222, "in_bounds_one_im": 1, "error_one_im": 0.028038378171018265, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 15.339922804860624, "error_w_gmm": 0.031955011899780755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03131533622455952}, "run_3159": {"edge_length": 1200, "pf": 0.39596458333333334, "in_bounds_one_im": 1, "error_one_im": 0.027542281527066045, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 12.523442200017735, "error_w_gmm": 0.025779559711500206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025263504285920124}, "run_3160": {"edge_length": 1200, "pf": 0.4077381944444444, "in_bounds_one_im": 1, "error_one_im": 0.02374238872502946, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 13.498237026792756, "error_w_gmm": 0.02711389844359517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026571132214961546}, "run_3161": {"edge_length": 1400, "pf": 0.40728826530612244, "in_bounds_one_im": 1, "error_one_im": 0.021989505755801286, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.328226516474393, "error_w_gmm": 0.024198658375881227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02419821371985497}, "run_3162": {"edge_length": 1400, "pf": 0.40739285714285717, "in_bounds_one_im": 1, "error_one_im": 0.02064084789678099, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 14.651811861545717, "error_w_gmm": 0.024739795471457854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024739340871910546}, "run_3163": {"edge_length": 1400, "pf": 0.40205816326530613, "in_bounds_one_im": 1, "error_one_im": 0.02303087632653221, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 13.312271976108775, "error_w_gmm": 0.02272821065562815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02272779301942385}, "run_3164": {"edge_length": 1400, "pf": 0.39280306122448977, "in_bounds_one_im": 1, "error_one_im": 0.023906521793913976, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 14.820913050342295, "error_w_gmm": 0.02579766209358061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025797188055485726}, "run_3165": {"edge_length": 1400, "pf": 0.39572704081632654, "in_bounds_one_im": 1, "error_one_im": 0.023019203243154006, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 16.183804136546627, "error_w_gmm": 0.02799802299272984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027997508522487127}, "run_3166": {"edge_length": 1400, "pf": 0.39714387755102043, "in_bounds_one_im": 1, "error_one_im": 0.020944685480317977, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 17.361360773412297, "error_w_gmm": 0.02994640540594615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029945855133719463}, "run_3167": {"edge_length": 1400, "pf": 0.39807704081632656, "in_bounds_one_im": 1, "error_one_im": 0.021711975474610554, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 15.23426014303214, "error_w_gmm": 0.026226255776659636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02622577386305533}, "run_3168": {"edge_length": 1400, "pf": 0.40327704081632654, "in_bounds_one_im": 1, "error_one_im": 0.020887336934017856, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 14.045192719598218, "error_w_gmm": 0.023918853756207357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023918414241656673}, "run_3169": {"edge_length": 1400, "pf": 0.39912602040816325, "in_bounds_one_im": 1, "error_one_im": 0.022435751814270287, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 15.394876242188472, "error_w_gmm": 0.02644483828397827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026444352353869032}, "run_3170": {"edge_length": 1400, "pf": 0.3953811224489796, "in_bounds_one_im": 1, "error_one_im": 0.020386030743409125, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 14.610857643923914, "error_w_gmm": 0.025295113439197853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02529464863555243}, "run_3171": {"edge_length": 1400, "pf": 0.3931066326530612, "in_bounds_one_im": 1, "error_one_im": 0.021122336198653346, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 11.995857723170161, "error_w_gmm": 0.020867016127377954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02086663269105985}, "run_3172": {"edge_length": 1400, "pf": 0.4010173469387755, "in_bounds_one_im": 1, "error_one_im": 0.022277692079544154, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 15.114952441972067, "error_w_gmm": 0.02586189615675118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02586142093834041}, "run_3173": {"edge_length": 1400, "pf": 0.4106423469387755, "in_bounds_one_im": 0, "error_one_im": 0.02176901045659274, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 0, "pred_cls": 13.769811100154994, "error_w_gmm": 0.023094768600415972, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023094344228623373}, "run_3174": {"edge_length": 1400, "pf": 0.4021877551020408, "in_bounds_one_im": 1, "error_one_im": 0.020934684901044765, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 13.182767990520789, "error_w_gmm": 0.022501041758513987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022500628296591448}, "run_3175": {"edge_length": 1400, "pf": 0.38767551020408164, "in_bounds_one_im": 0, "error_one_im": 0.021831530634600103, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 0, "pred_cls": 14.426659594006116, "error_w_gmm": 0.025383438438468665, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025382972011830773}, "run_3176": {"edge_length": 1400, "pf": 0.402694387755102, "in_bounds_one_im": 1, "error_one_im": 0.024775046491620142, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 14.740487973833554, "error_w_gmm": 0.025133351533737733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02513288970250533}, "run_3177": {"edge_length": 1400, "pf": 0.39875, "in_bounds_one_im": 1, "error_one_im": 0.023330433974466526, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 13.444783705192282, "error_w_gmm": 0.02311314544362722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023112720734155823}, "run_3178": {"edge_length": 1400, "pf": 0.39941275510204083, "in_bounds_one_im": 1, "error_one_im": 0.02364856732652111, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.046644342028063, "error_w_gmm": 0.02754795405978309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027547447859662663}, "run_3179": {"edge_length": 1400, "pf": 0.40014387755102043, "in_bounds_one_im": 1, "error_one_im": 0.022248285591200005, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 11.707811653086555, "error_w_gmm": 0.020068699156972482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02006833038991605}, "run_3180": {"edge_length": 1400, "pf": 0.4001642857142857, "in_bounds_one_im": 1, "error_one_im": 0.0233317227170276, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 14.850143052732294, "error_w_gmm": 0.02545397833858625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025453510615761083}, "run_3181": {"edge_length": 1400, "pf": 0.39409642857142857, "in_bounds_one_im": 1, "error_one_im": 0.02334586105891883, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 14.775877666412986, "error_w_gmm": 0.025649672781820718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025649201463064205}, "run_3182": {"edge_length": 1400, "pf": 0.4075729591836735, "in_bounds_one_im": 1, "error_one_im": 0.02156319269349199, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 14.103142570516173, "error_w_gmm": 0.023804479362989787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023804041950095334}, "run_3183": {"edge_length": 1400, "pf": 0.3976433673469388, "in_bounds_one_im": 1, "error_one_im": 0.02187229410423227, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 15.40608220364096, "error_w_gmm": 0.026546069280041357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026545581489788868}, "run_3184": {"edge_length": 1400, "pf": 0.3927326530612245, "in_bounds_one_im": 1, "error_one_im": 0.02341266488627425, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 14.531947554591227, "error_w_gmm": 0.02529841523425187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025297950369935197}, "run_3185": {"edge_length": 1400, "pf": 0.3951816326530612, "in_bounds_one_im": 1, "error_one_im": 0.02361100906661663, "one_im_sa_cls": 13.63265306122449, "model_in_bounds": 1, "pred_cls": 13.065526941603904, "error_w_gmm": 0.0226291934796722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022628777662931657}, "run_3186": {"edge_length": 1400, "pf": 0.3887137755102041, "in_bounds_one_im": 0, "error_one_im": 0.021174774537929666, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 0, "pred_cls": 13.067961144803238, "error_w_gmm": 0.022942630399686244, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0229422088234688}, "run_3187": {"edge_length": 1400, "pf": 0.395475, "in_bounds_one_im": 1, "error_one_im": 0.02522143558126165, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 14.19773841173056, "error_w_gmm": 0.024575073271340838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0245746216986026}, "run_3188": {"edge_length": 1400, "pf": 0.40361071428571427, "in_bounds_one_im": 1, "error_one_im": 0.022783025053853, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 13.5547615466672, "error_w_gmm": 0.02306765729422473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023067233420608808}, "run_3189": {"edge_length": 1400, "pf": 0.3990408163265306, "in_bounds_one_im": 1, "error_one_im": 0.0229306070268326, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 13.942521583696363, "error_w_gmm": 0.023954283722992607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02395384355740792}, "run_3190": {"edge_length": 1400, "pf": 0.39932397959183674, "in_bounds_one_im": 1, "error_one_im": 0.021655584120121887, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 13.86319471298735, "error_w_gmm": 0.02380393802552905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02380350062258188}, "run_3191": {"edge_length": 1400, "pf": 0.402755612244898, "in_bounds_one_im": 1, "error_one_im": 0.021257903137248055, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 14.615573349035271, "error_w_gmm": 0.024917193841129656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024916735981845597}, "run_3192": {"edge_length": 1400, "pf": 0.40608826530612246, "in_bounds_one_im": 1, "error_one_im": 0.024151932388955695, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 17.382828364136312, "error_w_gmm": 0.029430606421756673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02943006562745728}, "run_3193": {"edge_length": 1400, "pf": 0.39210357142857144, "in_bounds_one_im": 1, "error_one_im": 0.02443965715860635, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 16.220620616908608, "error_w_gmm": 0.028275474345880125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0282749547774037}, "run_3194": {"edge_length": 1400, "pf": 0.4035989795918367, "in_bounds_one_im": 1, "error_one_im": 0.022227883322323352, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 13.088379815013848, "error_w_gmm": 0.022274506160078766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02227409686080096}, "run_3195": {"edge_length": 1400, "pf": 0.4012066326530612, "in_bounds_one_im": 1, "error_one_im": 0.020628416654435933, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 14.818988724696448, "error_w_gmm": 0.025345510428028226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025345044698326394}, "run_3196": {"edge_length": 1400, "pf": 0.3976887755102041, "in_bounds_one_im": 1, "error_one_im": 0.021729576488687632, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 14.539802271817532, "error_w_gmm": 0.025051016198878607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02505055588057736}, "run_3197": {"edge_length": 1400, "pf": 0.41188112244897956, "in_bounds_one_im": 0, "error_one_im": 0.020177068678209058, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 0, "pred_cls": 14.143545334443253, "error_w_gmm": 0.023660991447598284, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023660556671327944}, "run_3198": {"edge_length": 1400, "pf": 0.410890306122449, "in_bounds_one_im": 0, "error_one_im": 0.02162102059712052, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 16.046877649508094, "error_w_gmm": 0.026900088815689532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026899594520245065}, "run_3199": {"edge_length": 1400, "pf": 0.39772857142857143, "in_bounds_one_im": 1, "error_one_im": 0.02042691788368113, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 11.920073736962168, "error_w_gmm": 0.020535709538198145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02053533218971629}, "run_3200": {"edge_length": 1400, "pf": 0.3986642857142857, "in_bounds_one_im": 1, "error_one_im": 0.019966000384386725, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 13.312353242609904, "error_w_gmm": 0.022889573585456496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02288915298417051}}, "blobs_250.0_0.1": {"true_cls": 16.387755102040817, "true_pf": 0.09989631440144418, "run_3201": {"edge_length": 600, "pf": 0.09809722222222222, "in_bounds_one_im": 1, "error_one_im": 0.21730050329770811, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 8.742953884172492, "error_w_gmm": 0.09004829044158995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08659773552337433}, "run_3202": {"edge_length": 600, "pf": 0.1039111111111111, "in_bounds_one_im": 1, "error_one_im": 0.12764179652035013, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 19.727048167509285, "error_w_gmm": 0.19677613858091658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18923588579612569}, "run_3203": {"edge_length": 600, "pf": 0.09695277777777778, "in_bounds_one_im": 1, "error_one_im": 0.14323479210186144, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 14.524669860032128, "error_w_gmm": 0.1505730159462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1448032177837271}, "run_3204": {"edge_length": 600, "pf": 0.08600833333333334, "in_bounds_one_im": 0, "error_one_im": 0.13560827835545336, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 16.354808184132036, "error_w_gmm": 0.18109734533324637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17415788726523618}, "run_3205": {"edge_length": 600, "pf": 0.08765277777777777, "in_bounds_one_im": 0, "error_one_im": 0.1296926331822557, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 0, "pred_cls": 10.482342360644687, "error_w_gmm": 0.11487389645713737, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.1104720506647192}, "run_3206": {"edge_length": 600, "pf": 0.09607222222222223, "in_bounds_one_im": 1, "error_one_im": 0.14089251792487242, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 13.220779024043775, "error_w_gmm": 0.13774973486878173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13247131122738373}, "run_3207": {"edge_length": 600, "pf": 0.096075, "in_bounds_one_im": 1, "error_one_im": 0.13005255198170507, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 15.23308438561377, "error_w_gmm": 0.158713777214611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15263203372041667}, "run_3208": {"edge_length": 600, "pf": 0.10491944444444444, "in_bounds_one_im": 1, "error_one_im": 0.12909735942476755, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 16.10983148142604, "error_w_gmm": 0.15983056875072454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15370603099015767}, "run_3209": {"edge_length": 600, "pf": 0.10522222222222222, "in_bounds_one_im": 1, "error_one_im": 0.11411499666456536, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 18.345249405218464, "error_w_gmm": 0.1817160373410142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1747528716519065}, "run_3210": {"edge_length": 600, "pf": 0.09041944444444444, "in_bounds_one_im": 1, "error_one_im": 0.1262306325308636, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.019415856016751, "error_w_gmm": 0.16181116549891852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15561073337303982}, "run_3211": {"edge_length": 600, "pf": 0.09535555555555555, "in_bounds_one_im": 1, "error_one_im": 0.1620107093988144, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 14.120509486766473, "error_w_gmm": 0.14773456031593912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1420735287606623}, "run_3212": {"edge_length": 600, "pf": 0.11634444444444444, "in_bounds_one_im": 0, "error_one_im": 0.12511706655887653, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 0, "pred_cls": 14.819751474336252, "error_w_gmm": 0.13873159482744807, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.13341554735451738}, "run_3213": {"edge_length": 600, "pf": 0.09936388888888889, "in_bounds_one_im": 1, "error_one_im": 0.13788527367477307, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 15.997838120662506, "error_w_gmm": 0.16360156843129903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1573325299652709}, "run_3214": {"edge_length": 600, "pf": 0.09571666666666667, "in_bounds_one_im": 1, "error_one_im": 0.12786268812639076, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 9.284345250114205, "error_w_gmm": 0.0969338672026224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09321946429083562}, "run_3215": {"edge_length": 600, "pf": 0.09347222222222222, "in_bounds_one_im": 1, "error_one_im": 0.1251893391794632, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 15.30217826849861, "error_w_gmm": 0.16187072376587944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15566800943042203}, "run_3216": {"edge_length": 600, "pf": 0.10367777777777777, "in_bounds_one_im": 1, "error_one_im": 0.11388489741852836, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.621314752127766, "error_w_gmm": 0.13604232563733737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13082932810555306}, "run_3217": {"edge_length": 600, "pf": 0.10370277777777778, "in_bounds_one_im": 1, "error_one_im": 0.12700084102383885, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 14.14157650310479, "error_w_gmm": 0.14121942373816618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13580804530179946}, "run_3218": {"edge_length": 600, "pf": 0.10618055555555556, "in_bounds_one_im": 1, "error_one_im": 0.12069457581806517, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 10.325363131216408, "error_w_gmm": 0.10175916013291426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09785985711729653}, "run_3219": {"edge_length": 600, "pf": 0.12015555555555556, "in_bounds_one_im": 0, "error_one_im": 0.12014508526041937, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 0, "pred_cls": 16.711788207277042, "error_w_gmm": 0.1536100818071997, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.14772390650428102}, "run_3220": {"edge_length": 600, "pf": 0.1017861111111111, "in_bounds_one_im": 1, "error_one_im": 0.11585165675599692, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 14.240759183012928, "error_w_gmm": 0.1436959545826228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13818967811272823}, "run_3221": {"edge_length": 600, "pf": 0.08404444444444445, "in_bounds_one_im": 0, "error_one_im": 0.1452537627121152, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 17.436897979917365, "error_w_gmm": 0.19553193538884242, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.188039359149854}, "run_3222": {"edge_length": 600, "pf": 0.09712777777777777, "in_bounds_one_im": 1, "error_one_im": 0.12134349829552527, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.56262456131752, "error_w_gmm": 0.16117216409189297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15499621782173614}, "run_3223": {"edge_length": 600, "pf": 0.10085277777777778, "in_bounds_one_im": 1, "error_one_im": 0.15207771916328827, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 17.108198858191987, "error_w_gmm": 0.17351680331121982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1668678235679904}, "run_3224": {"edge_length": 600, "pf": 0.09588888888888888, "in_bounds_one_im": 1, "error_one_im": 0.14472612513015995, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 21.789942051308735, "error_w_gmm": 0.22727340187587586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21856452632947018}, "run_3225": {"edge_length": 600, "pf": 0.10414722222222222, "in_bounds_one_im": 1, "error_one_im": 0.13041305580445642, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 19.827484108235485, "error_w_gmm": 0.19752763521840136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1899585858800526}, "run_3226": {"edge_length": 600, "pf": 0.08001388888888888, "in_bounds_one_im": 0, "error_one_im": 0.12568501411552513, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 0, "pred_cls": 10.000994426668015, "error_w_gmm": 0.11519056501295329, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11077658481756802}, "run_3227": {"edge_length": 600, "pf": 0.11341388888888888, "in_bounds_one_im": 1, "error_one_im": 0.1261876259824292, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 16.972667769942515, "error_w_gmm": 0.16119190504359587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15501520232112156}, "run_3228": {"edge_length": 600, "pf": 0.105275, "in_bounds_one_im": 1, "error_one_im": 0.11874740616878335, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 14.599749169922985, "error_w_gmm": 0.14457504388803227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13903508164896383}, "run_3229": {"edge_length": 600, "pf": 0.10954166666666666, "in_bounds_one_im": 1, "error_one_im": 0.12981909982993223, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 16.57042934408149, "error_w_gmm": 0.1604784302424061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1543290671170769}, "run_3230": {"edge_length": 600, "pf": 0.1040611111111111, "in_bounds_one_im": 1, "error_one_im": 0.11678042630273248, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 14.661437973506493, "error_w_gmm": 0.14612930176314698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1405297820118941}, "run_3231": {"edge_length": 600, "pf": 0.09675833333333334, "in_bounds_one_im": 1, "error_one_im": 0.12913614294690895, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 19.043109537476628, "error_w_gmm": 0.19763389729870073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19006077611021469}, "run_3232": {"edge_length": 600, "pf": 0.1157611111111111, "in_bounds_one_im": 1, "error_one_im": 0.1547688333917839, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 21.095078877330323, "error_w_gmm": 0.19803884880945988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1904502103088712}, "run_3233": {"edge_length": 600, "pf": 0.10489722222222223, "in_bounds_one_im": 1, "error_one_im": 0.14099177735844134, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 17.165297899600667, "error_w_gmm": 0.17032232648302195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16379575570143523}, "run_3234": {"edge_length": 600, "pf": 0.085075, "in_bounds_one_im": 0, "error_one_im": 0.156970113868179, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 0, "pred_cls": 14.348704331263741, "error_w_gmm": 0.15983439160804824, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.153709707359646}, "run_3235": {"edge_length": 600, "pf": 0.10885833333333333, "in_bounds_one_im": 1, "error_one_im": 0.14534438769869454, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 16.523130579099583, "error_w_gmm": 0.1605833992686826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15443001384167382}, "run_3236": {"edge_length": 600, "pf": 0.10570555555555555, "in_bounds_one_im": 1, "error_one_im": 0.1078119526932661, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 11.617150462972749, "error_w_gmm": 0.11477749744405212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11037934555950368}, "run_3237": {"edge_length": 600, "pf": 0.09501388888888888, "in_bounds_one_im": 1, "error_one_im": 0.12961901597790407, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.386247358451653, "error_w_gmm": 0.12984730375526293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12487169288699908}, "run_3238": {"edge_length": 600, "pf": 0.09580833333333333, "in_bounds_one_im": 1, "error_one_im": 0.1374206151154451, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 18.73399332575746, "error_w_gmm": 0.1954900896446743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1879991168901899}, "run_3239": {"edge_length": 600, "pf": 0.09740277777777778, "in_bounds_one_im": 1, "error_one_im": 0.1290681845343373, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 14.261749253311402, "error_w_gmm": 0.14746871596496933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14181787128307127}, "run_3240": {"edge_length": 600, "pf": 0.10595833333333333, "in_bounds_one_im": 1, "error_one_im": 0.14213732604789192, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.124891754229242, "error_w_gmm": 0.1689681825364921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16249350111373456}, "run_3241": {"edge_length": 800, "pf": 0.0965640625, "in_bounds_one_im": 1, "error_one_im": 0.11102980104081137, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 17.94698417616859, "error_w_gmm": 0.1363170329457544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13449015707405904}, "run_3242": {"edge_length": 800, "pf": 0.0988640625, "in_bounds_one_im": 1, "error_one_im": 0.10460951468972438, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 17.477573499844606, "error_w_gmm": 0.13103122276865467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12927518557989012}, "run_3243": {"edge_length": 800, "pf": 0.110209375, "in_bounds_one_im": 1, "error_one_im": 0.09873735104367462, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 19.203977884535927, "error_w_gmm": 0.13550133317613053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1336853890434518}, "run_3244": {"edge_length": 800, "pf": 0.102603125, "in_bounds_one_im": 1, "error_one_im": 0.09286106282263196, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 16.548425634761948, "error_w_gmm": 0.12153081011294792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11990209431811918}, "run_3245": {"edge_length": 800, "pf": 0.1058421875, "in_bounds_one_im": 1, "error_one_im": 0.10550579854294834, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 16.50898442490324, "error_w_gmm": 0.11915595999354629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1175590711559823}, "run_3246": {"edge_length": 800, "pf": 0.100303125, "in_bounds_one_im": 1, "error_one_im": 0.10407291108358845, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 15.790575890840657, "error_w_gmm": 0.11743743883712766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11586358105274767}, "run_3247": {"edge_length": 800, "pf": 0.0940734375, "in_bounds_one_im": 1, "error_one_im": 0.10659375244916443, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 17.206723067801185, "error_w_gmm": 0.13259553104918448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13081852951728648}, "run_3248": {"edge_length": 800, "pf": 0.10186875, "in_bounds_one_im": 1, "error_one_im": 0.09471791250165026, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 15.160366382727982, "error_w_gmm": 0.11178327783622104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11028519525090481}, "run_3249": {"edge_length": 800, "pf": 0.1049921875, "in_bounds_one_im": 1, "error_one_im": 0.09941320078489932, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 17.231884217088332, "error_w_gmm": 0.12493537274136438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1232610301221754}, "run_3250": {"edge_length": 800, "pf": 0.091575, "in_bounds_one_im": 1, "error_one_im": 0.09306911409907342, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 14.410392955832112, "error_w_gmm": 0.1127066721709376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1111962145595978}, "run_3251": {"edge_length": 800, "pf": 0.1048140625, "in_bounds_one_im": 1, "error_one_im": 0.09585454541247865, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 17.609358630815066, "error_w_gmm": 0.12779330876712305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12608066503283868}, "run_3252": {"edge_length": 800, "pf": 0.105275, "in_bounds_one_im": 1, "error_one_im": 0.09868084366972132, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 11.3022217684782, "error_w_gmm": 0.08182079853986651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08072426321023665}, "run_3253": {"edge_length": 800, "pf": 0.1101015625, "in_bounds_one_im": 1, "error_one_im": 0.10405107848917128, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 15.93960779285353, "error_w_gmm": 0.1125301350185688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11102204329986289}, "run_3254": {"edge_length": 800, "pf": 0.1044953125, "in_bounds_one_im": 1, "error_one_im": 0.10084788002243185, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 16.040544982350998, "error_w_gmm": 0.11660639653702386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11504367610718891}, "run_3255": {"edge_length": 800, "pf": 0.0913890625, "in_bounds_one_im": 1, "error_one_im": 0.10578556580123447, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 18.662976377833644, "error_w_gmm": 0.14613037655860525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14417198549559768}, "run_3256": {"edge_length": 800, "pf": 0.098021875, "in_bounds_one_im": 1, "error_one_im": 0.09176010426522105, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 14.937949681111153, "error_w_gmm": 0.11252401497615233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11101600527623451}, "run_3257": {"edge_length": 800, "pf": 0.0971625, "in_bounds_one_im": 1, "error_one_im": 0.09388542802391063, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 14.888203653462615, "error_w_gmm": 0.11269781167945139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11118747281349334}, "run_3258": {"edge_length": 800, "pf": 0.0961828125, "in_bounds_one_im": 1, "error_one_im": 0.09993121817649352, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 17.288814837194295, "error_w_gmm": 0.13160564343384346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12984190804896384}, "run_3259": {"edge_length": 800, "pf": 0.0978390625, "in_bounds_one_im": 1, "error_one_im": 0.1120480373788466, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 14.72574822179867, "error_w_gmm": 0.111040387003559, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10955226039592342}, "run_3260": {"edge_length": 800, "pf": 0.09826875, "in_bounds_one_im": 1, "error_one_im": 0.09965951333437469, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 16.23687893017552, "error_w_gmm": 0.1221380901675169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12050123580588494}, "run_3261": {"edge_length": 800, "pf": 0.0868859375, "in_bounds_one_im": 0, "error_one_im": 0.10373606449240343, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 0, "pred_cls": 14.303426499035341, "error_w_gmm": 0.11514513317719052, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11360199611648097}, "run_3262": {"edge_length": 800, "pf": 0.0982796875, "in_bounds_one_im": 1, "error_one_im": 0.1028337897619624, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.545065015345354, "error_w_gmm": 0.12444866697707503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12278084702785741}, "run_3263": {"edge_length": 800, "pf": 0.0972, "in_bounds_one_im": 1, "error_one_im": 0.09660818536134914, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.344761647138665, "error_w_gmm": 0.10856096799456885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10710606974193387}, "run_3264": {"edge_length": 800, "pf": 0.1005015625, "in_bounds_one_im": 1, "error_one_im": 0.10485613406847943, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 18.660854098553674, "error_w_gmm": 0.13863185836973968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.136773959971931}, "run_3265": {"edge_length": 800, "pf": 0.1079375, "in_bounds_one_im": 1, "error_one_im": 0.10406676498437863, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 17.199242068136524, "error_w_gmm": 0.1227830736713383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1211375754537236}, "run_3266": {"edge_length": 800, "pf": 0.098984375, "in_bounds_one_im": 1, "error_one_im": 0.1039355418417069, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 14.932589212075497, "error_w_gmm": 0.11187567910526584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11037635818864731}, "run_3267": {"edge_length": 800, "pf": 0.1006640625, "in_bounds_one_im": 1, "error_one_im": 0.10296864396441087, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 16.106245360592705, "error_w_gmm": 0.11954620286970191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1179440841259469}, "run_3268": {"edge_length": 800, "pf": 0.107175, "in_bounds_one_im": 1, "error_one_im": 0.09740970362114726, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.513207462151914, "error_w_gmm": 0.11835472215916842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11676857124653932}, "run_3269": {"edge_length": 800, "pf": 0.10685, "in_bounds_one_im": 1, "error_one_im": 0.09497347561773467, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 14.380884309482443, "error_w_gmm": 0.10324719424967327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10186350943847275}, "run_3270": {"edge_length": 800, "pf": 0.1091, "in_bounds_one_im": 1, "error_one_im": 0.0978711518692263, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 16.972163601605924, "error_w_gmm": 0.12043619927475012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11882215309299894}, "run_3271": {"edge_length": 800, "pf": 0.1034609375, "in_bounds_one_im": 1, "error_one_im": 0.09463883827907567, "one_im_sa_cls": 13.122448979591837, "model_in_bounds": 1, "pred_cls": 15.934353611436997, "error_w_gmm": 0.11647925447849074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11491823796454925}, "run_3272": {"edge_length": 800, "pf": 0.09956875, "in_bounds_one_im": 1, "error_one_im": 0.09998789404826842, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 16.09035473469202, "error_w_gmm": 0.12015645280539929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11854615569347454}, "run_3273": {"edge_length": 800, "pf": 0.098403125, "in_bounds_one_im": 1, "error_one_im": 0.1048810465256105, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 19.68634154802219, "error_w_gmm": 0.14797368770969602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14599059319919416}, "run_3274": {"edge_length": 800, "pf": 0.0939765625, "in_bounds_one_im": 1, "error_one_im": 0.10665438103384382, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 12.552701623456727, "error_w_gmm": 0.09678651943096049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09548941845074657}, "run_3275": {"edge_length": 800, "pf": 0.1068484375, "in_bounds_one_im": 1, "error_one_im": 0.09049297176411204, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 15.018500836355354, "error_w_gmm": 0.10782582864022577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10638078248251805}, "run_3276": {"edge_length": 800, "pf": 0.09751875, "in_bounds_one_im": 1, "error_one_im": 0.10631981951681096, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 11.77233975450421, "error_w_gmm": 0.08893148543140282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08773965502358202}, "run_3277": {"edge_length": 800, "pf": 0.0959296875, "in_bounds_one_im": 1, "error_one_im": 0.08472775339939932, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 14.251521291718916, "error_w_gmm": 0.10864344873552222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10718744510322721}, "run_3278": {"edge_length": 800, "pf": 0.103653125, "in_bounds_one_im": 1, "error_one_im": 0.10924402478565189, "one_im_sa_cls": 15.16326530612245, "model_in_bounds": 1, "pred_cls": 18.77025774262997, "error_w_gmm": 0.1370676031389525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13523066837332193}, "run_3279": {"edge_length": 800, "pf": 0.094828125, "in_bounds_one_im": 1, "error_one_im": 0.10813269023086546, "one_im_sa_cls": 14.285714285714286, "model_in_bounds": 1, "pred_cls": 18.67900095871624, "error_w_gmm": 0.14330730084871987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14138674371436316}, "run_3280": {"edge_length": 800, "pf": 0.0902234375, "in_bounds_one_im": 1, "error_one_im": 0.11098055367186677, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 16.697331388615087, "error_w_gmm": 0.1316656483277768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1299011087771187}, "run_3281": {"edge_length": 1000, "pf": 0.087231, "in_bounds_one_im": 0, "error_one_im": 0.08940773105807737, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 0, "pred_cls": 16.851021085905913, "error_w_gmm": 0.10901875876645237, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10683642041075349}, "run_3282": {"edge_length": 1000, "pf": 0.092417, "in_bounds_one_im": 1, "error_one_im": 0.08511165358417826, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.891640621344136, "error_w_gmm": 0.09333397997221728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09146561963966425}, "run_3283": {"edge_length": 1000, "pf": 0.1069, "in_bounds_one_im": 1, "error_one_im": 0.07561203930063312, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 15.173117260001822, "error_w_gmm": 0.08771341133986628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0859575635936426}, "run_3284": {"edge_length": 1000, "pf": 0.106704, "in_bounds_one_im": 1, "error_one_im": 0.08517990864249839, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 16.566266689635228, "error_w_gmm": 0.09586542209109421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09394638733063755}, "run_3285": {"edge_length": 1000, "pf": 0.108017, "in_bounds_one_im": 0, "error_one_im": 0.06954078978128403, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 13.998491023587999, "error_w_gmm": 0.08045322392757391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07884271066909042}, "run_3286": {"edge_length": 1000, "pf": 0.102294, "in_bounds_one_im": 1, "error_one_im": 0.07844260068016416, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 19.17905947286287, "error_w_gmm": 0.11363164266451198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11135696356328431}, "run_3287": {"edge_length": 1000, "pf": 0.096521, "in_bounds_one_im": 1, "error_one_im": 0.08211503002900056, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 17.261923418415666, "error_w_gmm": 0.10562514206870303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10351073715829211}, "run_3288": {"edge_length": 1000, "pf": 0.096037, "in_bounds_one_im": 1, "error_one_im": 0.08725245321518692, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 13.778573062551235, "error_w_gmm": 0.08454545660254077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08285302499873705}, "run_3289": {"edge_length": 1000, "pf": 0.1038, "in_bounds_one_im": 1, "error_one_im": 0.08027429640343689, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 17.79550753779656, "error_w_gmm": 0.10457892361970594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10248546191829451}, "run_3290": {"edge_length": 1000, "pf": 0.107254, "in_bounds_one_im": 1, "error_one_im": 0.07835721518203265, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.91549764438755, "error_w_gmm": 0.09760498120459923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09565112393636174}, "run_3291": {"edge_length": 1000, "pf": 0.097886, "in_bounds_one_im": 1, "error_one_im": 0.08512173152775102, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 19.109053588515263, "error_w_gmm": 0.11602179878305738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11369927351817284}, "run_3292": {"edge_length": 1000, "pf": 0.091328, "in_bounds_one_im": 0, "error_one_im": 0.08428107625321879, "one_im_sa_cls": 13.63265306122449, "model_in_bounds": 1, "pred_cls": 16.945375364505573, "error_w_gmm": 0.10690125125438844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10476130118043436}, "run_3293": {"edge_length": 1000, "pf": 0.102725, "in_bounds_one_im": 1, "error_one_im": 0.0829877198010757, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 16.459580124017815, "error_w_gmm": 0.09729117687750426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09534360134671212}, "run_3294": {"edge_length": 1000, "pf": 0.101145, "in_bounds_one_im": 1, "error_one_im": 0.0833492692660987, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 17.082648712113592, "error_w_gmm": 0.10184924541538236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09981042643336534}, "run_3295": {"edge_length": 1000, "pf": 0.099293, "in_bounds_one_im": 1, "error_one_im": 0.08023404595596625, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 1, "pred_cls": 15.507075781918267, "error_w_gmm": 0.0934097818117272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09153990407736486}, "run_3296": {"edge_length": 1000, "pf": 0.110043, "in_bounds_one_im": 0, "error_one_im": 0.08724703479282922, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 16.267805913723016, "error_w_gmm": 0.0925256785746409, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09067349882571274}, "run_3297": {"edge_length": 1000, "pf": 0.094362, "in_bounds_one_im": 1, "error_one_im": 0.09145071866020164, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 13.77528126087079, "error_w_gmm": 0.0853511192311973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08364255986666543}, "run_3298": {"edge_length": 1000, "pf": 0.105095, "in_bounds_one_im": 1, "error_one_im": 0.07610217108605612, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 16.66761863392462, "error_w_gmm": 0.09727494426557744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09532769367933643}, "run_3299": {"edge_length": 1000, "pf": 0.099978, "in_bounds_one_im": 1, "error_one_im": 0.08952929792001792, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 16.311102388364755, "error_w_gmm": 0.09787857770616554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09591924358104476}, "run_3300": {"edge_length": 1000, "pf": 0.097194, "in_bounds_one_im": 1, "error_one_im": 0.0880170278005871, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 13.273634228237254, "error_w_gmm": 0.08090909287880248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0792894540321296}, "run_3301": {"edge_length": 1000, "pf": 0.10444, "in_bounds_one_im": 1, "error_one_im": 0.07695401662382435, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 16.3105805694787, "error_w_gmm": 0.09552418208960398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0936119782741349}, "run_3302": {"edge_length": 1000, "pf": 0.10382, "in_bounds_one_im": 1, "error_one_im": 0.07674008992508148, "one_im_sa_cls": 13.326530612244898, "model_in_bounds": 1, "pred_cls": 13.138520312519864, "error_w_gmm": 0.07720289107646888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07565744300612391}, "run_3303": {"edge_length": 1000, "pf": 0.106893, "in_bounds_one_im": 1, "error_one_im": 0.07399614566810157, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 14.547682257266093, "error_w_gmm": 0.08410095283114381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08241741930727188}, "run_3304": {"edge_length": 1000, "pf": 0.099092, "in_bounds_one_im": 1, "error_one_im": 0.07525884092790448, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 15.987711509943589, "error_w_gmm": 0.09641336114762901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0944833577389031}, "run_3305": {"edge_length": 1000, "pf": 0.096208, "in_bounds_one_im": 1, "error_one_im": 0.08974117369059594, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 15.508727132441502, "error_w_gmm": 0.0950680976713151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09316502375725687}, "run_3306": {"edge_length": 1000, "pf": 0.107369, "in_bounds_one_im": 1, "error_one_im": 0.08234680458013005, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 18.698106111432416, "error_w_gmm": 0.10782616130137157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10566769637094728}, "run_3307": {"edge_length": 1000, "pf": 0.096641, "in_bounds_one_im": 1, "error_one_im": 0.07949043029392745, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 15.24173989219611, "error_w_gmm": 0.09319959429201503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09133392409304708}, "run_3308": {"edge_length": 1000, "pf": 0.096392, "in_bounds_one_im": 1, "error_one_im": 0.08891154759198824, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 12.088733783737483, "error_w_gmm": 0.07402532918180679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07254348957003157}, "run_3309": {"edge_length": 1000, "pf": 0.100524, "in_bounds_one_im": 1, "error_one_im": 0.08519064645638766, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 18.701827923253457, "error_w_gmm": 0.11188553982038729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10964581421939064}, "run_3310": {"edge_length": 1000, "pf": 0.101341, "in_bounds_one_im": 1, "error_one_im": 0.07432612167775876, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 15.370544348208211, "error_w_gmm": 0.09154278384115364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08971027968659812}, "run_3311": {"edge_length": 1000, "pf": 0.104691, "in_bounds_one_im": 1, "error_one_im": 0.07416057183533575, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 14.616557963908738, "error_w_gmm": 0.08548834506933257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0837770387169122}, "run_3312": {"edge_length": 1000, "pf": 0.089082, "in_bounds_one_im": 0, "error_one_im": 0.08083766339582246, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 0, "pred_cls": 16.80533197021506, "error_w_gmm": 0.10747853895154723, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10532703272800893}, "run_3313": {"edge_length": 1000, "pf": 0.102019, "in_bounds_one_im": 1, "error_one_im": 0.07179602967431817, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 16.268380855817544, "error_w_gmm": 0.0965311254083123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09459876459370566}, "run_3314": {"edge_length": 1000, "pf": 0.090173, "in_bounds_one_im": 0, "error_one_im": 0.08995523030160404, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 0, "pred_cls": 15.954365961468733, "error_w_gmm": 0.10135628789613944, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09932733694155313}, "run_3315": {"edge_length": 1000, "pf": 0.105719, "in_bounds_one_im": 1, "error_one_im": 0.07550177929439938, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 14.703340496455564, "error_w_gmm": 0.08552764008458599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08381554712424631}, "run_3316": {"edge_length": 1000, "pf": 0.094554, "in_bounds_one_im": 1, "error_one_im": 0.08676835286210091, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 17.753509107875313, "error_w_gmm": 0.10987667969541184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10767716747192543}, "run_3317": {"edge_length": 1000, "pf": 0.100377, "in_bounds_one_im": 1, "error_one_im": 0.07376424343732267, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 15.174424381161087, "error_w_gmm": 0.09085637194816282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08903760839218722}, "run_3318": {"edge_length": 1000, "pf": 0.099045, "in_bounds_one_im": 1, "error_one_im": 0.08118996364871518, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 15.367964247473724, "error_w_gmm": 0.0927004001677693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0908447228406392}, "run_3319": {"edge_length": 1000, "pf": 0.099378, "in_bounds_one_im": 1, "error_one_im": 0.07887138380353678, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 15.852402679528891, "error_w_gmm": 0.09544457335424493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09353396314705582}, "run_3320": {"edge_length": 1000, "pf": 0.100774, "in_bounds_one_im": 1, "error_one_im": 0.07181028694388099, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 12.40468599780235, "error_w_gmm": 0.07410985271363268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.072626321109144}, "run_3321": {"edge_length": 1200, "pf": 0.10020069444444445, "in_bounds_one_im": 1, "error_one_im": 0.0772125187788473, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 13.90493593701533, "error_w_gmm": 0.06944727398547167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0680570779180049}, "run_3322": {"edge_length": 1200, "pf": 0.09630416666666666, "in_bounds_one_im": 1, "error_one_im": 0.06912705175709317, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 18.510455799879633, "error_w_gmm": 0.09450492976486023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09261312935030663}, "run_3323": {"edge_length": 1200, "pf": 0.09757083333333333, "in_bounds_one_im": 1, "error_one_im": 0.061329961795517196, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 14.567192036920892, "error_w_gmm": 0.073836508093107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07235844830334498}, "run_3324": {"edge_length": 1200, "pf": 0.09092430555555556, "in_bounds_one_im": 0, "error_one_im": 0.0692462343683433, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 0, "pred_cls": 14.354697871829305, "error_w_gmm": 0.0756489374885502, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07413459647314019}, "run_3325": {"edge_length": 1200, "pf": 0.10487986111111111, "in_bounds_one_im": 1, "error_one_im": 0.06592559315252276, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 17.25139913501381, "error_w_gmm": 0.08399775623230078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08231628849874223}, "run_3326": {"edge_length": 1200, "pf": 0.10490347222222222, "in_bounds_one_im": 1, "error_one_im": 0.0688383074014219, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 18.819470751639585, "error_w_gmm": 0.09162123891773687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08978716424885187}, "run_3327": {"edge_length": 1200, "pf": 0.09977222222222222, "in_bounds_one_im": 1, "error_one_im": 0.06818506501929371, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 15.038778945624767, "error_w_gmm": 0.07528920432450735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07378206445035579}, "run_3328": {"edge_length": 1200, "pf": 0.10039305555555555, "in_bounds_one_im": 1, "error_one_im": 0.0691478311605312, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 16.274658726667166, "error_w_gmm": 0.08119610627072803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07957072198775686}, "run_3329": {"edge_length": 1200, "pf": 0.09271041666666667, "in_bounds_one_im": 0, "error_one_im": 0.06840428381234587, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 17.7540237919049, "error_w_gmm": 0.09256658525228444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09071358663316702}, "run_3330": {"edge_length": 1200, "pf": 0.09905763888888888, "in_bounds_one_im": 1, "error_one_im": 0.07318240234848476, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 16.346057050020395, "error_w_gmm": 0.08216110614759213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08051640448962644}, "run_3331": {"edge_length": 1200, "pf": 0.09632152777777778, "in_bounds_one_im": 1, "error_one_im": 0.068303375976967, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 21.075348279370896, "error_w_gmm": 0.1075892293967245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10543550737099902}, "run_3332": {"edge_length": 1200, "pf": 0.10216805555555555, "in_bounds_one_im": 1, "error_one_im": 0.06284458218747163, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 14.697920399971695, "error_w_gmm": 0.07261805344302912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07116438468787095}, "run_3333": {"edge_length": 1200, "pf": 0.09412708333333333, "in_bounds_one_im": 1, "error_one_im": 0.0704197070103095, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.562904469055768, "error_w_gmm": 0.07529620487251434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07378892486133871}, "run_3334": {"edge_length": 1200, "pf": 0.10459097222222222, "in_bounds_one_im": 1, "error_one_im": 0.06456429137133844, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 13.517254717134051, "error_w_gmm": 0.06591752334192703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06459798585012756}, "run_3335": {"edge_length": 1200, "pf": 0.10486875, "in_bounds_one_im": 1, "error_one_im": 0.06213148839537801, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.369703066247585, "error_w_gmm": 0.06997080291688179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06857012684321927}, "run_3336": {"edge_length": 1200, "pf": 0.10339513888888889, "in_bounds_one_im": 1, "error_one_im": 0.0682191106950384, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 11.91254570017729, "error_w_gmm": 0.05846605805272361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05729568405068318}, "run_3337": {"edge_length": 1200, "pf": 0.09435277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06123893689714397, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 17.11457648453209, "error_w_gmm": 0.08837248974699123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08660344856411911}, "run_3338": {"edge_length": 1200, "pf": 0.10120555555555556, "in_bounds_one_im": 1, "error_one_im": 0.0670505818365731, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.796937997236654, "error_w_gmm": 0.08342704897586621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08175700566457848}, "run_3339": {"edge_length": 1200, "pf": 0.11246805555555556, "in_bounds_one_im": 0, "error_one_im": 0.06582691364158773, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 0, "pred_cls": 16.521325852819544, "error_w_gmm": 0.0773519114134418, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07580348025283935}, "run_3340": {"edge_length": 1200, "pf": 0.09609097222222222, "in_bounds_one_im": 1, "error_one_im": 0.06778059260836423, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 14.196596319930174, "error_w_gmm": 0.07256948669300596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07111679014742521}, "run_3341": {"edge_length": 1200, "pf": 0.10209375, "in_bounds_one_im": 1, "error_one_im": 0.06692299255676422, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 12.05863615708983, "error_w_gmm": 0.05960227820331176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058409159337513866}, "run_3342": {"edge_length": 1200, "pf": 0.10223333333333333, "in_bounds_one_im": 1, "error_one_im": 0.07694735575306409, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 18.209659633519152, "error_w_gmm": 0.08993651511821663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08813616526337333}, "run_3343": {"edge_length": 1200, "pf": 0.10795555555555555, "in_bounds_one_im": 0, "error_one_im": 0.0650595847901292, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 17.102802852683634, "error_w_gmm": 0.08193826943043954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08029802851960041}, "run_3344": {"edge_length": 1200, "pf": 0.10047847222222223, "in_bounds_one_im": 1, "error_one_im": 0.07749274642585335, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 14.446175017432207, "error_w_gmm": 0.07203953336040746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07059744542473514}, "run_3345": {"edge_length": 1200, "pf": 0.09503541666666666, "in_bounds_one_im": 1, "error_one_im": 0.07107581728485671, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 17.86306223913734, "error_w_gmm": 0.0918708450120806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09003177372646962}, "run_3346": {"edge_length": 1200, "pf": 0.09641527777777778, "in_bounds_one_im": 1, "error_one_im": 0.0690829611665406, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 15.856520576552047, "error_w_gmm": 0.08090365761530385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07928412757177764}, "run_3347": {"edge_length": 1200, "pf": 0.097825, "in_bounds_one_im": 1, "error_one_im": 0.06275999788715589, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 14.128393010068661, "error_w_gmm": 0.07150921040665245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07007773847996782}, "run_3348": {"edge_length": 1200, "pf": 0.09207638888888889, "in_bounds_one_im": 0, "error_one_im": 0.06740733358742831, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 0, "pred_cls": 15.32891304284587, "error_w_gmm": 0.08022516631555784, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07861921831611464}, "run_3349": {"edge_length": 1200, "pf": 0.08963472222222223, "in_bounds_one_im": 0, "error_one_im": 0.07085431485506674, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 0, "pred_cls": 15.18537058515901, "error_w_gmm": 0.08065733132015862, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07904273223831265}, "run_3350": {"edge_length": 1200, "pf": 0.09804444444444445, "in_bounds_one_im": 1, "error_one_im": 0.07178111294051905, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 17.14956835710773, "error_w_gmm": 0.08669279744575771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08495738035635547}, "run_3351": {"edge_length": 1200, "pf": 0.10346319444444445, "in_bounds_one_im": 1, "error_one_im": 0.06122749263141333, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 15.599762650568417, "error_w_gmm": 0.07653460768268026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.075002537314478}, "run_3352": {"edge_length": 1200, "pf": 0.09868402777777778, "in_bounds_one_im": 1, "error_one_im": 0.06285943235179751, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 16.31529489861107, "error_w_gmm": 0.08217860748540144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08053355548552021}, "run_3353": {"edge_length": 1200, "pf": 0.10365625, "in_bounds_one_im": 1, "error_one_im": 0.06390839508679973, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 16.36325818530828, "error_w_gmm": 0.08019699273472607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07859160871424165}, "run_3354": {"edge_length": 1200, "pf": 0.10455277777777777, "in_bounds_one_im": 1, "error_one_im": 0.06506520579874096, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 16.379134210004693, "error_w_gmm": 0.07988990414109987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07829066742245659}, "run_3355": {"edge_length": 1200, "pf": 0.10362986111111111, "in_bounds_one_im": 1, "error_one_im": 0.06578009815842893, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 16.062301210866313, "error_w_gmm": 0.07873317180019779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07715709055849608}, "run_3356": {"edge_length": 1200, "pf": 0.10139722222222222, "in_bounds_one_im": 1, "error_one_im": 0.06529313299812958, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 12.00746235413415, "error_w_gmm": 0.05957593031885175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05838333888520858}, "run_3357": {"edge_length": 1200, "pf": 0.10465763888888889, "in_bounds_one_im": 1, "error_one_im": 0.07409577710466819, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 15.578753885995223, "error_w_gmm": 0.0759434925522065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07442325513125538}, "run_3358": {"edge_length": 1200, "pf": 0.0991625, "in_bounds_one_im": 1, "error_one_im": 0.07062778473191432, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 17.21913805936277, "error_w_gmm": 0.08649871433643502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08476718240421556}, "run_3359": {"edge_length": 1200, "pf": 0.10097986111111111, "in_bounds_one_im": 1, "error_one_im": 0.0647469148253901, "one_im_sa_cls": 13.285714285714286, "model_in_bounds": 1, "pred_cls": 15.346409349229061, "error_w_gmm": 0.07631727477564447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07478955497925516}, "run_3360": {"edge_length": 1200, "pf": 0.09287708333333333, "in_bounds_one_im": 0, "error_one_im": 0.07135758138092475, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 15.221082693479474, "error_w_gmm": 0.07928172302506432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07769466088070308}, "run_3361": {"edge_length": 1400, "pf": 0.10660357142857142, "in_bounds_one_im": 1, "error_one_im": 0.06542393888068763, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 0, "pred_cls": 15.304440662762351, "error_w_gmm": 0.0620271356363209, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.062025995873147985}, "run_3362": {"edge_length": 1400, "pf": 0.10438571428571429, "in_bounds_one_im": 1, "error_one_im": 0.06276610965071604, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 16.264652860544377, "error_w_gmm": 0.0666979992699381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06669677367854969}, "run_3363": {"edge_length": 1400, "pf": 0.09969744897959183, "in_bounds_one_im": 1, "error_one_im": 0.05778182531015429, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 16.8319086531888, "error_w_gmm": 0.07081310190025714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07081180069289221}, "run_3364": {"edge_length": 1400, "pf": 0.09837908163265306, "in_bounds_one_im": 1, "error_one_im": 0.06167002332517355, "one_im_sa_cls": 14.551020408163264, "model_in_bounds": 1, "pred_cls": 15.02966868959295, "error_w_gmm": 0.06369979730683671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06369862680811299}, "run_3365": {"edge_length": 1400, "pf": 0.09813520408163265, "in_bounds_one_im": 1, "error_one_im": 0.05326689641506928, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 15.015413260377937, "error_w_gmm": 0.06372702250424586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06372585150525277}, "run_3366": {"edge_length": 1400, "pf": 0.10506326530612245, "in_bounds_one_im": 1, "error_one_im": 0.05845379520264093, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 15.746285379321986, "error_w_gmm": 0.06433938039314747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06433819814193452}, "run_3367": {"edge_length": 1400, "pf": 0.1001219387755102, "in_bounds_one_im": 1, "error_one_im": 0.06218530984920369, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 15.154810397091566, "error_w_gmm": 0.06360712255917056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06360595376336717}, "run_3368": {"edge_length": 1400, "pf": 0.0984938775510204, "in_bounds_one_im": 1, "error_one_im": 0.056789633706343656, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 14.477665474378817, "error_w_gmm": 0.06132058589953876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061319459119382955}, "run_3369": {"edge_length": 1400, "pf": 0.09704285714285714, "in_bounds_one_im": 1, "error_one_im": 0.060396113355350146, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.65310098057714, "error_w_gmm": 0.06684673568101801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0668455073565632}, "run_3370": {"edge_length": 1400, "pf": 0.10140918367346939, "in_bounds_one_im": 1, "error_one_im": 0.059789048892952563, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 18.885425644347496, "error_w_gmm": 0.07870406387775031, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07870261767210741}, "run_3371": {"edge_length": 1400, "pf": 0.10306428571428572, "in_bounds_one_im": 1, "error_one_im": 0.0567238368519444, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 15.326474284110411, "error_w_gmm": 0.06329900104419535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06329783791019705}, "run_3372": {"edge_length": 1400, "pf": 0.10134387755102041, "in_bounds_one_im": 1, "error_one_im": 0.054450510965946115, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 14.53807091158968, "error_w_gmm": 0.060608401334481046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060607287640883724}, "run_3373": {"edge_length": 1400, "pf": 0.09466887755102041, "in_bounds_one_im": 1, "error_one_im": 0.05742981842240304, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 17.256669384066164, "error_w_gmm": 0.07471109910446393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07470972627048571}, "run_3374": {"edge_length": 1400, "pf": 0.10182244897959183, "in_bounds_one_im": 1, "error_one_im": 0.0641512465511896, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 17.114454020772936, "error_w_gmm": 0.07116237166536407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07116106404008536}, "run_3375": {"edge_length": 1400, "pf": 0.10008367346938775, "in_bounds_one_im": 1, "error_one_im": 0.05919996766602564, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 17.12489428086947, "error_w_gmm": 0.07189114185287895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07188982083627701}, "run_3376": {"edge_length": 1400, "pf": 0.10036632653061224, "in_bounds_one_im": 1, "error_one_im": 0.07168145809184698, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 19.415891804858013, "error_w_gmm": 0.08138122368257007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08137972828348744}, "run_3377": {"edge_length": 1400, "pf": 0.10396836734693878, "in_bounds_one_im": 1, "error_one_im": 0.05384806009654505, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 16.02592218521804, "error_w_gmm": 0.06586612654490354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06586491623937167}, "run_3378": {"edge_length": 1400, "pf": 0.10330255102040817, "in_bounds_one_im": 1, "error_one_im": 0.06010209782066365, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 15.502083823714393, "error_w_gmm": 0.06394190346492303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06394072851744188}, "run_3379": {"edge_length": 1400, "pf": 0.09611326530612245, "in_bounds_one_im": 1, "error_one_im": 0.06229582137890958, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 15.309167250844352, "error_w_gmm": 0.06572717157414835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06572596382194676}, "run_3380": {"edge_length": 1400, "pf": 0.09996632653061224, "in_bounds_one_im": 1, "error_one_im": 0.05889565075922763, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 16.954918016752806, "error_w_gmm": 0.07122398063237169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07122267187501378}, "run_3381": {"edge_length": 1400, "pf": 0.10302142857142857, "in_bounds_one_im": 1, "error_one_im": 0.05909751823933766, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 15.692967573284966, "error_w_gmm": 0.06482766259610308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06482647137259}, "run_3382": {"edge_length": 1400, "pf": 0.10023265306122449, "in_bounds_one_im": 1, "error_one_im": 0.06214713283919346, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 15.035278682938499, "error_w_gmm": 0.0630666872640222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06306552839884401}, "run_3383": {"edge_length": 1400, "pf": 0.09814948979591837, "in_bounds_one_im": 1, "error_one_im": 0.06374190579198831, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 14.559077701218245, "error_w_gmm": 0.06178529918243562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06178416386306421}, "run_3384": {"edge_length": 1400, "pf": 0.0969045918367347, "in_bounds_one_im": 1, "error_one_im": 0.05835052015090411, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 15.342114685539565, "error_w_gmm": 0.06557041000423736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06556920513256631}, "run_3385": {"edge_length": 1400, "pf": 0.09957295918367347, "in_bounds_one_im": 1, "error_one_im": 0.058852932048365794, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 16.269591266693517, "error_w_gmm": 0.06849489994474552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06849364133488549}, "run_3386": {"edge_length": 1400, "pf": 0.09972857142857143, "in_bounds_one_im": 1, "error_one_im": 0.06026123420065293, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 15.725374950613455, "error_w_gmm": 0.06614636451025208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06614514905528193}, "run_3387": {"edge_length": 1400, "pf": 0.09273316326530612, "in_bounds_one_im": 0, "error_one_im": 0.05540712882711252, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 0, "pred_cls": 16.799860962971138, "error_w_gmm": 0.07356711144518342, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07356575963224693}, "run_3388": {"edge_length": 1400, "pf": 0.09736785714285714, "in_bounds_one_im": 1, "error_one_im": 0.05358611585856033, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 14.514645233986899, "error_w_gmm": 0.061870275836294765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061869138955457474}, "run_3389": {"edge_length": 1400, "pf": 0.09798877551020409, "in_bounds_one_im": 1, "error_one_im": 0.06007240448071452, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.343459871919219, "error_w_gmm": 0.06517321467328337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06517201710016975}, "run_3390": {"edge_length": 1400, "pf": 0.09792448979591836, "in_bounds_one_im": 1, "error_one_im": 0.06555737542969595, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 18.02642562303352, "error_w_gmm": 0.07659729698935229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07659588949604532}, "run_3391": {"edge_length": 1400, "pf": 0.09604234693877552, "in_bounds_one_im": 1, "error_one_im": 0.06363605622760682, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.791333434083505, "error_w_gmm": 0.08071017618020303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08070869311177581}, "run_3392": {"edge_length": 1400, "pf": 0.09778520408163266, "in_bounds_one_im": 1, "error_one_im": 0.06118310193421714, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 14.170511466562767, "error_w_gmm": 0.06026039315477512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06025928585590982}, "run_3393": {"edge_length": 1400, "pf": 0.09763214285714286, "in_bounds_one_im": 1, "error_one_im": 0.062191695290127164, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 16.419261724137872, "error_w_gmm": 0.06988388801522308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0698826038823814}, "run_3394": {"edge_length": 1400, "pf": 0.09858418367346938, "in_bounds_one_im": 1, "error_one_im": 0.059007014758770196, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 15.091534448987856, "error_w_gmm": 0.06388816283587298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06388698887588848}, "run_3395": {"edge_length": 1400, "pf": 0.09887040816326531, "in_bounds_one_im": 1, "error_one_im": 0.056238280467560485, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 15.96533836128522, "error_w_gmm": 0.06747868725197644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06747744731526316}, "run_3396": {"edge_length": 1400, "pf": 0.10382040816326531, "in_bounds_one_im": 1, "error_one_im": 0.05783614743210471, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 15.041354143133857, "error_w_gmm": 0.06186872003692068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061867583184671476}, "run_3397": {"edge_length": 1400, "pf": 0.10060051020408163, "in_bounds_one_im": 1, "error_one_im": 0.05800560707416077, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 15.927046434285039, "error_w_gmm": 0.06667138985741719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06667016475498308}, "run_3398": {"edge_length": 1400, "pf": 0.09577551020408163, "in_bounds_one_im": 1, "error_one_im": 0.05425294850220928, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 15.775478480743404, "error_w_gmm": 0.06786119010293153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06785994313763859}, "run_3399": {"edge_length": 1400, "pf": 0.09826173469387756, "in_bounds_one_im": 1, "error_one_im": 0.05894122035480474, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.901395294391493, "error_w_gmm": 0.06319795240554384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06319679112833802}, "run_3400": {"edge_length": 1400, "pf": 0.09779489795918367, "in_bounds_one_im": 1, "error_one_im": 0.05944414532415704, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 16.436075997006704, "error_w_gmm": 0.06989091348255362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06988962922061728}}, "blobs_250.0_0.2": {"true_cls": 17.020408163265305, "true_pf": 0.20001844275125016, "run_3401": {"edge_length": 600, "pf": 0.20868055555555556, "in_bounds_one_im": 1, "error_one_im": 0.08555021430420244, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 19.712144028226227, "error_w_gmm": 0.13038708240455796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12539078779133966}, "run_3402": {"edge_length": 600, "pf": 0.18678333333333333, "in_bounds_one_im": 1, "error_one_im": 0.10321403120562395, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 16.19792895578946, "error_w_gmm": 0.1148046137150994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11040542276382388}, "run_3403": {"edge_length": 600, "pf": 0.2002, "in_bounds_one_im": 1, "error_one_im": 0.09234059285897576, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 16.68526017489174, "error_w_gmm": 0.11328109114172157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10894027995848815}, "run_3404": {"edge_length": 600, "pf": 0.1921277777777778, "in_bounds_one_im": 1, "error_one_im": 0.10170679153986258, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 19.342799925429862, "error_w_gmm": 0.13472908952253612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12956641380488612}, "run_3405": {"edge_length": 600, "pf": 0.2060972222222222, "in_bounds_one_im": 1, "error_one_im": 0.08779522017896815, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 14.72513144146759, "error_w_gmm": 0.0981685890118929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0944068728708298}, "run_3406": {"edge_length": 600, "pf": 0.2132527777777778, "in_bounds_one_im": 1, "error_one_im": 0.09872460375814221, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 12.789095168667167, "error_w_gmm": 0.08344030002222444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08024295628357977}, "run_3407": {"edge_length": 600, "pf": 0.21019444444444443, "in_bounds_one_im": 1, "error_one_im": 0.10415623623600345, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 22.597446744358148, "error_w_gmm": 0.14879030166712703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14308881522376904}, "run_3408": {"edge_length": 600, "pf": 0.20758333333333334, "in_bounds_one_im": 1, "error_one_im": 0.09664629858328654, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 16.784687014896434, "error_w_gmm": 0.1113934319553395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1071249538686873}, "run_3409": {"edge_length": 600, "pf": 0.21265277777777777, "in_bounds_one_im": 1, "error_one_im": 0.11249882170965013, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 15.800006166664778, "error_w_gmm": 0.10326916213675756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09931199744697226}, "run_3410": {"edge_length": 600, "pf": 0.19783055555555557, "in_bounds_one_im": 1, "error_one_im": 0.09464033085739501, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 11.317548736142468, "error_w_gmm": 0.07741132888141812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07444500891812421}, "run_3411": {"edge_length": 600, "pf": 0.19309722222222223, "in_bounds_one_im": 1, "error_one_im": 0.10220793551135415, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 19.2133423613584, "error_w_gmm": 0.13341089288049277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12829872905911616}, "run_3412": {"edge_length": 600, "pf": 0.22241388888888888, "in_bounds_one_im": 1, "error_one_im": 0.1018394658254015, "one_im_sa_cls": 16.6734693877551, "model_in_bounds": 1, "pred_cls": 22.987107375436217, "error_w_gmm": 0.14599682026739721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14040237706645414}, "run_3413": {"edge_length": 600, "pf": 0.1941277777777778, "in_bounds_one_im": 1, "error_one_im": 0.10418024540753597, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 18.812588295158747, "error_w_gmm": 0.1301977802628246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12520873950676437}, "run_3414": {"edge_length": 600, "pf": 0.2231027777777778, "in_bounds_one_im": 0, "error_one_im": 0.0966609535167466, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 18.12319044373264, "error_w_gmm": 0.11487611160608384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11047418093150906}, "run_3415": {"edge_length": 600, "pf": 0.187775, "in_bounds_one_im": 1, "error_one_im": 0.11535684721737144, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 22.914403562561557, "error_w_gmm": 0.16188016029793773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15567708436458733}, "run_3416": {"edge_length": 600, "pf": 0.2034, "in_bounds_one_im": 1, "error_one_im": 0.09459421837629209, "one_im_sa_cls": 14.63265306122449, "model_in_bounds": 1, "pred_cls": 19.592238333185172, "error_w_gmm": 0.13170264866895137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12665594295273958}, "run_3417": {"edge_length": 600, "pf": 0.21117222222222223, "in_bounds_one_im": 1, "error_one_im": 0.08555424097071727, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 15.658171592590346, "error_w_gmm": 0.10279678398267093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0988577203223982}, "run_3418": {"edge_length": 600, "pf": 0.2081638888888889, "in_bounds_one_im": 1, "error_one_im": 0.08698449246306335, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 20.619286943598922, "error_w_gmm": 0.13660115613224322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13136674480900123}, "run_3419": {"edge_length": 600, "pf": 0.1912638888888889, "in_bounds_one_im": 1, "error_one_im": 0.09924902602997136, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 20.227228286225017, "error_w_gmm": 0.14128273056867943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13586892628175729}, "run_3420": {"edge_length": 600, "pf": 0.2076111111111111, "in_bounds_one_im": 1, "error_one_im": 0.09533573822544283, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 18.646680305320622, "error_w_gmm": 0.12374030847330753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11899871118267322}, "run_3421": {"edge_length": 600, "pf": 0.1821611111111111, "in_bounds_one_im": 1, "error_one_im": 0.10424690451456492, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 15.841355986616053, "error_w_gmm": 0.11401557354864182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10964661777910804}, "run_3422": {"edge_length": 600, "pf": 0.19135555555555556, "in_bounds_one_im": 1, "error_one_im": 0.09675284128014228, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 10.65274542179956, "error_w_gmm": 0.07438503839024618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07153468266666235}, "run_3423": {"edge_length": 600, "pf": 0.19323333333333334, "in_bounds_one_im": 1, "error_one_im": 0.11169855714795934, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 19.104380744719993, "error_w_gmm": 0.13259638754267808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12751543470138235}, "run_3424": {"edge_length": 600, "pf": 0.186125, "in_bounds_one_im": 1, "error_one_im": 0.10371705936533396, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 16.026877333625446, "error_w_gmm": 0.1138390306233735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10947683979136456}, "run_3425": {"edge_length": 600, "pf": 0.1942888888888889, "in_bounds_one_im": 1, "error_one_im": 0.10100419001536948, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 21.064974650670994, "error_w_gmm": 0.14571102462713514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1401275328118016}, "run_3426": {"edge_length": 600, "pf": 0.19541666666666666, "in_bounds_one_im": 1, "error_one_im": 0.09157863053837258, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 20.221043210515294, "error_w_gmm": 0.1393715243103477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1340309554188126}, "run_3427": {"edge_length": 600, "pf": 0.19729444444444444, "in_bounds_one_im": 1, "error_one_im": 0.09453155281982491, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 19.04880985787068, "error_w_gmm": 0.13051316758036502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12551204151702858}, "run_3428": {"edge_length": 600, "pf": 0.22640277777777779, "in_bounds_one_im": 0, "error_one_im": 0.09266914936362358, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 20.6182020550658, "error_w_gmm": 0.1294592670412287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12449852532800917}, "run_3429": {"edge_length": 600, "pf": 0.19510555555555556, "in_bounds_one_im": 1, "error_one_im": 0.0900444713840194, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 19.18128222849874, "error_w_gmm": 0.13233601710269152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1272650413803156}, "run_3430": {"edge_length": 600, "pf": 0.19270833333333334, "in_bounds_one_im": 1, "error_one_im": 0.08937314640432349, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 22.096424709575448, "error_w_gmm": 0.15362177295716153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14773514966178458}, "run_3431": {"edge_length": 600, "pf": 0.1781361111111111, "in_bounds_one_im": 1, "error_one_im": 0.12443555895673132, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 17.24791353899159, "error_w_gmm": 0.12584220215866984, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.12102006253282833}, "run_3432": {"edge_length": 600, "pf": 0.17795833333333333, "in_bounds_one_im": 0, "error_one_im": 0.09112669656576586, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 19.224513073182155, "error_w_gmm": 0.14034885583798654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13497083663958964}, "run_3433": {"edge_length": 600, "pf": 0.19751666666666667, "in_bounds_one_im": 1, "error_one_im": 0.10306525007778529, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 17.130701157834203, "error_w_gmm": 0.1172889377323742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11279455012145947}, "run_3434": {"edge_length": 600, "pf": 0.21116944444444444, "in_bounds_one_im": 1, "error_one_im": 0.11634958394382493, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 21.815046857572998, "error_w_gmm": 0.1432182131754859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1377302432492686}, "run_3435": {"edge_length": 600, "pf": 0.21204444444444445, "in_bounds_one_im": 1, "error_one_im": 0.09175640383126073, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 19.84048733426559, "error_w_gmm": 0.12991387123565018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12493570957218834}, "run_3436": {"edge_length": 600, "pf": 0.1917111111111111, "in_bounds_one_im": 1, "error_one_im": 0.09828446254632388, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 17.65276643943042, "error_w_gmm": 0.12312272379452995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11840479169332159}, "run_3437": {"edge_length": 600, "pf": 0.18220277777777777, "in_bounds_one_im": 0, "error_one_im": 0.09759422656919967, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 19.23033129736852, "error_w_gmm": 0.13838781812372766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13308494380922084}, "run_3438": {"edge_length": 600, "pf": 0.19921111111111112, "in_bounds_one_im": 1, "error_one_im": 0.07712209422303395, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 18.60830627287756, "error_w_gmm": 0.1267286659239591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12187255794746778}, "run_3439": {"edge_length": 600, "pf": 0.20395833333333332, "in_bounds_one_im": 1, "error_one_im": 0.09285109944020656, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 16.135174284866146, "error_w_gmm": 0.10827709886979354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10412803535950259}, "run_3440": {"edge_length": 600, "pf": 0.1996361111111111, "in_bounds_one_im": 1, "error_one_im": 0.10131336233742569, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 17.761392783509624, "error_w_gmm": 0.12080001494010328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11617108657702159}, "run_3441": {"edge_length": 800, "pf": 0.199246875, "in_bounds_one_im": 1, "error_one_im": 0.0735718447454727, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.342386753587178, "error_w_gmm": 0.0863336608633771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08517664564276844}, "run_3442": {"edge_length": 800, "pf": 0.188534375, "in_bounds_one_im": 1, "error_one_im": 0.07323294779202719, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 13.291237673357296, "error_w_gmm": 0.06847356552517884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06755590540594275}, "run_3443": {"edge_length": 800, "pf": 0.2026296875, "in_bounds_one_im": 1, "error_one_im": 0.06903188894714056, "one_im_sa_cls": 14.204081632653061, "model_in_bounds": 1, "pred_cls": 17.34237988363086, "error_w_gmm": 0.08542892016738152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08428402998288873}, "run_3444": {"edge_length": 800, "pf": 0.1949078125, "in_bounds_one_im": 1, "error_one_im": 0.0799732856092989, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 18.490005740963156, "error_w_gmm": 0.09331747014544205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09206686021847715}, "run_3445": {"edge_length": 800, "pf": 0.197503125, "in_bounds_one_im": 1, "error_one_im": 0.07851166196912603, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 19.434318314606855, "error_w_gmm": 0.09727958939776776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09597588045664134}, "run_3446": {"edge_length": 800, "pf": 0.194453125, "in_bounds_one_im": 1, "error_one_im": 0.07510283496195781, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 15.758725674060296, "error_w_gmm": 0.07964834728050911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07858092642544198}, "run_3447": {"edge_length": 800, "pf": 0.1905484375, "in_bounds_one_im": 1, "error_one_im": 0.07811311672129677, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 19.362397430729516, "error_w_gmm": 0.09909907369568262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09777098062668187}, "run_3448": {"edge_length": 800, "pf": 0.1966984375, "in_bounds_one_im": 1, "error_one_im": 0.06921360120718419, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 14.376903017157417, "error_w_gmm": 0.07214760549828307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07118070710827873}, "run_3449": {"edge_length": 800, "pf": 0.1949796875, "in_bounds_one_im": 1, "error_one_im": 0.0845267332065997, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 18.43338582732526, "error_w_gmm": 0.09301041361892148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09176391876215297}, "run_3450": {"edge_length": 800, "pf": 0.1953453125, "in_bounds_one_im": 1, "error_one_im": 0.07448372012006062, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 20.98517793760302, "error_w_gmm": 0.1057629752577224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10434557478001445}, "run_3451": {"edge_length": 800, "pf": 0.1996609375, "in_bounds_one_im": 1, "error_one_im": 0.07467776395629398, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 19.128352363653946, "error_w_gmm": 0.09510114491356651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09382663076622334}, "run_3452": {"edge_length": 800, "pf": 0.1979234375, "in_bounds_one_im": 1, "error_one_im": 0.07428099051068235, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 21.89489064880714, "error_w_gmm": 0.10945101891624094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10798419249499605}, "run_3453": {"edge_length": 800, "pf": 0.196821875, "in_bounds_one_im": 1, "error_one_im": 0.07373168136643245, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 18.22614773811854, "error_w_gmm": 0.0914285574809324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09020326213788972}, "run_3454": {"edge_length": 800, "pf": 0.2089390625, "in_bounds_one_im": 1, "error_one_im": 0.07277107169931768, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 19.1816012370934, "error_w_gmm": 0.09268249900698017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09144039875358284}, "run_3455": {"edge_length": 800, "pf": 0.198734375, "in_bounds_one_im": 1, "error_one_im": 0.08242461745851937, "one_im_sa_cls": 16.755102040816325, "model_in_bounds": 1, "pred_cls": 21.061071393478368, "error_w_gmm": 0.105014664051425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10360729219345553}, "run_3456": {"edge_length": 800, "pf": 0.1908921875, "in_bounds_one_im": 1, "error_one_im": 0.06989416457058494, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 15.948876378351295, "error_w_gmm": 0.08153741517009767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08044467765083299}, "run_3457": {"edge_length": 800, "pf": 0.180853125, "in_bounds_one_im": 0, "error_one_im": 0.07767884595450388, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 0, "pred_cls": 15.4522522432177, "error_w_gmm": 0.08166338873553816, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08056896296013862}, "run_3458": {"edge_length": 800, "pf": 0.1960578125, "in_bounds_one_im": 1, "error_one_im": 0.0821113535904418, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 19.11837329973819, "error_w_gmm": 0.09613665308469967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09484826139871066}, "run_3459": {"edge_length": 800, "pf": 0.1922796875, "in_bounds_one_im": 1, "error_one_im": 0.08464588885589525, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 14.555558276046789, "error_w_gmm": 0.07408160686914048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0730887896312571}, "run_3460": {"edge_length": 800, "pf": 0.216496875, "in_bounds_one_im": 0, "error_one_im": 0.07599820832825918, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 0, "pred_cls": 15.363857792400871, "error_w_gmm": 0.07257926354947271, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07160658022077453}, "run_3461": {"edge_length": 800, "pf": 0.2193640625, "in_bounds_one_im": 0, "error_one_im": 0.07479571901770841, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 21.74900111085589, "error_w_gmm": 0.10188226080227977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10051686837852063}, "run_3462": {"edge_length": 800, "pf": 0.196459375, "in_bounds_one_im": 1, "error_one_im": 0.0742207987994942, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 16.43975714279806, "error_w_gmm": 0.08256208762486829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08145561778365118}, "run_3463": {"edge_length": 800, "pf": 0.2035296875, "in_bounds_one_im": 1, "error_one_im": 0.07566488434273995, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.777028213001117, "error_w_gmm": 0.08732685165004814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08615652601440964}, "run_3464": {"edge_length": 800, "pf": 0.1922421875, "in_bounds_one_im": 1, "error_one_im": 0.08024907216543811, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.782030798941516, "error_w_gmm": 0.09051390874717503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08930087122449903}, "run_3465": {"edge_length": 800, "pf": 0.2019609375, "in_bounds_one_im": 1, "error_one_im": 0.07136164523813529, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 19.007721397213107, "error_w_gmm": 0.0938266415931723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09256920791856338}, "run_3466": {"edge_length": 800, "pf": 0.2034140625, "in_bounds_one_im": 1, "error_one_im": 0.06975526162769255, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 21.358807338733666, "error_w_gmm": 0.10495921096992741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1035525822758489}, "run_3467": {"edge_length": 800, "pf": 0.2123875, "in_bounds_one_im": 1, "error_one_im": 0.07240552188449477, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 17.272711032099114, "error_w_gmm": 0.08259810031086842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08149114783952278}, "run_3468": {"edge_length": 800, "pf": 0.1951984375, "in_bounds_one_im": 1, "error_one_im": 0.07137129649149862, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 17.739118425294773, "error_w_gmm": 0.08944498549595432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0882462733297958}, "run_3469": {"edge_length": 800, "pf": 0.20006875, "in_bounds_one_im": 1, "error_one_im": 0.0735828391090915, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 21.528097415568713, "error_w_gmm": 0.10689566174617428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10546308137809432}, "run_3470": {"edge_length": 800, "pf": 0.2047125, "in_bounds_one_im": 1, "error_one_im": 0.07115232876064674, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 16.03596170248645, "error_w_gmm": 0.07848788665818329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0774360179132609}, "run_3471": {"edge_length": 800, "pf": 0.203178125, "in_bounds_one_im": 1, "error_one_im": 0.0694100235840891, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 15.121314205723085, "error_w_gmm": 0.07436171813878467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07336514694214177}, "run_3472": {"edge_length": 800, "pf": 0.193096875, "in_bounds_one_im": 1, "error_one_im": 0.07420304386154535, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 15.315952768957894, "error_w_gmm": 0.07774721166389331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07670526920071713}, "run_3473": {"edge_length": 800, "pf": 0.1950046875, "in_bounds_one_im": 1, "error_one_im": 0.07710418484797162, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 16.751533746551047, "error_w_gmm": 0.0845174635089766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08338478836571041}, "run_3474": {"edge_length": 800, "pf": 0.201140625, "in_bounds_one_im": 1, "error_one_im": 0.06337302094585857, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 10.873123259040929, "error_w_gmm": 0.05380929595122839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05308816153154566}, "run_3475": {"edge_length": 800, "pf": 0.1961421875, "in_bounds_one_im": 1, "error_one_im": 0.06832346888692624, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 13.842170871830106, "error_w_gmm": 0.0695866685414323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0686540909830534}, "run_3476": {"edge_length": 800, "pf": 0.1965203125, "in_bounds_one_im": 1, "error_one_im": 0.06642187355270139, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 12.739870055201477, "error_w_gmm": 0.06396854229638484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06311125701116824}, "run_3477": {"edge_length": 800, "pf": 0.190553125, "in_bounds_one_im": 1, "error_one_im": 0.08089428083405789, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 20.081742580220556, "error_w_gmm": 0.10277920671931669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10140179372249604}, "run_3478": {"edge_length": 800, "pf": 0.188971875, "in_bounds_one_im": 1, "error_one_im": 0.0683636639922133, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 15.323589322594568, "error_w_gmm": 0.078831103067355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07777463464942669}, "run_3479": {"edge_length": 800, "pf": 0.198428125, "in_bounds_one_im": 1, "error_one_im": 0.06863606054180392, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 17.141096612042542, "error_w_gmm": 0.08555116966815945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08440464113621672}, "run_3480": {"edge_length": 800, "pf": 0.2104515625, "in_bounds_one_im": 1, "error_one_im": 0.0701154784902017, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 16.000712963949578, "error_w_gmm": 0.07696094192708751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07592953679134422}, "run_3481": {"edge_length": 1000, "pf": 0.194278, "in_bounds_one_im": 1, "error_one_im": 0.05962712792951877, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 17.17834869286391, "error_w_gmm": 0.0699668317722039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0685662351929462}, "run_3482": {"edge_length": 1000, "pf": 0.200524, "in_bounds_one_im": 1, "error_one_im": 0.0587826771273885, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 18.399498149040756, "error_w_gmm": 0.07347769249328291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07200681547697174}, "run_3483": {"edge_length": 1000, "pf": 0.196665, "in_bounds_one_im": 1, "error_one_im": 0.0639459878333508, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 16.99850540549691, "error_w_gmm": 0.06871088456630517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06733542954792364}, "run_3484": {"edge_length": 1000, "pf": 0.204542, "in_bounds_one_im": 1, "error_one_im": 0.05663616432223046, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 16.498881146770028, "error_w_gmm": 0.06507315560646974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0637705206745257}, "run_3485": {"edge_length": 1000, "pf": 0.186822, "in_bounds_one_im": 0, "error_one_im": 0.06517512107539798, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 0, "pred_cls": 14.450532186196307, "error_w_gmm": 0.06029657434265829, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.059089557051376064}, "run_3486": {"edge_length": 1000, "pf": 0.20275, "in_bounds_one_im": 1, "error_one_im": 0.06337465714411392, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 16.770316763152685, "error_w_gmm": 0.06651017552324866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06517877431550236}, "run_3487": {"edge_length": 1000, "pf": 0.195579, "in_bounds_one_im": 1, "error_one_im": 0.06157074039910242, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 17.512739634553164, "error_w_gmm": 0.07103373910326842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06961178516481038}, "run_3488": {"edge_length": 1000, "pf": 0.194921, "in_bounds_one_im": 1, "error_one_im": 0.05519652275752158, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.688555542628894, "error_w_gmm": 0.06783263346551223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06647475928445515}, "run_3489": {"edge_length": 1000, "pf": 0.194297, "in_bounds_one_im": 1, "error_one_im": 0.050174975142867576, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 18.151240484448167, "error_w_gmm": 0.07392490060487997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07244507137313397}, "run_3490": {"edge_length": 1000, "pf": 0.204763, "in_bounds_one_im": 1, "error_one_im": 0.05785895934644291, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.957303110688436, "error_w_gmm": 0.07077724541586924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06936042597002819}, "run_3491": {"edge_length": 1000, "pf": 0.211748, "in_bounds_one_im": 1, "error_one_im": 0.05934733654029907, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 16.154193166191597, "error_w_gmm": 0.062335887853405644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061088047568501475}, "run_3492": {"edge_length": 1000, "pf": 0.203299, "in_bounds_one_im": 1, "error_one_im": 0.055982396355107336, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 13.99314304570372, "error_w_gmm": 0.05540198550951294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05429294813532768}, "run_3493": {"edge_length": 1000, "pf": 0.197847, "in_bounds_one_im": 1, "error_one_im": 0.06040559211080482, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 20.913646501222292, "error_w_gmm": 0.08422162759899736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08253567840668975}, "run_3494": {"edge_length": 1000, "pf": 0.208909, "in_bounds_one_im": 1, "error_one_im": 0.056665410211582785, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 14.329044062298504, "error_w_gmm": 0.055767587910783185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054651231904903126}, "run_3495": {"edge_length": 1000, "pf": 0.192966, "in_bounds_one_im": 1, "error_one_im": 0.0597145810604691, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 16.711549822499244, "error_w_gmm": 0.06835215985832667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06698388579392227}, "run_3496": {"edge_length": 1000, "pf": 0.196295, "in_bounds_one_im": 1, "error_one_im": 0.05762696148271524, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 14.753342770825075, "error_w_gmm": 0.059705473197279715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0585102885732949}, "run_3497": {"edge_length": 1000, "pf": 0.200173, "in_bounds_one_im": 1, "error_one_im": 0.05556893800170671, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 12.395620575066866, "error_w_gmm": 0.04955569270025736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048563686460719374}, "run_3498": {"edge_length": 1000, "pf": 0.206102, "in_bounds_one_im": 1, "error_one_im": 0.06068379824127282, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 20.754113484965323, "error_w_gmm": 0.0814658200711623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07983503665524921}, "run_3499": {"edge_length": 1000, "pf": 0.179747, "in_bounds_one_im": 0, "error_one_im": 0.06006900308640144, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 0, "pred_cls": 18.55398537276918, "error_w_gmm": 0.07927026205930598, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07768342934064586}, "run_3500": {"edge_length": 1000, "pf": 0.200043, "in_bounds_one_im": 1, "error_one_im": 0.06231048199682977, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 16.51898166713127, "error_w_gmm": 0.06606704902806512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06474451832992485}, "run_3501": {"edge_length": 1000, "pf": 0.201484, "in_bounds_one_im": 1, "error_one_im": 0.0618720575941736, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 16.444647294706886, "error_w_gmm": 0.06547508758174492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06416440677241286}, "run_3502": {"edge_length": 1000, "pf": 0.199974, "in_bounds_one_im": 1, "error_one_im": 0.05856368228411288, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 17.845584159414255, "error_w_gmm": 0.07138813697092317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06995908869321088}, "run_3503": {"edge_length": 1000, "pf": 0.201941, "in_bounds_one_im": 1, "error_one_im": 0.062102387023354556, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.404343366377766, "error_w_gmm": 0.07317379366690412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07170900009964855}, "run_3504": {"edge_length": 1000, "pf": 0.203241, "in_bounds_one_im": 1, "error_one_im": 0.06201140915708248, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 16.024626278513182, "error_w_gmm": 0.0634564442356246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062186172644399275}, "run_3505": {"edge_length": 1000, "pf": 0.19282, "in_bounds_one_im": 1, "error_one_im": 0.06604420286590333, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 17.601123782923345, "error_w_gmm": 0.07202438355090142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07058259888423296}, "run_3506": {"edge_length": 1000, "pf": 0.196975, "in_bounds_one_im": 1, "error_one_im": 0.059925945466091105, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 15.885341311663598, "error_w_gmm": 0.06414835509909712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06286423283085829}, "run_3507": {"edge_length": 1000, "pf": 0.199225, "in_bounds_one_im": 1, "error_one_im": 0.06672040480637031, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 15.153071365381281, "error_w_gmm": 0.060759473173787895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059543189570125984}, "run_3508": {"edge_length": 1000, "pf": 0.20406, "in_bounds_one_im": 1, "error_one_im": 0.05237532894786536, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 15.687145150760704, "error_w_gmm": 0.06196338501134837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060723001491215886}, "run_3509": {"edge_length": 1000, "pf": 0.194197, "in_bounds_one_im": 1, "error_one_im": 0.06045734873903927, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 16.09688500053743, "error_w_gmm": 0.06557903455101842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06426627293045199}, "run_3510": {"edge_length": 1000, "pf": 0.196072, "in_bounds_one_im": 1, "error_one_im": 0.057019769611721054, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 15.377240481801294, "error_w_gmm": 0.06227434810805702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061027739726250974}, "run_3511": {"edge_length": 1000, "pf": 0.183934, "in_bounds_one_im": 0, "error_one_im": 0.06596983644093903, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 0, "pred_cls": 15.050355911483104, "error_w_gmm": 0.06340279453410555, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06213359690301986}, "run_3512": {"edge_length": 1000, "pf": 0.201213, "in_bounds_one_im": 1, "error_one_im": 0.061924214423638206, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 18.32162585278342, "error_w_gmm": 0.07300985430791841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07154834248001833}, "run_3513": {"edge_length": 1000, "pf": 0.209592, "in_bounds_one_im": 1, "error_one_im": 0.05219868913837713, "one_im_sa_cls": 13.714285714285714, "model_in_bounds": 1, "pred_cls": 16.89181276445121, "error_w_gmm": 0.0656061522155897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06429284775340434}, "run_3514": {"edge_length": 1000, "pf": 0.209235, "in_bounds_one_im": 1, "error_one_im": 0.05552093554389812, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 15.94575053035492, "error_w_gmm": 0.061998547318732306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06075745991925887}, "run_3515": {"edge_length": 1000, "pf": 0.20681, "in_bounds_one_im": 1, "error_one_im": 0.07167636178452082, "one_im_sa_cls": 18.6734693877551, "model_in_bounds": 1, "pred_cls": 17.821196357497225, "error_w_gmm": 0.0698022945216818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06840499165037686}, "run_3516": {"edge_length": 1000, "pf": 0.198611, "in_bounds_one_im": 1, "error_one_im": 0.05897502183358831, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.761902611032724, "error_w_gmm": 0.07135748248376406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06992904784781266}, "run_3517": {"edge_length": 1000, "pf": 0.189705, "in_bounds_one_im": 1, "error_one_im": 0.06795259075417323, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 18.738034285066302, "error_w_gmm": 0.07745263825363802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07590219074236994}, "run_3518": {"edge_length": 1000, "pf": 0.203229, "in_bounds_one_im": 1, "error_one_im": 0.06011290362701615, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 19.200404968649572, "error_w_gmm": 0.07603513191175242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07451306005339339}, "run_3519": {"edge_length": 1000, "pf": 0.201335, "in_bounds_one_im": 1, "error_one_im": 0.06253805276416188, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 19.082241271294354, "error_w_gmm": 0.0760119834566751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07449037498426882}, "run_3520": {"edge_length": 1000, "pf": 0.211027, "in_bounds_one_im": 1, "error_one_im": 0.05916644890320574, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 21.047814936897144, "error_w_gmm": 0.08139525166914137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07976588089204537}, "run_3521": {"edge_length": 1200, "pf": 0.19955694444444444, "in_bounds_one_im": 1, "error_one_im": 0.046930792473141206, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 18.05405366347648, "error_w_gmm": 0.060263628395267305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05905727061621465}, "run_3522": {"edge_length": 1200, "pf": 0.19651736111111112, "in_bounds_one_im": 1, "error_one_im": 0.048797448897603936, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 18.520438462028785, "error_w_gmm": 0.06241483123883286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06116541066462893}, "run_3523": {"edge_length": 1200, "pf": 0.203775, "in_bounds_one_im": 1, "error_one_im": 0.042168989372171485, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 18.007817014615092, "error_w_gmm": 0.059326984233609915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05813937620462551}, "run_3524": {"edge_length": 1200, "pf": 0.19410555555555556, "in_bounds_one_im": 1, "error_one_im": 0.05026001140502165, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 14.526205265634736, "error_w_gmm": 0.049331125546851956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04834361469432686}, "run_3525": {"edge_length": 1200, "pf": 0.1979798611111111, "in_bounds_one_im": 1, "error_one_im": 0.051457449688095354, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 16.638357892776806, "error_w_gmm": 0.05581376771364036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05469648728010985}, "run_3526": {"edge_length": 1200, "pf": 0.21009444444444444, "in_bounds_one_im": 1, "error_one_im": 0.04957314005797289, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 18.699726459816002, "error_w_gmm": 0.06043162927445911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059221908452508173}, "run_3527": {"edge_length": 1200, "pf": 0.20049930555555556, "in_bounds_one_im": 1, "error_one_im": 0.0504536926021353, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 16.255940748162807, "error_w_gmm": 0.05410206521112119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05301904965151748}, "run_3528": {"edge_length": 1200, "pf": 0.19948333333333335, "in_bounds_one_im": 1, "error_one_im": 0.052951203221220766, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 16.88124841880837, "error_w_gmm": 0.056361843710795105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05523359188771683}, "run_3529": {"edge_length": 1200, "pf": 0.20486666666666667, "in_bounds_one_im": 1, "error_one_im": 0.04977649356361911, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 15.43443190442748, "error_w_gmm": 0.05067849721535091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04966401466635059}, "run_3530": {"edge_length": 1200, "pf": 0.19672777777777778, "in_bounds_one_im": 1, "error_one_im": 0.04378069514506115, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 16.150040234763132, "error_w_gmm": 0.054390229286967906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05330144525666645}, "run_3531": {"edge_length": 1200, "pf": 0.19616597222222223, "in_bounds_one_im": 1, "error_one_im": 0.05337263007213019, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 19.078938577279384, "error_w_gmm": 0.06436863733079001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06308010545113439}, "run_3532": {"edge_length": 1200, "pf": 0.19857708333333332, "in_bounds_one_im": 1, "error_one_im": 0.04734307836445551, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 16.377598643648458, "error_w_gmm": 0.05483593944842169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05373823318866282}, "run_3533": {"edge_length": 1200, "pf": 0.1959875, "in_bounds_one_im": 1, "error_one_im": 0.05806125648442571, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 16.845775531196978, "error_w_gmm": 0.05686656201757814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055728206739533305}, "run_3534": {"edge_length": 1200, "pf": 0.19381458333333335, "in_bounds_one_im": 1, "error_one_im": 0.04813137466404771, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 15.841041316089946, "error_w_gmm": 0.053846405729422106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05276850796329922}, "run_3535": {"edge_length": 1200, "pf": 0.19738680555555554, "in_bounds_one_im": 1, "error_one_im": 0.04617656147694835, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 13.984235966700044, "error_w_gmm": 0.04699823855449765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04605742745181858}, "run_3536": {"edge_length": 1200, "pf": 0.20387708333333332, "in_bounds_one_im": 1, "error_one_im": 0.04768866751941373, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 14.491135282863153, "error_w_gmm": 0.04772621762156087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04677083382829008}, "run_3537": {"edge_length": 1200, "pf": 0.1987423611111111, "in_bounds_one_im": 1, "error_one_im": 0.05334208109298297, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 18.779962914200624, "error_w_gmm": 0.06284697068056345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06158889953567456}, "run_3538": {"edge_length": 1200, "pf": 0.1965763888888889, "in_bounds_one_im": 1, "error_one_im": 0.05222507668924251, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 18.819446765294476, "error_w_gmm": 0.06341065231894713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06214129739066376}, "run_3539": {"edge_length": 1200, "pf": 0.2033451388888889, "in_bounds_one_im": 1, "error_one_im": 0.04558973000516887, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 18.2234238075724, "error_w_gmm": 0.06011694917513191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0589135276218417}, "run_3540": {"edge_length": 1200, "pf": 0.19612083333333333, "in_bounds_one_im": 1, "error_one_im": 0.05203057972633923, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 18.648441572746265, "error_w_gmm": 0.06292523058642022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061665592834130895}, "run_3541": {"edge_length": 1200, "pf": 0.19895138888888889, "in_bounds_one_im": 1, "error_one_im": 0.04748812931383708, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 18.60281751735246, "error_w_gmm": 0.0622133265553021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06096793970341072}, "run_3542": {"edge_length": 1200, "pf": 0.2033111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05192892360489662, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 15.797463956323613, "error_w_gmm": 0.0521194646285518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05107613678273545}, "run_3543": {"edge_length": 1200, "pf": 0.19495694444444445, "in_bounds_one_im": 1, "error_one_im": 0.05222342394631895, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 16.872884046440955, "error_w_gmm": 0.05714500444679461, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056001075306049294}, "run_3544": {"edge_length": 1200, "pf": 0.1852923611111111, "in_bounds_one_im": 0, "error_one_im": 0.050603606229755356, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 0, "pred_cls": 15.531960531653228, "error_w_gmm": 0.05428091556819966, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.053194319780765456}, "run_3545": {"edge_length": 1200, "pf": 0.1976798611111111, "in_bounds_one_im": 1, "error_one_im": 0.05244624892762953, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.693410988791495, "error_w_gmm": 0.06276679266470099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061510326523953336}, "run_3546": {"edge_length": 1200, "pf": 0.19908819444444445, "in_bounds_one_im": 1, "error_one_im": 0.05074370043039826, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 18.021794124688267, "error_w_gmm": 0.06024435616633561, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05903838417891061}, "run_3547": {"edge_length": 1200, "pf": 0.19572569444444443, "in_bounds_one_im": 1, "error_one_im": 0.047568734738132654, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 17.929301181881783, "error_w_gmm": 0.060574562784946745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05936198071887801}, "run_3548": {"edge_length": 1200, "pf": 0.19708402777777778, "in_bounds_one_im": 1, "error_one_im": 0.05146850269797969, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.467219364171303, "error_w_gmm": 0.05876000959635445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057583751270041346}, "run_3549": {"edge_length": 1200, "pf": 0.20510277777777777, "in_bounds_one_im": 1, "error_one_im": 0.04718124252311667, "one_im_sa_cls": 14.673469387755102, "model_in_bounds": 1, "pred_cls": 16.51679324883219, "error_w_gmm": 0.054193125712468114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05310828730304458}, "run_3550": {"edge_length": 1200, "pf": 0.19142708333333333, "in_bounds_one_im": 1, "error_one_im": 0.05535285549476916, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 18.64928239397677, "error_w_gmm": 0.06388056945380453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06260180772068319}, "run_3551": {"edge_length": 1200, "pf": 0.2069548611111111, "in_bounds_one_im": 1, "error_one_im": 0.04763265208835852, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 17.157757600616318, "error_w_gmm": 0.05597839152063832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05485781564646679}, "run_3552": {"edge_length": 1200, "pf": 0.20633680555555556, "in_bounds_one_im": 1, "error_one_im": 0.04759177615857658, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 18.358367337314192, "error_w_gmm": 0.060008472790262626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0588072227180833}, "run_3553": {"edge_length": 1200, "pf": 0.2042451388888889, "in_bounds_one_im": 1, "error_one_im": 0.04842419000370497, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 16.01919276541348, "error_w_gmm": 0.052699095680149126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051644164775461354}, "run_3554": {"edge_length": 1200, "pf": 0.20188333333333333, "in_bounds_one_im": 1, "error_one_im": 0.05162869875005373, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 18.59915007265394, "error_w_gmm": 0.061634631659170165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060400829126182824}, "run_3555": {"edge_length": 1200, "pf": 0.18650625, "in_bounds_one_im": 0, "error_one_im": 0.049078388852716336, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 0, "pred_cls": 16.689471613769662, "error_w_gmm": 0.05809272545377168, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05692982482658294}, "run_3556": {"edge_length": 1200, "pf": 0.2009027777777778, "in_bounds_one_im": 1, "error_one_im": 0.04580330608934007, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 17.83553202267529, "error_w_gmm": 0.05928456777864496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058097808842583934}, "run_3557": {"edge_length": 1200, "pf": 0.19729027777777777, "in_bounds_one_im": 1, "error_one_im": 0.048274927317880106, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 19.92823951593952, "error_w_gmm": 0.06699526407635126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06565415236219921}, "run_3558": {"edge_length": 1200, "pf": 0.19543680555555556, "in_bounds_one_im": 1, "error_one_im": 0.04964136648507718, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 19.465814326756902, "error_w_gmm": 0.06582611576412582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06450840806992542}, "run_3559": {"edge_length": 1200, "pf": 0.1989159722222222, "in_bounds_one_im": 1, "error_one_im": 0.0463562405199144, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 18.45827022841272, "error_w_gmm": 0.06173677759443348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06050093030332453}, "run_3560": {"edge_length": 1200, "pf": 0.19985, "in_bounds_one_im": 1, "error_one_im": 0.05102298100785673, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 18.966999780672285, "error_w_gmm": 0.06325298382994184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06198678511069016}, "run_3561": {"edge_length": 1400, "pf": 0.20074489795918368, "in_bounds_one_im": 1, "error_one_im": 0.04418207701217293, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 17.347784450048746, "error_w_gmm": 0.04846101471421934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04846012423170175}, "run_3562": {"edge_length": 1400, "pf": 0.20037908163265306, "in_bounds_one_im": 1, "error_one_im": 0.04320517189433541, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 19.09666997426487, "error_w_gmm": 0.05340741536788256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05340643399409231}, "run_3563": {"edge_length": 1400, "pf": 0.1981984693877551, "in_bounds_one_im": 1, "error_one_im": 0.04591494273233863, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 19.27294116297414, "error_w_gmm": 0.05426993777265761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05426894054981576}, "run_3564": {"edge_length": 1400, "pf": 0.20011938775510205, "in_bounds_one_im": 1, "error_one_im": 0.04169796282754864, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 14.326494327702896, "error_w_gmm": 0.040099224186567244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04009848735391293}, "run_3565": {"edge_length": 1400, "pf": 0.2023811224489796, "in_bounds_one_im": 1, "error_one_im": 0.03839948111641528, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 15.712681633359106, "error_w_gmm": 0.04367079103083017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04366998856979689}, "run_3566": {"edge_length": 1400, "pf": 0.19728979591836734, "in_bounds_one_im": 1, "error_one_im": 0.03936151076736263, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 15.957787227808204, "error_w_gmm": 0.04506379742204303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04506296936419043}, "run_3567": {"edge_length": 1400, "pf": 0.19998979591836735, "in_bounds_one_im": 1, "error_one_im": 0.039257673340996065, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 17.912469203807415, "error_w_gmm": 0.05015651315436943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05015559151667023}, "run_3568": {"edge_length": 1400, "pf": 0.20558520408163267, "in_bounds_one_im": 1, "error_one_im": 0.04442507741268518, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 19.828032279551408, "error_w_gmm": 0.054567667142556585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054566664448867645}, "run_3569": {"edge_length": 1400, "pf": 0.19687295918367348, "in_bounds_one_im": 1, "error_one_im": 0.04587649115608396, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 19.188531789184896, "error_w_gmm": 0.054258635930028415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05425763891486045}, "run_3570": {"edge_length": 1400, "pf": 0.19644438775510203, "in_bounds_one_im": 1, "error_one_im": 0.04160491395115444, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 18.028243882557152, "error_w_gmm": 0.051046928604551275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05104599060525919}, "run_3571": {"edge_length": 1400, "pf": 0.1945688775510204, "in_bounds_one_im": 1, "error_one_im": 0.04179558251464271, "one_im_sa_cls": 14.673469387755102, "model_in_bounds": 1, "pred_cls": 17.359843550834313, "error_w_gmm": 0.04944829931247504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04944739068837134}, "run_3572": {"edge_length": 1400, "pf": 0.19893622448979592, "in_bounds_one_im": 1, "error_one_im": 0.04311401085964473, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 16.032985020784814, "error_w_gmm": 0.04504214178842691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045041314128501674}, "run_3573": {"edge_length": 1400, "pf": 0.20420714285714286, "in_bounds_one_im": 1, "error_one_im": 0.04574139268262268, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 19.559316887625158, "error_w_gmm": 0.05405629455933575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054055301262238065}, "run_3574": {"edge_length": 1400, "pf": 0.20280510204081634, "in_bounds_one_im": 1, "error_one_im": 0.04605293759744458, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 19.171457268558694, "error_w_gmm": 0.05321400898448982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05321303116458725}, "run_3575": {"edge_length": 1400, "pf": 0.20181173469387756, "in_bounds_one_im": 1, "error_one_im": 0.042956138346358946, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 17.188612377047832, "error_w_gmm": 0.04785731345189139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04785643406252621}, "run_3576": {"edge_length": 1400, "pf": 0.20359285714285713, "in_bounds_one_im": 1, "error_one_im": 0.04255055765525477, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 18.07661188404808, "error_w_gmm": 0.05005314535981738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05005222562152553}, "run_3577": {"edge_length": 1400, "pf": 0.1949219387755102, "in_bounds_one_im": 1, "error_one_im": 0.039658228782506355, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 17.191185116347274, "error_w_gmm": 0.04891279580743852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04891189702333734}, "run_3578": {"edge_length": 1400, "pf": 0.20030051020408163, "in_bounds_one_im": 1, "error_one_im": 0.04190273949190519, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 18.746409177454254, "error_w_gmm": 0.052440703539940486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052439739929706804}, "run_3579": {"edge_length": 1400, "pf": 0.2035107142857143, "in_bounds_one_im": 1, "error_one_im": 0.04346569666619648, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 15.305505709793698, "error_w_gmm": 0.042390842604524366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04239006366284386}, "run_3580": {"edge_length": 1400, "pf": 0.20038520408163266, "in_bounds_one_im": 1, "error_one_im": 0.04571556342178807, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 17.69321377471698, "error_w_gmm": 0.049481441800162236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049480532567057554}, "run_3581": {"edge_length": 1400, "pf": 0.2071811224489796, "in_bounds_one_im": 1, "error_one_im": 0.04482396228130221, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 16.6983502985479, "error_w_gmm": 0.04573129540204022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04573045507875567}, "run_3582": {"edge_length": 1400, "pf": 0.19893469387755103, "in_bounds_one_im": 1, "error_one_im": 0.041394235812054446, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 17.632478267378563, "error_w_gmm": 0.04953590359145518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04953499335760232}, "run_3583": {"edge_length": 1400, "pf": 0.21133214285714286, "in_bounds_one_im": 0, "error_one_im": 0.04106399544452075, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 0, "pred_cls": 17.744249263775675, "error_w_gmm": 0.0479899124384996, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04798903061259694}, "run_3584": {"edge_length": 1400, "pf": 0.198975, "in_bounds_one_im": 1, "error_one_im": 0.04454190350582629, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 17.572156341053798, "error_w_gmm": 0.049360195698220394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049359288693041285}, "run_3585": {"edge_length": 1400, "pf": 0.2019173469387755, "in_bounds_one_im": 1, "error_one_im": 0.04203323491785455, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 18.42791608362885, "error_w_gmm": 0.05129102540853959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05129008292391136}, "run_3586": {"edge_length": 1400, "pf": 0.20231938775510205, "in_bounds_one_im": 1, "error_one_im": 0.04640588358609823, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 18.305918089920624, "error_w_gmm": 0.0508879923979436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05088705731914157}, "run_3587": {"edge_length": 1400, "pf": 0.20269897959183675, "in_bounds_one_im": 1, "error_one_im": 0.040231636878032544, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 15.228578106526207, "error_w_gmm": 0.042283679230240255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04228290225771184}, "run_3588": {"edge_length": 1400, "pf": 0.20045714285714286, "in_bounds_one_im": 1, "error_one_im": 0.0447923386487815, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 17.398421270405937, "error_w_gmm": 0.04864609502661052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048645201143198875}, "run_3589": {"edge_length": 1400, "pf": 0.19121938775510203, "in_bounds_one_im": 0, "error_one_im": 0.04183631008520696, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 18.064326279138207, "error_w_gmm": 0.05201147964031313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05201052391716932}, "run_3590": {"edge_length": 1400, "pf": 0.19862704081632654, "in_bounds_one_im": 1, "error_one_im": 0.04390192527323457, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 16.434844843857974, "error_w_gmm": 0.04621594096784632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04621509173908575}, "run_3591": {"edge_length": 1400, "pf": 0.19539795918367348, "in_bounds_one_im": 1, "error_one_im": 0.04290286039788899, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 18.241140901425617, "error_w_gmm": 0.051821572447084574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051820620213530025}, "run_3592": {"edge_length": 1400, "pf": 0.18773826530612245, "in_bounds_one_im": 0, "error_one_im": 0.04362059970265698, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 0, "pred_cls": 16.876929019255265, "error_w_gmm": 0.049146552238824595, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04914564915939423}, "run_3593": {"edge_length": 1400, "pf": 0.2002188775510204, "in_bounds_one_im": 1, "error_one_im": 0.041799214428060505, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 20.691851183427055, "error_w_gmm": 0.05789758451278078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05789652063107877}, "run_3594": {"edge_length": 1400, "pf": 0.20981173469387754, "in_bounds_one_im": 0, "error_one_im": 0.04114132564515572, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 17.6999903914479, "error_w_gmm": 0.04808963347221329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04808874981391318}, "run_3595": {"edge_length": 1400, "pf": 0.20382602040816328, "in_bounds_one_im": 1, "error_one_im": 0.04410107608498093, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.005980749233352, "error_w_gmm": 0.049821751879884746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049820836393502495}, "run_3596": {"edge_length": 1400, "pf": 0.19977704081632652, "in_bounds_one_im": 1, "error_one_im": 0.04300060161210041, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 18.611253640220724, "error_w_gmm": 0.05214784660785403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052146888378935316}, "run_3597": {"edge_length": 1400, "pf": 0.19755459183673468, "in_bounds_one_im": 1, "error_one_im": 0.04330180497792727, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 17.257492263280515, "error_w_gmm": 0.04869337833634989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0486924835840963}, "run_3598": {"edge_length": 1400, "pf": 0.19694948979591836, "in_bounds_one_im": 1, "error_one_im": 0.0440769297103857, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 15.681066900996655, "error_w_gmm": 0.04432999113861712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0443291765646272}, "run_3599": {"edge_length": 1400, "pf": 0.19536989795918366, "in_bounds_one_im": 1, "error_one_im": 0.03971767885727686, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 16.66373136112159, "error_w_gmm": 0.04734450764159583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047343637675157764}, "run_3600": {"edge_length": 1400, "pf": 0.19412755102040816, "in_bounds_one_im": 1, "error_one_im": 0.04261128417194627, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 14.763474026018665, "error_w_gmm": 0.04211202896500418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04211125514658964}}, "blobs_250.0_0.3": {"true_cls": 18.10204081632653, "true_pf": 0.29975685752492276, "run_3601": {"edge_length": 600, "pf": 0.31945277777777775, "in_bounds_one_im": 1, "error_one_im": 0.07219888062414004, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 22.629014656854814, "error_w_gmm": 0.11219079340436729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10789176127325693}, "run_3602": {"edge_length": 600, "pf": 0.3057416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06921547742593186, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 19.625580589787173, "error_w_gmm": 0.10045499283652394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09660566412754397}, "run_3603": {"edge_length": 600, "pf": 0.30493611111111113, "in_bounds_one_im": 1, "error_one_im": 0.08273333142204935, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 12.848005952698601, "error_w_gmm": 0.06588847268818776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06336369634459456}, "run_3604": {"edge_length": 600, "pf": 0.2953, "in_bounds_one_im": 1, "error_one_im": 0.07723825194386574, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 13.573740805727711, "error_w_gmm": 0.07122553850320779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06849625146200385}, "run_3605": {"edge_length": 600, "pf": 0.29599166666666665, "in_bounds_one_im": 1, "error_one_im": 0.07124971854543853, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 18.108810007477352, "error_w_gmm": 0.09486474580599287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09122962943009166}, "run_3606": {"edge_length": 600, "pf": 0.3169388888888889, "in_bounds_one_im": 1, "error_one_im": 0.07144397919318837, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 18.818491228403445, "error_w_gmm": 0.09384099257093703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09024510533245676}, "run_3607": {"edge_length": 600, "pf": 0.31329444444444443, "in_bounds_one_im": 1, "error_one_im": 0.08794018972296752, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 16.79343984929796, "error_w_gmm": 0.08445286238827228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08121671833442962}, "run_3608": {"edge_length": 600, "pf": 0.2865083333333333, "in_bounds_one_im": 1, "error_one_im": 0.08132163054608595, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 20.968222059080443, "error_w_gmm": 0.11239660875341134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10808968999656485}, "run_3609": {"edge_length": 600, "pf": 0.2836, "in_bounds_one_im": 1, "error_one_im": 0.07819550662476937, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 22.428381280278284, "error_w_gmm": 0.12108445266362174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11644462494885884}, "run_3610": {"edge_length": 600, "pf": 0.2811444444444444, "in_bounds_one_im": 1, "error_one_im": 0.08112252894842559, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 22.98099644461599, "error_w_gmm": 0.1248218734030308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12003883169219352}, "run_3611": {"edge_length": 600, "pf": 0.29251944444444444, "in_bounds_one_im": 1, "error_one_im": 0.09050965061488116, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 22.36206659188335, "error_w_gmm": 0.11812929109735787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11360270203739446}, "run_3612": {"edge_length": 600, "pf": 0.2966722222222222, "in_bounds_one_im": 1, "error_one_im": 0.0753420205740201, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.19634229394587, "error_w_gmm": 0.08993780852158248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08649148715328302}, "run_3613": {"edge_length": 600, "pf": 0.31750555555555554, "in_bounds_one_im": 1, "error_one_im": 0.07711727227918182, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 20.739544848635035, "error_w_gmm": 0.10328539010878743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09932760358033722}, "run_3614": {"edge_length": 600, "pf": 0.3109222222222222, "in_bounds_one_im": 1, "error_one_im": 0.08336587011487237, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 17.213806033803994, "error_w_gmm": 0.08704642171092301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08371089521647479}, "run_3615": {"edge_length": 600, "pf": 0.26256111111111113, "in_bounds_one_im": 0, "error_one_im": 0.08468720186718587, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 0, "pred_cls": 16.226973294594103, "error_w_gmm": 0.09237429056798402, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08883460579359302}, "run_3616": {"edge_length": 600, "pf": 0.26819444444444446, "in_bounds_one_im": 0, "error_one_im": 0.08644569688871587, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 0, "pred_cls": 16.48156624640607, "error_w_gmm": 0.09247774260183979, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08893409365530877}, "run_3617": {"edge_length": 600, "pf": 0.30525, "in_bounds_one_im": 1, "error_one_im": 0.07794511542875016, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 14.120621689499536, "error_w_gmm": 0.07236124600293427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06958843985570835}, "run_3618": {"edge_length": 600, "pf": 0.3263083333333333, "in_bounds_one_im": 0, "error_one_im": 0.06992623185658603, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 21.120871014326873, "error_w_gmm": 0.10308467514471396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09913457980066104}, "run_3619": {"edge_length": 600, "pf": 0.27634166666666665, "in_bounds_one_im": 0, "error_one_im": 0.08468646695813936, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 0, "pred_cls": 13.397065209868007, "error_w_gmm": 0.0736408929510264, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07081905209088503}, "run_3620": {"edge_length": 600, "pf": 0.30209722222222224, "in_bounds_one_im": 1, "error_one_im": 0.08116286597107916, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 18.494197202421123, "error_w_gmm": 0.09548284678038552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09182404543115831}, "run_3621": {"edge_length": 600, "pf": 0.3012166666666667, "in_bounds_one_im": 1, "error_one_im": 0.08326191262586245, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 12.995658137835743, "error_w_gmm": 0.06723506444087556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0646586881305059}, "run_3622": {"edge_length": 600, "pf": 0.2915111111111111, "in_bounds_one_im": 1, "error_one_im": 0.07545297130026805, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.953218112241455, "error_w_gmm": 0.10036625121494633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09652032299072051}, "run_3623": {"edge_length": 600, "pf": 0.31225, "in_bounds_one_im": 1, "error_one_im": 0.0659919057800545, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 15.656529209242647, "error_w_gmm": 0.07892695458368798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07590255745207133}, "run_3624": {"edge_length": 600, "pf": 0.3110027777777778, "in_bounds_one_im": 1, "error_one_im": 0.07094689673833654, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 21.324748142599244, "error_w_gmm": 0.10781428057762792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10368295177308688}, "run_3625": {"edge_length": 600, "pf": 0.3025888888888889, "in_bounds_one_im": 1, "error_one_im": 0.07034018529201734, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 11.513534055341648, "error_w_gmm": 0.0593734615899253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05709833355700069}, "run_3626": {"edge_length": 600, "pf": 0.2975527777777778, "in_bounds_one_im": 1, "error_one_im": 0.08378743771054403, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 19.55947316967685, "error_w_gmm": 0.10208167215670726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09817001082263135}, "run_3627": {"edge_length": 600, "pf": 0.2864277777777778, "in_bounds_one_im": 1, "error_one_im": 0.09291222602526794, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 17.74751629790592, "error_w_gmm": 0.09515130781568641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09150521068771225}, "run_3628": {"edge_length": 600, "pf": 0.3055861111111111, "in_bounds_one_im": 1, "error_one_im": 0.0706477734455935, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 22.55237999683408, "error_w_gmm": 0.11547834503296397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1110533374126432}, "run_3629": {"edge_length": 600, "pf": 0.30167777777777777, "in_bounds_one_im": 1, "error_one_im": 0.07444800967487483, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 13.278379732948073, "error_w_gmm": 0.06862259429854747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06599304931666734}, "run_3630": {"edge_length": 600, "pf": 0.3093416666666667, "in_bounds_one_im": 1, "error_one_im": 0.08108445147164205, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 22.24617584737275, "error_w_gmm": 0.11291029981935037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10858369696605606}, "run_3631": {"edge_length": 600, "pf": 0.296425, "in_bounds_one_im": 1, "error_one_im": 0.07877599728884897, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 20.439062481051113, "error_w_gmm": 0.10696077324297402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10286214993363879}, "run_3632": {"edge_length": 600, "pf": 0.2949805555555556, "in_bounds_one_im": 1, "error_one_im": 0.07966803535352494, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.14171380756475, "error_w_gmm": 0.10051952988257043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0966677281824814}, "run_3633": {"edge_length": 600, "pf": 0.3131388888888889, "in_bounds_one_im": 1, "error_one_im": 0.07069354231187351, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 18.841919119558238, "error_w_gmm": 0.0947887668410016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09115656189839952}, "run_3634": {"edge_length": 600, "pf": 0.2987111111111111, "in_bounds_one_im": 1, "error_one_im": 0.08437302078445359, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 14.603887680871418, "error_w_gmm": 0.07600760562385171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0730950748459655}, "run_3635": {"edge_length": 600, "pf": 0.30418055555555557, "in_bounds_one_im": 1, "error_one_im": 0.07995700239278071, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 18.305414669978237, "error_w_gmm": 0.09404330960289313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0904396697904746}, "run_3636": {"edge_length": 600, "pf": 0.30822222222222223, "in_bounds_one_im": 1, "error_one_im": 0.07999900888231255, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 9.31815304114906, "error_w_gmm": 0.04741840547710181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04560138250608731}, "run_3637": {"edge_length": 600, "pf": 0.2976916666666667, "in_bounds_one_im": 1, "error_one_im": 0.07618233297885808, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 13.428353118839722, "error_w_gmm": 0.07005983374659705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06737521527446184}, "run_3638": {"edge_length": 600, "pf": 0.30874722222222223, "in_bounds_one_im": 1, "error_one_im": 0.07022477154394348, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 15.79270129468859, "error_w_gmm": 0.08026738483657422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07719162384031403}, "run_3639": {"edge_length": 600, "pf": 0.29905, "in_bounds_one_im": 1, "error_one_im": 0.0758335157620983, "one_im_sa_cls": 15.16326530612245, "model_in_bounds": 1, "pred_cls": 17.47486511244901, "error_w_gmm": 0.09087642333864179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08739413524673857}, "run_3640": {"edge_length": 600, "pf": 0.30243055555555554, "in_bounds_one_im": 1, "error_one_im": 0.0790738137355128, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 17.4543408900058, "error_w_gmm": 0.09004303432930316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.086592680819732}, "run_3641": {"edge_length": 800, "pf": 0.29696875, "in_bounds_one_im": 1, "error_one_im": 0.061774538387647765, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 15.031435185053253, "error_w_gmm": 0.05743149426836408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05666181634267131}, "run_3642": {"edge_length": 800, "pf": 0.290559375, "in_bounds_one_im": 1, "error_one_im": 0.05492346520211127, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 13.647022006468177, "error_w_gmm": 0.052953686567657386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05224401874246142}, "run_3643": {"edge_length": 800, "pf": 0.307509375, "in_bounds_one_im": 1, "error_one_im": 0.057248528844534664, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 13.23274892891697, "error_w_gmm": 0.049311199770566486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048650347350891}, "run_3644": {"edge_length": 800, "pf": 0.2873484375, "in_bounds_one_im": 1, "error_one_im": 0.057795268381004045, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 15.326797686288133, "error_w_gmm": 0.059938152668238265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059134881334221186}, "run_3645": {"edge_length": 800, "pf": 0.306209375, "in_bounds_one_im": 1, "error_one_im": 0.0633693259307176, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 18.524377376213806, "error_w_gmm": 0.06924147643532197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06831352502758706}, "run_3646": {"edge_length": 800, "pf": 0.3051609375, "in_bounds_one_im": 1, "error_one_im": 0.06827917198225382, "one_im_sa_cls": 18.46938775510204, "model_in_bounds": 1, "pred_cls": 19.711197731659126, "error_w_gmm": 0.07385984384516193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0728699986021128}, "run_3647": {"edge_length": 800, "pf": 0.274709375, "in_bounds_one_im": 0, "error_one_im": 0.06393755842091571, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 0, "pred_cls": 16.818217681699938, "error_w_gmm": 0.06786048962481078, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06695104574639009}, "run_3648": {"edge_length": 800, "pf": 0.3231921875, "in_bounds_one_im": 0, "error_one_im": 0.058172848133981415, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 0, "pred_cls": 16.227719950695295, "error_w_gmm": 0.05831462494900003, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.057533111597482985}, "run_3649": {"edge_length": 800, "pf": 0.2988, "in_bounds_one_im": 1, "error_one_im": 0.056679289935118, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 18.259131597785096, "error_w_gmm": 0.06945899637042054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06852812983232763}, "run_3650": {"edge_length": 800, "pf": 0.2964125, "in_bounds_one_im": 1, "error_one_im": 0.06016222067107326, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.32294022195442, "error_w_gmm": 0.07010091603755442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06916144670400662}, "run_3651": {"edge_length": 800, "pf": 0.2920046875, "in_bounds_one_im": 1, "error_one_im": 0.06033704072796239, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 18.77082693251953, "error_w_gmm": 0.07258074355959346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07160804039628807}, "run_3652": {"edge_length": 800, "pf": 0.3133078125, "in_bounds_one_im": 1, "error_one_im": 0.06010540035389513, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 17.414903479866357, "error_w_gmm": 0.06402273763176676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06316472603855743}, "run_3653": {"edge_length": 800, "pf": 0.306853125, "in_bounds_one_im": 1, "error_one_im": 0.06485152293534836, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 19.497934469515933, "error_w_gmm": 0.07277022101485434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07179497853724781}, "run_3654": {"edge_length": 800, "pf": 0.302421875, "in_bounds_one_im": 1, "error_one_im": 0.05991407421397519, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 17.31935739780113, "error_w_gmm": 0.0653189700388344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06444358676684493}, "run_3655": {"edge_length": 800, "pf": 0.28355, "in_bounds_one_im": 1, "error_one_im": 0.06350192942991294, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 20.487107522826008, "error_w_gmm": 0.08086796089650634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07978419518240207}, "run_3656": {"edge_length": 800, "pf": 0.3150640625, "in_bounds_one_im": 1, "error_one_im": 0.05256263109824591, "one_im_sa_cls": 14.551020408163264, "model_in_bounds": 1, "pred_cls": 18.57734651918111, "error_w_gmm": 0.06801848467242107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06710692339653293}, "run_3657": {"edge_length": 800, "pf": 0.3090890625, "in_bounds_one_im": 1, "error_one_im": 0.06129782877295398, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 19.25324460645177, "error_w_gmm": 0.07148104150144455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07052307618206577}, "run_3658": {"edge_length": 800, "pf": 0.2990546875, "in_bounds_one_im": 1, "error_one_im": 0.060089479424360055, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 14.652976424527981, "error_w_gmm": 0.055707072950813126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05496050515031598}, "run_3659": {"edge_length": 800, "pf": 0.3144625, "in_bounds_one_im": 1, "error_one_im": 0.05662243797963267, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 17.580287199962964, "error_w_gmm": 0.06445770973393113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06359386878821072}, "run_3660": {"edge_length": 800, "pf": 0.315503125, "in_bounds_one_im": 1, "error_one_im": 0.055086797368779056, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 17.498225718241113, "error_w_gmm": 0.06400230935527414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06314457153508211}, "run_3661": {"edge_length": 800, "pf": 0.2884, "in_bounds_one_im": 1, "error_one_im": 0.06440153488802389, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 17.391402175476834, "error_w_gmm": 0.06783794256854034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06692880085832398}, "run_3662": {"edge_length": 800, "pf": 0.2904421875, "in_bounds_one_im": 1, "error_one_im": 0.061034740360123824, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 21.304136158201743, "error_w_gmm": 0.08268861173889501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08158044626327259}, "run_3663": {"edge_length": 800, "pf": 0.279225, "in_bounds_one_im": 0, "error_one_im": 0.05992714102164618, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 21.69926522682078, "error_w_gmm": 0.08657359730901806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0854133665393778}, "run_3664": {"edge_length": 800, "pf": 0.3104875, "in_bounds_one_im": 1, "error_one_im": 0.05677615880970058, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 17.53316630181684, "error_w_gmm": 0.06488242773847516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06401289486227472}, "run_3665": {"edge_length": 800, "pf": 0.2880765625, "in_bounds_one_im": 1, "error_one_im": 0.061386905349610436, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 19.106227269230672, "error_w_gmm": 0.0745856621557076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07358608973528304}, "run_3666": {"edge_length": 800, "pf": 0.3134359375, "in_bounds_one_im": 1, "error_one_im": 0.06696945148275428, "one_im_sa_cls": 18.46938775510204, "model_in_bounds": 1, "pred_cls": 22.159829983038208, "error_w_gmm": 0.08144234887194853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08035088539982639}, "run_3667": {"edge_length": 800, "pf": 0.2952953125, "in_bounds_one_im": 1, "error_one_im": 0.0675842316328726, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 16.719848148576972, "error_w_gmm": 0.06413946903679513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0632798930478334}, "run_3668": {"edge_length": 800, "pf": 0.2982421875, "in_bounds_one_im": 1, "error_one_im": 0.06411761973879285, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 20.27113093030399, "error_w_gmm": 0.07721555489690902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07618073752220234}, "run_3669": {"edge_length": 800, "pf": 0.3099984375, "in_bounds_one_im": 1, "error_one_im": 0.056244317936458496, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 20.14674638607289, "error_w_gmm": 0.07463936433017994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07363907221094233}, "run_3670": {"edge_length": 800, "pf": 0.2986828125, "in_bounds_one_im": 1, "error_one_im": 0.06121543338259561, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 13.998357652712397, "error_w_gmm": 0.05326561411692415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0525517659416931}, "run_3671": {"edge_length": 800, "pf": 0.2973859375, "in_bounds_one_im": 1, "error_one_im": 0.05656373033519966, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 13.34046324447153, "error_w_gmm": 0.05091981807734725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050237407486195096}, "run_3672": {"edge_length": 800, "pf": 0.2944703125, "in_bounds_one_im": 1, "error_one_im": 0.05603217464034578, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 18.122869733640304, "error_w_gmm": 0.06965969755793128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06872614128878306}, "run_3673": {"edge_length": 800, "pf": 0.298884375, "in_bounds_one_im": 1, "error_one_im": 0.06386623162507594, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 15.589933705611283, "error_w_gmm": 0.05929324423475611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05849861575065383}, "run_3674": {"edge_length": 800, "pf": 0.3019953125, "in_bounds_one_im": 1, "error_one_im": 0.061418959299937965, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 17.818338963738587, "error_w_gmm": 0.06726885150489884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06636733656523713}, "run_3675": {"edge_length": 800, "pf": 0.3033765625, "in_bounds_one_im": 1, "error_one_im": 0.05417215266752709, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 15.739137568955396, "error_w_gmm": 0.05922522062872673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05843150377453496}, "run_3676": {"edge_length": 800, "pf": 0.3108421875, "in_bounds_one_im": 1, "error_one_im": 0.058590353726847226, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 21.878095189410686, "error_w_gmm": 0.08089405373055043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07980993832889852}, "run_3677": {"edge_length": 800, "pf": 0.3115546875, "in_bounds_one_im": 1, "error_one_im": 0.05247280780128271, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 18.761989979289503, "error_w_gmm": 0.06925708468274107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06832892409842728}, "run_3678": {"edge_length": 800, "pf": 0.28985625, "in_bounds_one_im": 1, "error_one_im": 0.06065205588522093, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 19.10887606701719, "error_w_gmm": 0.07427363373388858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07327824301535986}, "run_3679": {"edge_length": 800, "pf": 0.2834859375, "in_bounds_one_im": 1, "error_one_im": 0.059140032464102175, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 17.762696692993835, "error_w_gmm": 0.0701250569679848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06918526410565744}, "run_3680": {"edge_length": 800, "pf": 0.3034890625, "in_bounds_one_im": 1, "error_one_im": 0.05733903132642677, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 15.67986813952359, "error_w_gmm": 0.05898649383336688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058195976316872955}, "run_3681": {"edge_length": 1000, "pf": 0.323865, "in_bounds_one_im": 0, "error_one_im": 0.043345895036393974, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 0, "pred_cls": 16.58047747093415, "error_w_gmm": 0.04791392283680297, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.046954781559082566}, "run_3682": {"edge_length": 1000, "pf": 0.297879, "in_bounds_one_im": 1, "error_one_im": 0.05324234144096931, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 17.780809032676864, "error_w_gmm": 0.05459684553748743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053503925461485795}, "run_3683": {"edge_length": 1000, "pf": 0.283092, "in_bounds_one_im": 0, "error_one_im": 0.051368095077488206, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 0, "pred_cls": 16.809801089220215, "error_w_gmm": 0.05350082575347027, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05242984580997734}, "run_3684": {"edge_length": 1000, "pf": 0.280647, "in_bounds_one_im": 0, "error_one_im": 0.054561014036775074, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 0, "pred_cls": 18.981864825657112, "error_w_gmm": 0.060779860576410244, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05956316885756502}, "run_3685": {"edge_length": 1000, "pf": 0.309369, "in_bounds_one_im": 1, "error_one_im": 0.04506174382690425, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 17.04037319186891, "error_w_gmm": 0.05092062609535338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04990129660856145}, "run_3686": {"edge_length": 1000, "pf": 0.30203, "in_bounds_one_im": 1, "error_one_im": 0.04548277412236155, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 15.558032556171915, "error_w_gmm": 0.04730183713293995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046354948591570876}, "run_3687": {"edge_length": 1000, "pf": 0.310804, "in_bounds_one_im": 1, "error_one_im": 0.052832809418412424, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 16.895337281886935, "error_w_gmm": 0.05031818135437286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049310911611062914}, "run_3688": {"edge_length": 1000, "pf": 0.284879, "in_bounds_one_im": 0, "error_one_im": 0.04575607426999396, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 0, "pred_cls": 14.544878906768488, "error_w_gmm": 0.046089251298742244, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045166636309975354}, "run_3689": {"edge_length": 1000, "pf": 0.309276, "in_bounds_one_im": 1, "error_one_im": 0.048897254841752155, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 18.803254670280808, "error_w_gmm": 0.05620075980894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05507573256465436}, "run_3690": {"edge_length": 1000, "pf": 0.30436, "in_bounds_one_im": 1, "error_one_im": 0.045716428214092455, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 16.897877540199026, "error_w_gmm": 0.051092910109889825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050070131840363304}, "run_3691": {"edge_length": 1000, "pf": 0.297516, "in_bounds_one_im": 1, "error_one_im": 0.05064566500091203, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.363358465962513, "error_w_gmm": 0.05643456255408258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055304855044637335}, "run_3692": {"edge_length": 1000, "pf": 0.311795, "in_bounds_one_im": 1, "error_one_im": 0.046530542026876495, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.893522898241784, "error_w_gmm": 0.053167983310409984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05210366620951507}, "run_3693": {"edge_length": 1000, "pf": 0.306315, "in_bounds_one_im": 1, "error_one_im": 0.04159365430417302, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 16.113552369008723, "error_w_gmm": 0.0484973836868941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0475265626853663}, "run_3694": {"edge_length": 1000, "pf": 0.299484, "in_bounds_one_im": 1, "error_one_im": 0.044535425637918194, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 20.301781391025624, "error_w_gmm": 0.062099250666414356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06085614738654858}, "run_3695": {"edge_length": 1000, "pf": 0.297598, "in_bounds_one_im": 1, "error_one_im": 0.04449061845496493, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 16.416896055609715, "error_w_gmm": 0.050442767962957574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04943300424395384}, "run_3696": {"edge_length": 1000, "pf": 0.311263, "in_bounds_one_im": 1, "error_one_im": 0.045338791528551844, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 17.45572871138282, "error_w_gmm": 0.0519315083891088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050891943052746434}, "run_3697": {"edge_length": 1000, "pf": 0.290395, "in_bounds_one_im": 1, "error_one_im": 0.0480830620731734, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 20.939259556259533, "error_w_gmm": 0.06546438348322127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06415391694861626}, "run_3698": {"edge_length": 1000, "pf": 0.29606, "in_bounds_one_im": 1, "error_one_im": 0.05199451603289247, "one_im_sa_cls": 17.20408163265306, "model_in_bounds": 1, "pred_cls": 18.508825743699205, "error_w_gmm": 0.05708037489617218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0559377395102708}, "run_3699": {"edge_length": 1000, "pf": 0.312021, "in_bounds_one_im": 1, "error_one_im": 0.05072307341447358, "one_im_sa_cls": 17.428571428571427, "model_in_bounds": 1, "pred_cls": 18.75820842582823, "error_w_gmm": 0.055707931322381214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05459276952254898}, "run_3700": {"edge_length": 1000, "pf": 0.294027, "in_bounds_one_im": 1, "error_one_im": 0.0476007362957379, "one_im_sa_cls": 15.673469387755102, "model_in_bounds": 1, "pred_cls": 18.514569442219262, "error_w_gmm": 0.05737782110489916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056229231438492316}, "run_3701": {"edge_length": 1000, "pf": 0.297106, "in_bounds_one_im": 1, "error_one_im": 0.05961629673923651, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 19.939068648707934, "error_w_gmm": 0.06133721755353622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06010936865841447}, "run_3702": {"edge_length": 1000, "pf": 0.291058, "in_bounds_one_im": 1, "error_one_im": 0.04201289976016022, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 16.884302989446173, "error_w_gmm": 0.05270219642531402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05164720344988559}, "run_3703": {"edge_length": 1000, "pf": 0.28554, "in_bounds_one_im": 0, "error_one_im": 0.04840262644646916, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.332896949590257, "error_w_gmm": 0.05483484657612558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05373716219349273}, "run_3704": {"edge_length": 1000, "pf": 0.304912, "in_bounds_one_im": 1, "error_one_im": 0.04396590604129542, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 17.892519484580024, "error_w_gmm": 0.054029896005774465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05294832512988125}, "run_3705": {"edge_length": 1000, "pf": 0.299564, "in_bounds_one_im": 1, "error_one_im": 0.045750203268711195, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 17.871763592079773, "error_w_gmm": 0.054655871768213155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053561770104668574}, "run_3706": {"edge_length": 1000, "pf": 0.293628, "in_bounds_one_im": 1, "error_one_im": 0.04708816768373096, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 17.432958897020413, "error_w_gmm": 0.05407781133189941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05299528128663749}, "run_3707": {"edge_length": 1000, "pf": 0.307756, "in_bounds_one_im": 1, "error_one_im": 0.040973121395534134, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 19.480833492782676, "error_w_gmm": 0.0584337644798135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057264036930765184}, "run_3708": {"edge_length": 1000, "pf": 0.300423, "in_bounds_one_im": 1, "error_one_im": 0.04394765226139401, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 16.620132656298633, "error_w_gmm": 0.050724252244847286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04970885377131291}, "run_3709": {"edge_length": 1000, "pf": 0.306105, "in_bounds_one_im": 1, "error_one_im": 0.04534805393301726, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 19.032879336084235, "error_w_gmm": 0.057312078264544486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056164804638824076}, "run_3710": {"edge_length": 1000, "pf": 0.298014, "in_bounds_one_im": 1, "error_one_im": 0.05254987263560016, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 19.742193372849368, "error_w_gmm": 0.060599813728007275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05938672618836516}, "run_3711": {"edge_length": 1000, "pf": 0.297245, "in_bounds_one_im": 1, "error_one_im": 0.0439131828237681, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 17.723592758031273, "error_w_gmm": 0.05450375845754795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053412701799432145}, "run_3712": {"edge_length": 1000, "pf": 0.302707, "in_bounds_one_im": 1, "error_one_im": 0.0471703882127871, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 17.227750740380138, "error_w_gmm": 0.052294377295769925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0512475480468291}, "run_3713": {"edge_length": 1000, "pf": 0.28919, "in_bounds_one_im": 1, "error_one_im": 0.04477497496045331, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 16.206032862279375, "error_w_gmm": 0.05081498945282084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04979777460115586}, "run_3714": {"edge_length": 1000, "pf": 0.309206, "in_bounds_one_im": 1, "error_one_im": 0.04878569449544515, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 17.004932903176396, "error_w_gmm": 0.05083411187855749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04981651423402626}, "run_3715": {"edge_length": 1000, "pf": 0.293759, "in_bounds_one_im": 1, "error_one_im": 0.0462670395031209, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 18.81221196562159, "error_w_gmm": 0.058337891956000046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05717008358387452}, "run_3716": {"edge_length": 1000, "pf": 0.290698, "in_bounds_one_im": 1, "error_one_im": 0.0451111375687963, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 14.858499555363217, "error_w_gmm": 0.046419399886194805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04549017598045228}, "run_3717": {"edge_length": 1000, "pf": 0.311311, "in_bounds_one_im": 1, "error_one_im": 0.039205930480659776, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 21.146568743722074, "error_w_gmm": 0.06290486636746732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061645636266270364}, "run_3718": {"edge_length": 1000, "pf": 0.287223, "in_bounds_one_im": 1, "error_one_im": 0.05960880000567493, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 15.966525683800317, "error_w_gmm": 0.05030459435191433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04929759659332466}, "run_3719": {"edge_length": 1000, "pf": 0.29439, "in_bounds_one_im": 1, "error_one_im": 0.04601099885570345, "one_im_sa_cls": 15.16326530612245, "model_in_bounds": 1, "pred_cls": 18.77943411367088, "error_w_gmm": 0.05814780613199676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05698380289936554}, "run_3720": {"edge_length": 1000, "pf": 0.305358, "in_bounds_one_im": 1, "error_one_im": 0.044764298622715984, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 16.327559056138035, "error_w_gmm": 0.04925236926703688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048266434958329774}, "run_3721": {"edge_length": 1200, "pf": 0.3106541666666667, "in_bounds_one_im": 1, "error_one_im": 0.03828292644420667, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 18.18756617990171, "error_w_gmm": 0.04515473752814076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04425082964325758}, "run_3722": {"edge_length": 1200, "pf": 0.30470416666666666, "in_bounds_one_im": 1, "error_one_im": 0.040331920079449864, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 19.57592473180691, "error_w_gmm": 0.04928521472629762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04829862291693327}, "run_3723": {"edge_length": 1200, "pf": 0.2977284722222222, "in_bounds_one_im": 1, "error_one_im": 0.04289998395135927, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 19.14381079889141, "error_w_gmm": 0.04900264124889263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04802170599758316}, "run_3724": {"edge_length": 1200, "pf": 0.3015965277777778, "in_bounds_one_im": 1, "error_one_im": 0.04260789484785138, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 17.569024748307907, "error_w_gmm": 0.04455910206105221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043667117611553445}, "run_3725": {"edge_length": 1200, "pf": 0.3106638888888889, "in_bounds_one_im": 1, "error_one_im": 0.03723935549456055, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 17.408431114584573, "error_w_gmm": 0.04321937782478194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04235421198540081}, "run_3726": {"edge_length": 1200, "pf": 0.31576180555555555, "in_bounds_one_im": 0, "error_one_im": 0.0385180488689496, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 0, "pred_cls": 19.192650434920438, "error_w_gmm": 0.04708770902967356, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0461451069063308}, "run_3727": {"edge_length": 1200, "pf": 0.3074298611111111, "in_bounds_one_im": 1, "error_one_im": 0.038973290924630206, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 17.990148108247993, "error_w_gmm": 0.045003091127208295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04410221890115122}, "run_3728": {"edge_length": 1200, "pf": 0.31191180555555553, "in_bounds_one_im": 0, "error_one_im": 0.03866588418963793, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 16.676613413701354, "error_w_gmm": 0.04128219281642992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040455805561520376}, "run_3729": {"edge_length": 1200, "pf": 0.2999041666666667, "in_bounds_one_im": 1, "error_one_im": 0.03717758041963636, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 19.394492380631277, "error_w_gmm": 0.049387229431994924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048398595491463366}, "run_3730": {"edge_length": 1200, "pf": 0.2958631944444444, "in_bounds_one_im": 1, "error_one_im": 0.04206366601099866, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 19.8649600168748, "error_w_gmm": 0.05107630794450279, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05005386201725127}, "run_3731": {"edge_length": 1200, "pf": 0.29852430555555554, "in_bounds_one_im": 1, "error_one_im": 0.038986277378402004, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 18.765274977234867, "error_w_gmm": 0.04794244159217722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04698272942579132}, "run_3732": {"edge_length": 1200, "pf": 0.29730555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03643528016538659, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 17.732215936849812, "error_w_gmm": 0.045435311369196055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044525786954993735}, "run_3733": {"edge_length": 1200, "pf": 0.30133333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04014751530715565, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 15.757438770131161, "error_w_gmm": 0.039989484135081195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03918897433254744}, "run_3734": {"edge_length": 1200, "pf": 0.3047638888888889, "in_bounds_one_im": 1, "error_one_im": 0.037808992899808554, "one_im_sa_cls": 15.326530612244898, "model_in_bounds": 1, "pred_cls": 16.901227669618137, "error_w_gmm": 0.04254528224283674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041693610454025774}, "run_3735": {"edge_length": 1200, "pf": 0.3085076388888889, "in_bounds_one_im": 1, "error_one_im": 0.03857544913753434, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 17.455556355851186, "error_w_gmm": 0.04355551744327463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04268362275841215}, "run_3736": {"edge_length": 1200, "pf": 0.3010215277777778, "in_bounds_one_im": 1, "error_one_im": 0.0425645362335948, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 18.546580300737013, "error_w_gmm": 0.04710269065545228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046159788629808844}, "run_3737": {"edge_length": 1200, "pf": 0.29130555555555554, "in_bounds_one_im": 1, "error_one_im": 0.03899304571106079, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 18.69728126193388, "error_w_gmm": 0.04860515599242395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047632177604051015}, "run_3738": {"edge_length": 1200, "pf": 0.30201041666666667, "in_bounds_one_im": 1, "error_one_im": 0.03876552852921769, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.204085941758287, "error_w_gmm": 0.04359070193018397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04271810292199065}, "run_3739": {"edge_length": 1200, "pf": 0.29931180555555553, "in_bounds_one_im": 1, "error_one_im": 0.041412101613150634, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 17.901080892766178, "error_w_gmm": 0.045648707088738305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04473491091737272}, "run_3740": {"edge_length": 1200, "pf": 0.28835347222222224, "in_bounds_one_im": 1, "error_one_im": 0.040478073396053735, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 16.73202021632418, "error_w_gmm": 0.043809339442897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04293236374728413}, "run_3741": {"edge_length": 1200, "pf": 0.2943125, "in_bounds_one_im": 1, "error_one_im": 0.04160137309897802, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 18.400399117612046, "error_w_gmm": 0.047487340882712475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04653673892584657}, "run_3742": {"edge_length": 1200, "pf": 0.3165409722222222, "in_bounds_one_im": 0, "error_one_im": 0.042954793403418526, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 0, "pred_cls": 18.93261415833209, "error_w_gmm": 0.04636610453980698, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045437947500720395}, "run_3743": {"edge_length": 1200, "pf": 0.3129659722222222, "in_bounds_one_im": 0, "error_one_im": 0.04059599084743782, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 20.56479410126403, "error_w_gmm": 0.05078245340192876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049765889857181916}, "run_3744": {"edge_length": 1200, "pf": 0.30628541666666664, "in_bounds_one_im": 1, "error_one_im": 0.040482894094058974, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 21.63320199945404, "error_w_gmm": 0.05426212628991646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05317590662640007}, "run_3745": {"edge_length": 1200, "pf": 0.2893645833333333, "in_bounds_one_im": 1, "error_one_im": 0.0386547813776638, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 16.277494716429075, "error_w_gmm": 0.0425144974057344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04166344186803045}, "run_3746": {"edge_length": 1200, "pf": 0.2881326388888889, "in_bounds_one_im": 0, "error_one_im": 0.039190037133834524, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 18.7140895606667, "error_w_gmm": 0.04902535705621284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04804396707969682}, "run_3747": {"edge_length": 1200, "pf": 0.2917923611111111, "in_bounds_one_im": 1, "error_one_im": 0.04076465451666933, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 15.425233604974759, "error_w_gmm": 0.04005196645764007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03925020588349042}, "run_3748": {"edge_length": 1200, "pf": 0.2972736111111111, "in_bounds_one_im": 1, "error_one_im": 0.042639199539736064, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 20.918172677827965, "error_w_gmm": 0.05360279619091565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05252977500241769}, "run_3749": {"edge_length": 1200, "pf": 0.30353680555555557, "in_bounds_one_im": 1, "error_one_im": 0.04387669903867493, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 19.249918366096093, "error_w_gmm": 0.048598296610873185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04762545553365329}, "run_3750": {"edge_length": 1200, "pf": 0.2900534722222222, "in_bounds_one_im": 1, "error_one_im": 0.03984170439210665, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 16.820144350945267, "error_w_gmm": 0.04385834642199684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04298038970429748}, "run_3751": {"edge_length": 1200, "pf": 0.3066111111111111, "in_bounds_one_im": 1, "error_one_im": 0.0378954488154769, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 18.224717746170793, "error_w_gmm": 0.04567768183326346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04476330564523798}, "run_3752": {"edge_length": 1200, "pf": 0.2963, "in_bounds_one_im": 1, "error_one_im": 0.04135181679680704, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 17.10452814469708, "error_w_gmm": 0.04393269014525147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04305324521432525}, "run_3753": {"edge_length": 1200, "pf": 0.28944583333333335, "in_bounds_one_im": 1, "error_one_im": 0.0404750516495028, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 18.06756914289767, "error_w_gmm": 0.04718059561514489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046236134087416204}, "run_3754": {"edge_length": 1200, "pf": 0.3047548611111111, "in_bounds_one_im": 1, "error_one_im": 0.03735668495712918, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 13.105270762296003, "error_w_gmm": 0.032990462753651716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03233005941523374}, "run_3755": {"edge_length": 1200, "pf": 0.2957, "in_bounds_one_im": 1, "error_one_im": 0.04187437632836602, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 17.9919106329948, "error_w_gmm": 0.04627849391088551, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0453520906620459}, "run_3756": {"edge_length": 1200, "pf": 0.30420694444444446, "in_bounds_one_im": 1, "error_one_im": 0.036699287039290505, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 19.910289133528067, "error_w_gmm": 0.050185909536835376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049181287611791275}, "run_3757": {"edge_length": 1200, "pf": 0.30343611111111113, "in_bounds_one_im": 1, "error_one_im": 0.04211954410104123, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 19.106186359946452, "error_w_gmm": 0.04824692126015938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04728111401742611}, "run_3758": {"edge_length": 1200, "pf": 0.2996902777777778, "in_bounds_one_im": 1, "error_one_im": 0.03887801236539787, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 19.055589944843003, "error_w_gmm": 0.04854895641731077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04757710303246701}, "run_3759": {"edge_length": 1200, "pf": 0.28918541666666664, "in_bounds_one_im": 1, "error_one_im": 0.04050069147576162, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 16.61499678678954, "error_w_gmm": 0.04341491767752824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04254583751986343}, "run_3760": {"edge_length": 1200, "pf": 0.30207569444444443, "in_bounds_one_im": 1, "error_one_im": 0.038556862970876675, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 17.057005783812368, "error_w_gmm": 0.043211348203939674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04234634310157071}, "run_3761": {"edge_length": 1400, "pf": 0.29634897959183676, "in_bounds_one_im": 1, "error_one_im": 0.03592452850262348, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 20.53279103573129, "error_w_gmm": 0.04429482251020361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04429400858244545}, "run_3762": {"edge_length": 1400, "pf": 0.3061204081632653, "in_bounds_one_im": 1, "error_one_im": 0.03208918729499087, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 18.86516054281281, "error_w_gmm": 0.03976348646823571, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03976275580484077}, "run_3763": {"edge_length": 1400, "pf": 0.29625561224489794, "in_bounds_one_im": 1, "error_one_im": 0.03646099290278682, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 16.926210106651485, "error_w_gmm": 0.036522621476372245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03652195036463191}, "run_3764": {"edge_length": 1400, "pf": 0.30368163265306125, "in_bounds_one_im": 1, "error_one_im": 0.032706979108243425, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 17.10007589221745, "error_w_gmm": 0.03625106218374605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0362503960619716}, "run_3765": {"edge_length": 1400, "pf": 0.3070107142857143, "in_bounds_one_im": 1, "error_one_im": 0.031249411906341572, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 16.48197490785227, "error_w_gmm": 0.03466760010680876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03466696308152146}, "run_3766": {"edge_length": 1400, "pf": 0.3048984693877551, "in_bounds_one_im": 1, "error_one_im": 0.03166405531539185, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 16.558869182626815, "error_w_gmm": 0.03500299542012489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035002352231870044}, "run_3767": {"edge_length": 1400, "pf": 0.2957341836734694, "in_bounds_one_im": 1, "error_one_im": 0.03394941080417155, "one_im_sa_cls": 15.714285714285714, "model_in_bounds": 1, "pred_cls": 17.51232078629407, "error_w_gmm": 0.037834611652215924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03783391643234827}, "run_3768": {"edge_length": 1400, "pf": 0.30262244897959184, "in_bounds_one_im": 1, "error_one_im": 0.03439383262150171, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 18.646520192851675, "error_w_gmm": 0.03962864676050484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03962791857482121}, "run_3769": {"edge_length": 1400, "pf": 0.2893183673469388, "in_bounds_one_im": 1, "error_one_im": 0.03645003276658043, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 0, "pred_cls": 16.437530415624288, "error_w_gmm": 0.03606734283226081, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03606668008637251}, "run_3770": {"edge_length": 1400, "pf": 0.30082295918367347, "in_bounds_one_im": 1, "error_one_im": 0.034192568204474735, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 18.45657470790163, "error_w_gmm": 0.039392834408658636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03939211055608228}, "run_3771": {"edge_length": 1400, "pf": 0.2953168367346939, "in_bounds_one_im": 1, "error_one_im": 0.03482200890024756, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 18.978410896055657, "error_w_gmm": 0.04104315375123846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04104239957365685}, "run_3772": {"edge_length": 1400, "pf": 0.2965581632653061, "in_bounds_one_im": 1, "error_one_im": 0.03546648694927879, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 19.850939006349346, "error_w_gmm": 0.04280241229938437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04280162579501403}, "run_3773": {"edge_length": 1400, "pf": 0.3020795918367347, "in_bounds_one_im": 1, "error_one_im": 0.0336564211806436, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 20.75208856610206, "error_w_gmm": 0.04416030903640113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04415949758035964}, "run_3774": {"edge_length": 1400, "pf": 0.3034107142857143, "in_bounds_one_im": 1, "error_one_im": 0.033550470621214856, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 17.91353368110286, "error_w_gmm": 0.037999881210294795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037999182953560286}, "run_3775": {"edge_length": 1400, "pf": 0.30314030612244897, "in_bounds_one_im": 1, "error_one_im": 0.0332253962997525, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 19.91553690340252, "error_w_gmm": 0.04227376075475489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04227298396448086}, "run_3776": {"edge_length": 1400, "pf": 0.3074045918367347, "in_bounds_one_im": 1, "error_one_im": 0.03683848555434847, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 17.148350880272037, "error_w_gmm": 0.03603587116992478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03603520900233552}, "run_3777": {"edge_length": 1400, "pf": 0.2907423469387755, "in_bounds_one_im": 1, "error_one_im": 0.03186178160777967, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 15.136920798075959, "error_w_gmm": 0.033098891070261996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033098282870371365}, "run_3778": {"edge_length": 1400, "pf": 0.29982908163265304, "in_bounds_one_im": 1, "error_one_im": 0.03471013165011156, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 17.674835958324387, "error_w_gmm": 0.03781364863010209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03781295379543484}, "run_3779": {"edge_length": 1400, "pf": 0.29409183673469386, "in_bounds_one_im": 1, "error_one_im": 0.03395095199177342, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 17.285363766131972, "error_w_gmm": 0.037492049047533296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037491360122333804}, "run_3780": {"edge_length": 1400, "pf": 0.30021377551020406, "in_bounds_one_im": 1, "error_one_im": 0.0358561106356988, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 18.36960483667785, "error_w_gmm": 0.03926406283009288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03926334134372439}, "run_3781": {"edge_length": 1400, "pf": 0.2977969387755102, "in_bounds_one_im": 1, "error_one_im": 0.03514210209026338, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 18.40481099283489, "error_w_gmm": 0.039566773985396306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03956604693663928}, "run_3782": {"edge_length": 1400, "pf": 0.30745051020408165, "in_bounds_one_im": 1, "error_one_im": 0.0340043878012151, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 16.49879051830175, "error_w_gmm": 0.03466713421815375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03466649720142727}, "run_3783": {"edge_length": 1400, "pf": 0.29885510204081633, "in_bounds_one_im": 1, "error_one_im": 0.03632249055558603, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 16.25771570302568, "error_w_gmm": 0.03486270751265937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03486206690222783}, "run_3784": {"edge_length": 1400, "pf": 0.3028280612244898, "in_bounds_one_im": 1, "error_one_im": 0.036587969896412026, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 18.131749107944284, "error_w_gmm": 0.038515862520011296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03851515478199916}, "run_3785": {"edge_length": 1400, "pf": 0.2941061224489796, "in_bounds_one_im": 1, "error_one_im": 0.03284320684419185, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 16.27707328832426, "error_w_gmm": 0.0353038467710495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03530319805458043}, "run_3786": {"edge_length": 1400, "pf": 0.2931683673469388, "in_bounds_one_im": 1, "error_one_im": 0.03593423706011239, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 16.688534323795672, "error_w_gmm": 0.03627819462068228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03627752800034285}, "run_3787": {"edge_length": 1400, "pf": 0.29606785714285716, "in_bounds_one_im": 1, "error_one_im": 0.036741746288702075, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 20.1519748532491, "error_w_gmm": 0.04350262025388308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04350182088302728}, "run_3788": {"edge_length": 1400, "pf": 0.30304489795918366, "in_bounds_one_im": 1, "error_one_im": 0.03232300395030937, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 15.356665738090266, "error_w_gmm": 0.032604224845507436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032603625735224843}, "run_3789": {"edge_length": 1400, "pf": 0.3092698979591837, "in_bounds_one_im": 1, "error_one_im": 0.03202363334549991, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 18.7040295332404, "error_w_gmm": 0.03913349003231428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039132770945251645}, "run_3790": {"edge_length": 1400, "pf": 0.30547602040816324, "in_bounds_one_im": 1, "error_one_im": 0.03312877486622388, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 18.99914640230803, "error_w_gmm": 0.04010672363731419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04010598666685568}, "run_3791": {"edge_length": 1400, "pf": 0.29232704081632654, "in_bounds_one_im": 1, "error_one_im": 0.032273227650701924, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.136358896658372, "error_w_gmm": 0.039505716466628496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03950499053981784}, "run_3792": {"edge_length": 1400, "pf": 0.29845, "in_bounds_one_im": 1, "error_one_im": 0.033554152020504414, "one_im_sa_cls": 15.63265306122449, "model_in_bounds": 1, "pred_cls": 17.330466805821242, "error_w_gmm": 0.037199047472888214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03719836393166155}, "run_3793": {"edge_length": 1400, "pf": 0.29666326530612247, "in_bounds_one_im": 1, "error_one_im": 0.038229050884062574, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 17.884377783816632, "error_w_gmm": 0.038552419143970736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038551710734221964}, "run_3794": {"edge_length": 1400, "pf": 0.30986632653061225, "in_bounds_one_im": 1, "error_one_im": 0.03564590703411371, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 17.14720258160002, "error_w_gmm": 0.03582619882536401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035825540510553366}, "run_3795": {"edge_length": 1400, "pf": 0.29884285714285713, "in_bounds_one_im": 1, "error_one_im": 0.032559906735887864, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 16.53562331699384, "error_w_gmm": 0.035459682894555505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03545903131456118}, "run_3796": {"edge_length": 1400, "pf": 0.30743010204081633, "in_bounds_one_im": 1, "error_one_im": 0.037179340671831894, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 18.616534909973968, "error_w_gmm": 0.039118797460453054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03911807864336989}, "run_3797": {"edge_length": 1400, "pf": 0.30334948979591836, "in_bounds_one_im": 1, "error_one_im": 0.032559495068068024, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 17.964576413051663, "error_w_gmm": 0.0381136781654845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03811297781770433}, "run_3798": {"edge_length": 1400, "pf": 0.29687295918367346, "in_bounds_one_im": 1, "error_one_im": 0.03324125028038222, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 16.172661184726746, "error_w_gmm": 0.03484505090625833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03484441062027103}, "run_3799": {"edge_length": 1400, "pf": 0.3087969387755102, "in_bounds_one_im": 1, "error_one_im": 0.03453835661457595, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 19.799965887671267, "error_w_gmm": 0.04147236584719798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04147160378274335}, "run_3800": {"edge_length": 1400, "pf": 0.3075969387755102, "in_bounds_one_im": 1, "error_one_im": 0.032620988505467935, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 15.877477193316397, "error_w_gmm": 0.03335016741627361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03334955459912112}}, "blobs_250.0_0.4": {"true_cls": 18.387755102040817, "true_pf": 0.40024697020331407, "run_3801": {"edge_length": 600, "pf": 0.411025, "in_bounds_one_im": 1, "error_one_im": 0.06216594354605089, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 19.951573454495158, "error_w_gmm": 0.08112547264224967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0780168306319957}, "run_3802": {"edge_length": 600, "pf": 0.39029444444444444, "in_bounds_one_im": 1, "error_one_im": 0.059825880100948664, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 11.91717970734732, "error_w_gmm": 0.050594482369932386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04865575550326984}, "run_3803": {"edge_length": 600, "pf": 0.4149388888888889, "in_bounds_one_im": 1, "error_one_im": 0.05295846935904388, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 20.389071215050745, "error_w_gmm": 0.08223785344570934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07908658618367681}, "run_3804": {"edge_length": 600, "pf": 0.4127277777777778, "in_bounds_one_im": 1, "error_one_im": 0.06942292125014692, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 25.77868830153732, "error_w_gmm": 0.10445144985330948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10044898115303064}, "run_3805": {"edge_length": 600, "pf": 0.4004611111111111, "in_bounds_one_im": 1, "error_one_im": 0.06851861125207372, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 19.06944279287408, "error_w_gmm": 0.07925602477397248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07621901802191823}, "run_3806": {"edge_length": 600, "pf": 0.39725, "in_bounds_one_im": 1, "error_one_im": 0.06528366774983572, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 23.300439264816017, "error_w_gmm": 0.09749145281721028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09375568381645823}, "run_3807": {"edge_length": 600, "pf": 0.40475555555555554, "in_bounds_one_im": 1, "error_one_im": 0.06200795242698427, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 22.23504283052385, "error_w_gmm": 0.09159146670524963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08808177891043927}, "run_3808": {"edge_length": 600, "pf": 0.412225, "in_bounds_one_im": 1, "error_one_im": 0.057952280627443266, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 19.04892687983206, "error_w_gmm": 0.07726355445549359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07430289705136273}, "run_3809": {"edge_length": 600, "pf": 0.39455277777777775, "in_bounds_one_im": 1, "error_one_im": 0.07746208667464262, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 14.405307942538494, "error_w_gmm": 0.06061413566723403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05829146632043912}, "run_3810": {"edge_length": 600, "pf": 0.40245, "in_bounds_one_im": 1, "error_one_im": 0.06571741040504461, "one_im_sa_cls": 16.510204081632654, "model_in_bounds": 1, "pred_cls": 22.095827952020297, "error_w_gmm": 0.0914549499351757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08795049331810448}, "run_3811": {"edge_length": 600, "pf": 0.3891027777777778, "in_bounds_one_im": 1, "error_one_im": 0.0626489697617512, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 13.467254466783414, "error_w_gmm": 0.05731875557975243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055122361700403764}, "run_3812": {"edge_length": 600, "pf": 0.41760833333333336, "in_bounds_one_im": 1, "error_one_im": 0.05991125473891008, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 14.747155096414996, "error_w_gmm": 0.05915575789125939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05688897203301079}, "run_3813": {"edge_length": 600, "pf": 0.4001638888888889, "in_bounds_one_im": 1, "error_one_im": 0.06407192519117579, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 20.125865674655184, "error_w_gmm": 0.08369850545843835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08049126756152078}, "run_3814": {"edge_length": 600, "pf": 0.3926472222222222, "in_bounds_one_im": 1, "error_one_im": 0.06409136200744833, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 17.25872670661708, "error_w_gmm": 0.07291112095810143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07011724418619558}, "run_3815": {"edge_length": 600, "pf": 0.38313888888888886, "in_bounds_one_im": 1, "error_one_im": 0.05862050742282642, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 16.706553003534278, "error_w_gmm": 0.07200592076921429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06924673030782495}, "run_3816": {"edge_length": 600, "pf": 0.4275, "in_bounds_one_im": 0, "error_one_im": 0.05431166360222388, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 16.42074839448627, "error_w_gmm": 0.06454734894787065, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.062073963042623165}, "run_3817": {"edge_length": 600, "pf": 0.36885555555555555, "in_bounds_one_im": 0, "error_one_im": 0.0573803075396276, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 19.444871819495738, "error_w_gmm": 0.08639867439299122, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08308796888828855}, "run_3818": {"edge_length": 600, "pf": 0.386825, "in_bounds_one_im": 1, "error_one_im": 0.06899339735970705, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 22.652326008990165, "error_w_gmm": 0.09687540547408843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09316324275369145}, "run_3819": {"edge_length": 600, "pf": 0.40253055555555556, "in_bounds_one_im": 1, "error_one_im": 0.06245763335367531, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 17.143988189055555, "error_w_gmm": 0.07094733056708537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06822870415872151}, "run_3820": {"edge_length": 600, "pf": 0.40281666666666666, "in_bounds_one_im": 1, "error_one_im": 0.06769661210983706, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 21.213462351507427, "error_w_gmm": 0.08773592484095981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08437397731836317}, "run_3821": {"edge_length": 600, "pf": 0.393175, "in_bounds_one_im": 1, "error_one_im": 0.07180565409302499, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 21.08292389362974, "error_w_gmm": 0.08896832265429618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08555915095548083}, "run_3822": {"edge_length": 600, "pf": 0.39210833333333334, "in_bounds_one_im": 1, "error_one_im": 0.06972525406956927, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 13.663875462115119, "error_w_gmm": 0.0577896056648502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05557516930997092}, "run_3823": {"edge_length": 600, "pf": 0.4073527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05709155799877991, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 18.88238618578235, "error_w_gmm": 0.0773633804587489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07439889782812217}, "run_3824": {"edge_length": 600, "pf": 0.3581638888888889, "in_bounds_one_im": 0, "error_one_im": 0.06675342199293266, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 0, "pred_cls": 9.197266455418088, "error_w_gmm": 0.0418211259670942, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04021858480630805}, "run_3825": {"edge_length": 600, "pf": 0.4205, "in_bounds_one_im": 1, "error_one_im": 0.05900867005448637, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 19.731276134867294, "error_w_gmm": 0.07868005806525193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07566512174618159}, "run_3826": {"edge_length": 600, "pf": 0.41810277777777777, "in_bounds_one_im": 1, "error_one_im": 0.0570191032419212, "one_im_sa_cls": 14.795918367346939, "model_in_bounds": 1, "pred_cls": 14.421368956425372, "error_w_gmm": 0.05779015785260608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055575700338477974}, "run_3827": {"edge_length": 600, "pf": 0.3831527777777778, "in_bounds_one_im": 1, "error_one_im": 0.06809252805647512, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 18.202401060777206, "error_w_gmm": 0.0784507814158418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0754446307346373}, "run_3828": {"edge_length": 600, "pf": 0.3655, "in_bounds_one_im": 0, "error_one_im": 0.07009318176670633, "one_im_sa_cls": 16.285714285714285, "model_in_bounds": 1, "pred_cls": 21.783443344632776, "error_w_gmm": 0.0974909787017533, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09375522786860228}, "run_3829": {"edge_length": 600, "pf": 0.3956861111111111, "in_bounds_one_im": 1, "error_one_im": 0.0658269032277223, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 16.1322793259211, "error_w_gmm": 0.06772006946273447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06512510827468045}, "run_3830": {"edge_length": 600, "pf": 0.4179027777777778, "in_bounds_one_im": 1, "error_one_im": 0.06593331529267653, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 28.542554280953418, "error_w_gmm": 0.11442442726708298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11003980465698972}, "run_3831": {"edge_length": 600, "pf": 0.41568333333333335, "in_bounds_one_im": 1, "error_one_im": 0.06307343493024806, "one_im_sa_cls": 16.285714285714285, "model_in_bounds": 1, "pred_cls": 17.12008534225741, "error_w_gmm": 0.06894686655630358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0663048958056681}, "run_3832": {"edge_length": 600, "pf": 0.41423055555555555, "in_bounds_one_im": 1, "error_one_im": 0.06532362297482534, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 21.41855163466569, "error_w_gmm": 0.08651634584958984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08320113129955921}, "run_3833": {"edge_length": 600, "pf": 0.40469166666666667, "in_bounds_one_im": 1, "error_one_im": 0.05603286714342351, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 14.52367328567115, "error_w_gmm": 0.05983442173391892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05754163019751017}, "run_3834": {"edge_length": 600, "pf": 0.3830527777777778, "in_bounds_one_im": 1, "error_one_im": 0.06590720840238426, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 24.329679213394787, "error_w_gmm": 0.10488100942377167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10086208045665977}, "run_3835": {"edge_length": 600, "pf": 0.4115638888888889, "in_bounds_one_im": 1, "error_one_im": 0.06241565750517168, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 0, "pred_cls": 5.625042957865242, "error_w_gmm": 0.022846656275394808, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021971196654903893}, "run_3836": {"edge_length": 600, "pf": 0.40003055555555556, "in_bounds_one_im": 1, "error_one_im": 0.062048649966843256, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 13.016678866081103, "error_w_gmm": 0.05414819092239978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05207328971568599}, "run_3837": {"edge_length": 600, "pf": 0.3958888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06044614044016749, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 19.869017817133525, "error_w_gmm": 0.08337079287021597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08017611257186581}, "run_3838": {"edge_length": 600, "pf": 0.39331944444444444, "in_bounds_one_im": 1, "error_one_im": 0.06516026206869019, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 19.569598338609225, "error_w_gmm": 0.0825572120640394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07939370731869921}, "run_3839": {"edge_length": 600, "pf": 0.42335833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05695223807215717, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 24.771739592880685, "error_w_gmm": 0.09820220442138301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09443920017350535}, "run_3840": {"edge_length": 600, "pf": 0.39558333333333334, "in_bounds_one_im": 1, "error_one_im": 0.05825985471521666, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 15.672708279539924, "error_w_gmm": 0.06580502373274022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06328344506455232}, "run_3841": {"edge_length": 800, "pf": 0.4147359375, "in_bounds_one_im": 1, "error_one_im": 0.04745684884010046, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 20.0409155895368, "error_w_gmm": 0.059118768802363386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058326478580404455}, "run_3842": {"edge_length": 800, "pf": 0.3898109375, "in_bounds_one_im": 1, "error_one_im": 0.05054504457174143, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 13.898859412870639, "error_w_gmm": 0.04318193398034922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042603223957272035}, "run_3843": {"edge_length": 800, "pf": 0.4138703125, "in_bounds_one_im": 1, "error_one_im": 0.04855309339958577, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 16.043747651141764, "error_w_gmm": 0.047411999636927465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046776599670439054}, "run_3844": {"edge_length": 800, "pf": 0.4024609375, "in_bounds_one_im": 1, "error_one_im": 0.04587523306195902, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 18.974838206687416, "error_w_gmm": 0.05741390585998069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05664446364833034}, "run_3845": {"edge_length": 800, "pf": 0.3935734375, "in_bounds_one_im": 1, "error_one_im": 0.04946483484169848, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 16.914344255473196, "error_w_gmm": 0.052137368970090206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051438641163836944}, "run_3846": {"edge_length": 800, "pf": 0.397084375, "in_bounds_one_im": 1, "error_one_im": 0.048610030955682164, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 21.046663866275207, "error_w_gmm": 0.06440029599319998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06353722448747819}, "run_3847": {"edge_length": 800, "pf": 0.4029890625, "in_bounds_one_im": 1, "error_one_im": 0.04886772075708189, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 18.716934120436015, "error_w_gmm": 0.0565714035670691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05581325229300386}, "run_3848": {"edge_length": 800, "pf": 0.434640625, "in_bounds_one_im": 0, "error_one_im": 0.04162766251269162, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 0, "pred_cls": 16.133569150707903, "error_w_gmm": 0.04569254241616576, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045080186047686606}, "run_3849": {"edge_length": 800, "pf": 0.4065734375, "in_bounds_one_im": 1, "error_one_im": 0.05086137603433049, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 18.753703779170763, "error_w_gmm": 0.05626246684638101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05550845584025368}, "run_3850": {"edge_length": 800, "pf": 0.4020421875, "in_bounds_one_im": 1, "error_one_im": 0.04713472487909134, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.23545311418004, "error_w_gmm": 0.058253175902334094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057472486070653694}, "run_3851": {"edge_length": 800, "pf": 0.3926328125, "in_bounds_one_im": 1, "error_one_im": 0.05105491394959655, "one_im_sa_cls": 16.755102040816325, "model_in_bounds": 1, "pred_cls": 19.246534558182404, "error_w_gmm": 0.05944326275760632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05864662377478807}, "run_3852": {"edge_length": 800, "pf": 0.3901625, "in_bounds_one_im": 1, "error_one_im": 0.04613204280556548, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.876096825500138, "error_w_gmm": 0.05549766701228583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05475390560104319}, "run_3853": {"edge_length": 800, "pf": 0.403928125, "in_bounds_one_im": 1, "error_one_im": 0.04743624750446118, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 19.365560590685778, "error_w_gmm": 0.058417782826372784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05763488698703982}, "run_3854": {"edge_length": 800, "pf": 0.3973375, "in_bounds_one_im": 1, "error_one_im": 0.044335522125401185, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 17.663858835865668, "error_w_gmm": 0.05402075134117091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053296783066162194}, "run_3855": {"edge_length": 800, "pf": 0.3944921875, "in_bounds_one_im": 1, "error_one_im": 0.050298927543145536, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 13.676389147215213, "error_w_gmm": 0.042075554652705356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04151167196011618}, "run_3856": {"edge_length": 800, "pf": 0.379390625, "in_bounds_one_im": 0, "error_one_im": 0.045403176821395046, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 18.77282628477134, "error_w_gmm": 0.059622922228174245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05882387550844434}, "run_3857": {"edge_length": 800, "pf": 0.4101328125, "in_bounds_one_im": 1, "error_one_im": 0.04928885195611196, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 17.57848310490506, "error_w_gmm": 0.05234967441278498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05164810135907951}, "run_3858": {"edge_length": 800, "pf": 0.371903125, "in_bounds_one_im": 0, "error_one_im": 0.04665356876885696, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 0, "pred_cls": 18.508899270482733, "error_w_gmm": 0.05973057869195743, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05893008919584166}, "run_3859": {"edge_length": 800, "pf": 0.388025, "in_bounds_one_im": 1, "error_one_im": 0.04878878798930019, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 17.037997930479957, "error_w_gmm": 0.05313409352148953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05242200794185814}, "run_3860": {"edge_length": 800, "pf": 0.38875625, "in_bounds_one_im": 1, "error_one_im": 0.051535010061518796, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 21.894722663125737, "error_w_gmm": 0.06817508687328121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06726142686639788}, "run_3861": {"edge_length": 800, "pf": 0.410340625, "in_bounds_one_im": 1, "error_one_im": 0.04435290699779197, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 19.295585123264836, "error_w_gmm": 0.05743862392029506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056668850445360866}, "run_3862": {"edge_length": 800, "pf": 0.3862125, "in_bounds_one_im": 1, "error_one_im": 0.051118574566682874, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 18.27256744218812, "error_w_gmm": 0.05720225613988408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05643565038790818}, "run_3863": {"edge_length": 800, "pf": 0.405603125, "in_bounds_one_im": 1, "error_one_im": 0.0432768536043073, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 14.637266320928191, "error_w_gmm": 0.044001280502024794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043411589867364035}, "run_3864": {"edge_length": 800, "pf": 0.4040234375, "in_bounds_one_im": 1, "error_one_im": 0.04481564967438062, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 16.088605227893357, "error_w_gmm": 0.048522976563552034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047872687651072075}, "run_3865": {"edge_length": 800, "pf": 0.3833, "in_bounds_one_im": 1, "error_one_im": 0.04445776302232446, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 14.983453700499114, "error_w_gmm": 0.047195133917211564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04656264031350247}, "run_3866": {"edge_length": 800, "pf": 0.4146484375, "in_bounds_one_im": 1, "error_one_im": 0.04639609534709208, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 15.494140881204796, "error_w_gmm": 0.045714460925703276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04510181081259552}, "run_3867": {"edge_length": 800, "pf": 0.4052984375, "in_bounds_one_im": 1, "error_one_im": 0.05135940115954907, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 20.007975908808234, "error_w_gmm": 0.060184264685481347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05937769503946071}, "run_3868": {"edge_length": 800, "pf": 0.3975484375, "in_bounds_one_im": 1, "error_one_im": 0.04203865085578069, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 17.803640284417135, "error_w_gmm": 0.05442426605483913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05369489000885458}, "run_3869": {"edge_length": 800, "pf": 0.406634375, "in_bounds_one_im": 1, "error_one_im": 0.05073415799429912, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 17.84694236595927, "error_w_gmm": 0.05353535613510666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052817892966400784}, "run_3870": {"edge_length": 800, "pf": 0.3921265625, "in_bounds_one_im": 1, "error_one_im": 0.05347473485037282, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 19.68621548469385, "error_w_gmm": 0.06086581120161905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060050107694195644}, "run_3871": {"edge_length": 800, "pf": 0.3920390625, "in_bounds_one_im": 1, "error_one_im": 0.05255059499916261, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 19.176132545202158, "error_w_gmm": 0.05929962102505081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05850490708131021}, "run_3872": {"edge_length": 800, "pf": 0.4054125, "in_bounds_one_im": 1, "error_one_im": 0.04523159949430679, "one_im_sa_cls": 15.244897959183673, "model_in_bounds": 1, "pred_cls": 17.533134158639957, "error_w_gmm": 0.05272742999353512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05202079438424908}, "run_3873": {"edge_length": 800, "pf": 0.4151515625, "in_bounds_one_im": 1, "error_one_im": 0.0405322820656336, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 17.506772776560936, "error_w_gmm": 0.05159910295644023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050907588813598297}, "run_3874": {"edge_length": 800, "pf": 0.4256171875, "in_bounds_one_im": 0, "error_one_im": 0.04298182809508889, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 0, "pred_cls": 15.980705221447998, "error_w_gmm": 0.04610041210975781, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04548258960629972}, "run_3875": {"edge_length": 800, "pf": 0.41215, "in_bounds_one_im": 1, "error_one_im": 0.044724907483848504, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 15.05540485007523, "error_w_gmm": 0.044649415258774125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04405103853607936}, "run_3876": {"edge_length": 800, "pf": 0.403840625, "in_bounds_one_im": 1, "error_one_im": 0.04313169832718339, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 18.956987121150746, "error_w_gmm": 0.05719568020856733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05642916258505204}, "run_3877": {"edge_length": 800, "pf": 0.39510625, "in_bounds_one_im": 1, "error_one_im": 0.04782160156405725, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 12.152543171375383, "error_w_gmm": 0.03733941412180301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03683900362101474}, "run_3878": {"edge_length": 800, "pf": 0.4124421875, "in_bounds_one_im": 1, "error_one_im": 0.04368344360767598, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 22.148095690895566, "error_w_gmm": 0.06564442990582359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06476468492814447}, "run_3879": {"edge_length": 800, "pf": 0.402453125, "in_bounds_one_im": 1, "error_one_im": 0.04386547719033437, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 14.950642220109154, "error_w_gmm": 0.04523826229666263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04463199404036855}, "run_3880": {"edge_length": 800, "pf": 0.385215625, "in_bounds_one_im": 1, "error_one_im": 0.050215595348314046, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 19.873417551709544, "error_w_gmm": 0.06234473003563884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0615092065462537}, "run_3881": {"edge_length": 1000, "pf": 0.398722, "in_bounds_one_im": 1, "error_one_im": 0.03737999381191984, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 16.036566233578515, "error_w_gmm": 0.039386186711738026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03859775372168826}, "run_3882": {"edge_length": 1000, "pf": 0.384827, "in_bounds_one_im": 1, "error_one_im": 0.043947851955298656, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 0, "pred_cls": 14.77979329159964, "error_w_gmm": 0.03737353873311057, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.036625394945854685}, "run_3883": {"edge_length": 1000, "pf": 0.402534, "in_bounds_one_im": 1, "error_one_im": 0.03883878594409654, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 15.131445153604883, "error_w_gmm": 0.036869370039518276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036131318705067944}, "run_3884": {"edge_length": 1000, "pf": 0.393178, "in_bounds_one_im": 1, "error_one_im": 0.042735276320340805, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 17.55958724880109, "error_w_gmm": 0.04362951176929906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04275613586544621}, "run_3885": {"edge_length": 1000, "pf": 0.40531, "in_bounds_one_im": 1, "error_one_im": 0.036774387264312196, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 15.751125013601337, "error_w_gmm": 0.03815867028511192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0373948097283791}, "run_3886": {"edge_length": 1000, "pf": 0.399251, "in_bounds_one_im": 1, "error_one_im": 0.03871261746920794, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 16.76902050071174, "error_w_gmm": 0.04113970880207965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04031617379327075}, "run_3887": {"edge_length": 1000, "pf": 0.397402, "in_bounds_one_im": 1, "error_one_im": 0.04048765720306229, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 15.636015807858122, "error_w_gmm": 0.03850835042541497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03773748996893055}, "run_3888": {"edge_length": 1000, "pf": 0.400918, "in_bounds_one_im": 1, "error_one_im": 0.03676928708593844, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 14.867562694824981, "error_w_gmm": 0.036348386061334344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035620763788186446}, "run_3889": {"edge_length": 1000, "pf": 0.399562, "in_bounds_one_im": 1, "error_one_im": 0.04109017825637566, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 17.14213294787851, "error_w_gmm": 0.04202781872227362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04118650552221731}, "run_3890": {"edge_length": 1000, "pf": 0.401191, "in_bounds_one_im": 1, "error_one_im": 0.04192835921530108, "one_im_sa_cls": 17.510204081632654, "model_in_bounds": 1, "pred_cls": 18.558504604445368, "error_w_gmm": 0.04534626725494561, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044438525326510735}, "run_3891": {"edge_length": 1000, "pf": 0.409521, "in_bounds_one_im": 1, "error_one_im": 0.03621491721389606, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 17.940676809737095, "error_w_gmm": 0.04308568066346463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04222319117489231}, "run_3892": {"edge_length": 1000, "pf": 0.406713, "in_bounds_one_im": 1, "error_one_im": 0.03898647185108439, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 16.93073260684523, "error_w_gmm": 0.04089725274785619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04007857122621488}, "run_3893": {"edge_length": 1000, "pf": 0.393956, "in_bounds_one_im": 1, "error_one_im": 0.03904405912096432, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 16.36581165836413, "error_w_gmm": 0.04059717024884115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03978449578098484}, "run_3894": {"edge_length": 1000, "pf": 0.426115, "in_bounds_one_im": 0, "error_one_im": 0.032957888886823605, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 0, "pred_cls": 15.747301976467023, "error_w_gmm": 0.03654981448519688, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03581816001630315}, "run_3895": {"edge_length": 1000, "pf": 0.399949, "in_bounds_one_im": 1, "error_one_im": 0.04188995559739705, "one_im_sa_cls": 17.448979591836736, "model_in_bounds": 1, "pred_cls": 20.698456881779478, "error_w_gmm": 0.05070604516895147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04969101116480305}, "run_3896": {"edge_length": 1000, "pf": 0.387599, "in_bounds_one_im": 1, "error_one_im": 0.04092635221739067, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 16.89968795787478, "error_w_gmm": 0.042484968738099455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04163450430549259}, "run_3897": {"edge_length": 1000, "pf": 0.411875, "in_bounds_one_im": 1, "error_one_im": 0.03761654012786268, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 22.862188763697773, "error_w_gmm": 0.05463864319994963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05354488641801782}, "run_3898": {"edge_length": 1000, "pf": 0.417116, "in_bounds_one_im": 0, "error_one_im": 0.038063658992100236, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 18.363968301103284, "error_w_gmm": 0.04341693612899447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04254781556595249}, "run_3899": {"edge_length": 1000, "pf": 0.40354, "in_bounds_one_im": 1, "error_one_im": 0.035888535796899955, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.790695644243883, "error_w_gmm": 0.043258384143136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042392437474972545}, "run_3900": {"edge_length": 1000, "pf": 0.401626, "in_bounds_one_im": 1, "error_one_im": 0.03603162261764993, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 18.76139908066852, "error_w_gmm": 0.045800546978845474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044883711275385985}, "run_3901": {"edge_length": 1000, "pf": 0.40047, "in_bounds_one_im": 1, "error_one_im": 0.03871229873374152, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 16.046679989978912, "error_w_gmm": 0.039267717094402355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03848165563006825}, "run_3902": {"edge_length": 1000, "pf": 0.403171, "in_bounds_one_im": 1, "error_one_im": 0.03552672603133963, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 19.425260250631187, "error_w_gmm": 0.047269080841524584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0463228480158502}, "run_3903": {"edge_length": 1000, "pf": 0.396385, "in_bounds_one_im": 1, "error_one_im": 0.03682241297759509, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 19.11890022445818, "error_w_gmm": 0.04718612441150007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04624155220828323}, "run_3904": {"edge_length": 1000, "pf": 0.387704, "in_bounds_one_im": 1, "error_one_im": 0.0388563565128664, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 17.759174177106004, "error_w_gmm": 0.04463580099536967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04374228118601082}, "run_3905": {"edge_length": 1000, "pf": 0.404791, "in_bounds_one_im": 1, "error_one_im": 0.03424333328489205, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 17.758415672216465, "error_w_gmm": 0.043067883909056824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042205750676051805}, "run_3906": {"edge_length": 1000, "pf": 0.416191, "in_bounds_one_im": 0, "error_one_im": 0.036904431478925526, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 0, "pred_cls": 14.984116514217293, "error_w_gmm": 0.03549361120030076, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03478309981692843}, "run_3907": {"edge_length": 1000, "pf": 0.396657, "in_bounds_one_im": 1, "error_one_im": 0.040550704737070724, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 17.898288128161532, "error_w_gmm": 0.0441485117979078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04326474654747048}, "run_3908": {"edge_length": 1000, "pf": 0.412946, "in_bounds_one_im": 1, "error_one_im": 0.03929810571689295, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 22.378732106472388, "error_w_gmm": 0.05336516628496428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0522969019737606}, "run_3909": {"edge_length": 1000, "pf": 0.418721, "in_bounds_one_im": 0, "error_one_im": 0.0384567089298544, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 0, "pred_cls": 16.36283212675549, "error_w_gmm": 0.03855834775684441, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0377864864533929}, "run_3910": {"edge_length": 1000, "pf": 0.381393, "in_bounds_one_im": 0, "error_one_im": 0.039989200723904585, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 0, "pred_cls": 18.551932399021645, "error_w_gmm": 0.04725417712957362, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04630824264652035}, "run_3911": {"edge_length": 1000, "pf": 0.402381, "in_bounds_one_im": 1, "error_one_im": 0.03675503344715098, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 17.27017435563611, "error_w_gmm": 0.042093998691317164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0412513607001289}, "run_3912": {"edge_length": 1000, "pf": 0.391869, "in_bounds_one_im": 1, "error_one_im": 0.03981318365304946, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 17.540202144114918, "error_w_gmm": 0.0437011340120381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04282632437357658}, "run_3913": {"edge_length": 1000, "pf": 0.402033, "in_bounds_one_im": 1, "error_one_im": 0.03809875659916783, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 16.24069802298852, "error_w_gmm": 0.03961342963323742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03882044769262852}, "run_3914": {"edge_length": 1000, "pf": 0.411108, "in_bounds_one_im": 1, "error_one_im": 0.03963895630864517, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 20.1385867656036, "error_w_gmm": 0.048205750581811445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04724076749403553}, "run_3915": {"edge_length": 1000, "pf": 0.396985, "in_bounds_one_im": 1, "error_one_im": 0.03958626843347055, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 19.11619118948137, "error_w_gmm": 0.04712033507836989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04617707984653221}, "run_3916": {"edge_length": 1000, "pf": 0.402866, "in_bounds_one_im": 1, "error_one_im": 0.03925026963625612, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 20.75913151837273, "error_w_gmm": 0.05054692816096148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049535079362308915}, "run_3917": {"edge_length": 1000, "pf": 0.402024, "in_bounds_one_im": 1, "error_one_im": 0.0320503862165087, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 16.74870640846322, "error_w_gmm": 0.040853300842579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0400354991505173}, "run_3918": {"edge_length": 1000, "pf": 0.411888, "in_bounds_one_im": 1, "error_one_im": 0.032835920752826576, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 23.33378792608175, "error_w_gmm": 0.05576422782517413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054647939081513865}, "run_3919": {"edge_length": 1000, "pf": 0.407392, "in_bounds_one_im": 1, "error_one_im": 0.0404271882138357, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 15.717055115478722, "error_w_gmm": 0.037912173096192346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03715324692209271}, "run_3920": {"edge_length": 1000, "pf": 0.396153, "in_bounds_one_im": 1, "error_one_im": 0.03866746979864666, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.432153232139388, "error_w_gmm": 0.04304403862177756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04218238272391749}, "run_3921": {"edge_length": 1200, "pf": 0.4074541666666667, "in_bounds_one_im": 1, "error_one_im": 0.03456931777527494, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 16.730055240836627, "error_w_gmm": 0.0336254199690749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03295230605221033}, "run_3922": {"edge_length": 1200, "pf": 0.39324166666666666, "in_bounds_one_im": 1, "error_one_im": 0.03825787527524231, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 19.08848260592002, "error_w_gmm": 0.03951830119761017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03872722353876094}, "run_3923": {"edge_length": 1200, "pf": 0.40520833333333334, "in_bounds_one_im": 1, "error_one_im": 0.03408446370177419, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 18.53300982467529, "error_w_gmm": 0.03742294480312785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03667381200478045}, "run_3924": {"edge_length": 1200, "pf": 0.4068236111111111, "in_bounds_one_im": 1, "error_one_im": 0.030549309155837704, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 18.639304248884358, "error_w_gmm": 0.03751174778182482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03676083732476349}, "run_3925": {"edge_length": 1200, "pf": 0.39377708333333333, "in_bounds_one_im": 1, "error_one_im": 0.036188432650537124, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 15.52592854810715, "error_w_gmm": 0.03210681966178716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03146410509761272}, "run_3926": {"edge_length": 1200, "pf": 0.40882083333333336, "in_bounds_one_im": 1, "error_one_im": 0.03318899889467499, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.605639548068105, "error_w_gmm": 0.037289486555454485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03654302532534073}, "run_3927": {"edge_length": 1200, "pf": 0.40220972222222223, "in_bounds_one_im": 1, "error_one_im": 0.032346848493470005, "one_im_sa_cls": 16.244897959183675, "model_in_bounds": 1, "pred_cls": 19.051037161193417, "error_w_gmm": 0.038709317617957775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03793443419865945}, "run_3928": {"edge_length": 1200, "pf": 0.3811375, "in_bounds_one_im": 0, "error_one_im": 0.03291764146667232, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 0, "pred_cls": 17.812331344359542, "error_w_gmm": 0.03782907814265234, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.037071815363975025}, "run_3929": {"edge_length": 1200, "pf": 0.39153125, "in_bounds_one_im": 1, "error_one_im": 0.03369981703060917, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 19.82668573905685, "error_w_gmm": 0.04119407888240794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040369455492910725}, "run_3930": {"edge_length": 1200, "pf": 0.40685, "in_bounds_one_im": 1, "error_one_im": 0.03235876372292978, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 1, "pred_cls": 16.50286505651218, "error_w_gmm": 0.03321033108811666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032545526423679756}, "run_3931": {"edge_length": 1200, "pf": 0.41867916666666666, "in_bounds_one_im": 0, "error_one_im": 0.0324427814127535, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 0, "pred_cls": 17.574282181627915, "error_w_gmm": 0.034513866361689176, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03382296751806968}, "run_3932": {"edge_length": 1200, "pf": 0.40942708333333333, "in_bounds_one_im": 1, "error_one_im": 0.031345918963871344, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 15.336826594862165, "error_w_gmm": 0.03069960137965265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030085056521927618}, "run_3933": {"edge_length": 1200, "pf": 0.40285625, "in_bounds_one_im": 1, "error_one_im": 0.030720695037110553, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 19.260181871587896, "error_w_gmm": 0.0390817071471871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03829936923141415}, "run_3934": {"edge_length": 1200, "pf": 0.40803055555555556, "in_bounds_one_im": 1, "error_one_im": 0.03244034226305548, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 16.92224860385132, "error_w_gmm": 0.03397114010449366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03329110555928593}, "run_3935": {"edge_length": 1200, "pf": 0.40815694444444445, "in_bounds_one_im": 1, "error_one_im": 0.03243185642668685, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 18.19379660132606, "error_w_gmm": 0.03651419813706773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035783256636506125}, "run_3936": {"edge_length": 1200, "pf": 0.3921298611111111, "in_bounds_one_im": 1, "error_one_im": 0.03091843368989412, "one_im_sa_cls": 15.204081632653061, "model_in_bounds": 1, "pred_cls": 16.920809572604817, "error_w_gmm": 0.03511238538287869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03440950538086641}, "run_3937": {"edge_length": 1200, "pf": 0.39716388888888887, "in_bounds_one_im": 1, "error_one_im": 0.03264770414015262, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 17.107518304852515, "error_w_gmm": 0.035127764738094584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034424576872030745}, "run_3938": {"edge_length": 1200, "pf": 0.40694444444444444, "in_bounds_one_im": 1, "error_one_im": 0.03174884243347914, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 16.843712402537264, "error_w_gmm": 0.03388961962850904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033211216960819655}, "run_3939": {"edge_length": 1200, "pf": 0.39809097222222223, "in_bounds_one_im": 1, "error_one_im": 0.03098609332583169, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 18.781161642498148, "error_w_gmm": 0.03848978314649459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03771929436994302}, "run_3940": {"edge_length": 1200, "pf": 0.41144583333333334, "in_bounds_one_im": 1, "error_one_im": 0.03316889291597906, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 16.413754259238726, "error_w_gmm": 0.03271851331215603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032063553859760036}, "run_3941": {"edge_length": 1200, "pf": 0.40936875, "in_bounds_one_im": 1, "error_one_im": 0.031189548644603705, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 17.324230288358475, "error_w_gmm": 0.03468195457461718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033987690939851864}, "run_3942": {"edge_length": 1200, "pf": 0.3948763888888889, "in_bounds_one_im": 1, "error_one_im": 0.03870482155510374, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 18.552298663336423, "error_w_gmm": 0.038277004479079564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03751077510753718}, "run_3943": {"edge_length": 1200, "pf": 0.41475625, "in_bounds_one_im": 0, "error_one_im": 0.029736005237227647, "one_im_sa_cls": 15.326530612244898, "model_in_bounds": 0, "pred_cls": 17.143345963101797, "error_w_gmm": 0.03394034572189725, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.033260927618878326}, "run_3944": {"edge_length": 1200, "pf": 0.4039152777777778, "in_bounds_one_im": 1, "error_one_im": 0.03296127670783417, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 19.571589854162635, "error_w_gmm": 0.03962631713521632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03883307721249316}, "run_3945": {"edge_length": 1200, "pf": 0.39798541666666665, "in_bounds_one_im": 1, "error_one_im": 0.029066110934590387, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 19.700190215316884, "error_w_gmm": 0.04038211821079495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039573748656298584}, "run_3946": {"edge_length": 1200, "pf": 0.3967076388888889, "in_bounds_one_im": 1, "error_one_im": 0.032514410164833, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 18.896210296051414, "error_w_gmm": 0.038837574087385814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03806012322909108}, "run_3947": {"edge_length": 1200, "pf": 0.4001909722222222, "in_bounds_one_im": 1, "error_one_im": 0.035217166941156834, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 19.869031174349182, "error_w_gmm": 0.04054135838838226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039729801162779986}, "run_3948": {"edge_length": 1200, "pf": 0.40757430555555557, "in_bounds_one_im": 1, "error_one_im": 0.031466328446316714, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 18.72507183618142, "error_w_gmm": 0.0376258038081443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036872610176666425}, "run_3949": {"edge_length": 1200, "pf": 0.4001895833333333, "in_bounds_one_im": 1, "error_one_im": 0.035176460867445886, "one_im_sa_cls": 17.591836734693878, "model_in_bounds": 1, "pred_cls": 13.275429677933472, "error_w_gmm": 0.02708765740356694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026545416468275483}, "run_3950": {"edge_length": 1200, "pf": 0.4110333333333333, "in_bounds_one_im": 1, "error_one_im": 0.032718354514332734, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 19.27486322573426, "error_w_gmm": 0.038454475404817376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03768469341891167}, "run_3951": {"edge_length": 1200, "pf": 0.38688402777777775, "in_bounds_one_im": 0, "error_one_im": 0.03369513688078762, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 19.09923401593421, "error_w_gmm": 0.04007242404163369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039270253947409475}, "run_3952": {"edge_length": 1200, "pf": 0.4221715277777778, "in_bounds_one_im": 0, "error_one_im": 0.0314701851801678, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 0, "pred_cls": 18.965213719321014, "error_w_gmm": 0.03697953872260221, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03623928203060232}, "run_3953": {"edge_length": 1200, "pf": 0.39925347222222224, "in_bounds_one_im": 1, "error_one_im": 0.03626733705944929, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 21.775912755447134, "error_w_gmm": 0.04451910258553903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04362791884585024}, "run_3954": {"edge_length": 1200, "pf": 0.3994125, "in_bounds_one_im": 1, "error_one_im": 0.03208615964349108, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 18.26957826638656, "error_w_gmm": 0.03733830424497738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0365908657819773}, "run_3955": {"edge_length": 1200, "pf": 0.4049611111111111, "in_bounds_one_im": 1, "error_one_im": 0.033051417029585466, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 19.22167076068875, "error_w_gmm": 0.038833443177354515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03805607501164883}, "run_3956": {"edge_length": 1200, "pf": 0.38666805555555556, "in_bounds_one_im": 1, "error_one_im": 0.035683573164712885, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 20.21961847431156, "error_w_gmm": 0.0424424407833784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041592827675697844}, "run_3957": {"edge_length": 1200, "pf": 0.4065902777777778, "in_bounds_one_im": 1, "error_one_im": 0.03579903827899536, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 15.17674034206197, "error_w_gmm": 0.030558081672543102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029946369757409032}, "run_3958": {"edge_length": 1200, "pf": 0.4052791666666667, "in_bounds_one_im": 1, "error_one_im": 0.03238355847922461, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 17.641278812823614, "error_w_gmm": 0.035617074926185974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03490409204499452}, "run_3959": {"edge_length": 1200, "pf": 0.3970201388888889, "in_bounds_one_im": 1, "error_one_im": 0.03080896888320422, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 19.152446201377373, "error_w_gmm": 0.039338530791766683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038551051778291254}, "run_3960": {"edge_length": 1200, "pf": 0.3914486111111111, "in_bounds_one_im": 1, "error_one_im": 0.03457843567638991, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 16.94312946796748, "error_w_gmm": 0.03520899507840636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03450418114276218}, "run_3961": {"edge_length": 1400, "pf": 0.3812295918367347, "in_bounds_one_im": 0, "error_one_im": 0.028428011020302072, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 0, "pred_cls": 21.496491354994625, "error_w_gmm": 0.03834132189793602, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03834061736714872}, "run_3962": {"edge_length": 1400, "pf": 0.4010826530612245, "in_bounds_one_im": 1, "error_one_im": 0.028908184552639483, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.927253027103436, "error_w_gmm": 0.032380394098207865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03237979910086777}, "run_3963": {"edge_length": 1400, "pf": 0.39029591836734695, "in_bounds_one_im": 1, "error_one_im": 0.028817749138469653, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 18.353163437746563, "error_w_gmm": 0.03211452583991549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032113935727967}, "run_3964": {"edge_length": 1400, "pf": 0.404590306122449, "in_bounds_one_im": 1, "error_one_im": 0.027485103499228402, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 18.74229331031442, "error_w_gmm": 0.03183105110845314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0318304662054193}, "run_3965": {"edge_length": 1400, "pf": 0.3949612244897959, "in_bounds_one_im": 1, "error_one_im": 0.028042164752583518, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 16.85202982305324, "error_w_gmm": 0.029200791853826492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02920025528242368}, "run_3966": {"edge_length": 1400, "pf": 0.40227857142857143, "in_bounds_one_im": 1, "error_one_im": 0.026920891179244857, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.160700867719864, "error_w_gmm": 0.032698316241458567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03269771540222446}, "run_3967": {"edge_length": 1400, "pf": 0.392765306122449, "in_bounds_one_im": 1, "error_one_im": 0.027745128351753672, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.41572773354238, "error_w_gmm": 0.03205742613474606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032056837072018014}, "run_3968": {"edge_length": 1400, "pf": 0.3960352040816327, "in_bounds_one_im": 1, "error_one_im": 0.029708107244860532, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 20.4597114893429, "error_w_gmm": 0.03537255716798282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035371907188944056}, "run_3969": {"edge_length": 1400, "pf": 0.40914132653061225, "in_bounds_one_im": 1, "error_one_im": 0.026334463333793284, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 19.373425803318625, "error_w_gmm": 0.0325941449510146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0325935460259524}, "run_3970": {"edge_length": 1400, "pf": 0.3987454081632653, "in_bounds_one_im": 1, "error_one_im": 0.028487960610711724, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 18.946429605193515, "error_w_gmm": 0.032571425939876365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03257082743228127}, "run_3971": {"edge_length": 1400, "pf": 0.41053469387755104, "in_bounds_one_im": 1, "error_one_im": 0.028278620180644077, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 20.04391784005379, "error_w_gmm": 0.033625197334590254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03362457946369846}, "run_3972": {"edge_length": 1400, "pf": 0.40360663265306124, "in_bounds_one_im": 1, "error_one_im": 0.02820117864723995, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 16.334104027750012, "error_w_gmm": 0.027797811654280104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027797300862967743}, "run_3973": {"edge_length": 1400, "pf": 0.4043357142857143, "in_bounds_one_im": 1, "error_one_im": 0.029129497343770714, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 19.16155705169333, "error_w_gmm": 0.03256031227570119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03255971397232236}, "run_3974": {"edge_length": 1400, "pf": 0.388569387755102, "in_bounds_one_im": 1, "error_one_im": 0.03264988455744087, "one_im_sa_cls": 18.591836734693878, "model_in_bounds": 1, "pred_cls": 19.571676198986314, "error_w_gmm": 0.034371252278106675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03437062069828024}, "run_3975": {"edge_length": 1400, "pf": 0.4092581632653061, "in_bounds_one_im": 1, "error_one_im": 0.02910851276200794, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 18.176622269259234, "error_w_gmm": 0.030573235874642685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03057267408425893}, "run_3976": {"edge_length": 1400, "pf": 0.3993545918367347, "in_bounds_one_im": 1, "error_one_im": 0.0275057424099769, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 18.818019055041898, "error_w_gmm": 0.03230960726974545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032309013573129874}, "run_3977": {"edge_length": 1400, "pf": 0.40852091836734694, "in_bounds_one_im": 1, "error_one_im": 0.03245327387213636, "one_im_sa_cls": 19.26530612244898, "model_in_bounds": 1, "pred_cls": 18.49978173597203, "error_w_gmm": 0.031164286294463786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03116371364338991}, "run_3978": {"edge_length": 1400, "pf": 0.40679948979591835, "in_bounds_one_im": 1, "error_one_im": 0.028912027753295315, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 19.513212179982325, "error_w_gmm": 0.032988864021883696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03298825784376596}, "run_3979": {"edge_length": 1400, "pf": 0.4003775510204082, "in_bounds_one_im": 1, "error_one_im": 0.02811150562178806, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 1, "pred_cls": 18.32839113753037, "error_w_gmm": 0.0314019387773842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03140136175939026}, "run_3980": {"edge_length": 1400, "pf": 0.40361173469387757, "in_bounds_one_im": 1, "error_one_im": 0.02705478490642129, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 18.204028352907244, "error_w_gmm": 0.030979770164778646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03097920090423197}, "run_3981": {"edge_length": 1400, "pf": 0.38730153061224487, "in_bounds_one_im": 0, "error_one_im": 0.02759840518185939, "one_im_sa_cls": 15.673469387755102, "model_in_bounds": 0, "pred_cls": 17.789030232509663, "error_w_gmm": 0.03132413593119774, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03132356034284929}, "run_3982": {"edge_length": 1400, "pf": 0.402475, "in_bounds_one_im": 1, "error_one_im": 0.029660068918937375, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 18.636950011054378, "error_w_gmm": 0.031791532377063295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03179094820019544}, "run_3983": {"edge_length": 1400, "pf": 0.407425, "in_bounds_one_im": 1, "error_one_im": 0.03063187363570776, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 18.41780471994459, "error_w_gmm": 0.03109665855642508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031096087148026717}, "run_3984": {"edge_length": 1400, "pf": 0.4020454081632653, "in_bounds_one_im": 1, "error_one_im": 0.027491442484406815, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 18.11847474805773, "error_w_gmm": 0.030934722191498055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030934153758718518}, "run_3985": {"edge_length": 1400, "pf": 0.39452091836734693, "in_bounds_one_im": 1, "error_one_im": 0.029979331174811278, "one_im_sa_cls": 17.285714285714285, "model_in_bounds": 1, "pred_cls": 19.494325087572452, "error_w_gmm": 0.033810437760747575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03380981648601954}, "run_3986": {"edge_length": 1400, "pf": 0.397165306122449, "in_bounds_one_im": 1, "error_one_im": 0.028863653004395414, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 18.63636154556886, "error_w_gmm": 0.03214420062414689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03214360996691722}, "run_3987": {"edge_length": 1400, "pf": 0.39203010204081634, "in_bounds_one_im": 1, "error_one_im": 0.028001418876321585, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 16.53374741591485, "error_w_gmm": 0.028825753266293597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028825223586312874}, "run_3988": {"edge_length": 1400, "pf": 0.40250510204081635, "in_bounds_one_im": 1, "error_one_im": 0.0279177072798914, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 18.66568996528748, "error_w_gmm": 0.03183856529394789, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031837980252839154}, "run_3989": {"edge_length": 1400, "pf": 0.40164285714285713, "in_bounds_one_im": 1, "error_one_im": 0.028177051908752918, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 19.504573903002555, "error_w_gmm": 0.03332918690542709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03332857447379643}, "run_3990": {"edge_length": 1400, "pf": 0.40230714285714286, "in_bounds_one_im": 1, "error_one_im": 0.02691929181374266, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 16.495493270689966, "error_w_gmm": 0.02814838638107231, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02814786914786707}, "run_3991": {"edge_length": 1400, "pf": 0.4164372448979592, "in_bounds_one_im": 0, "error_one_im": 0.027091028434566636, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 0, "pred_cls": 17.74023412897499, "error_w_gmm": 0.02940061286984327, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02940007262668242}, "run_3992": {"edge_length": 1400, "pf": 0.3978714285714286, "in_bounds_one_im": 1, "error_one_im": 0.028153327501063426, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 16.986780933188054, "error_w_gmm": 0.029255825888836264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02925528830617015}, "run_3993": {"edge_length": 1400, "pf": 0.4045107142857143, "in_bounds_one_im": 1, "error_one_im": 0.027073659993864733, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 17.80981514481472, "error_w_gmm": 0.03025237037510978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03025181448070491}, "run_3994": {"edge_length": 1400, "pf": 0.40496785714285716, "in_bounds_one_im": 1, "error_one_im": 0.0259397465971337, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 19.52280327919327, "error_w_gmm": 0.033130664760335465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03313005597659579}, "run_3995": {"edge_length": 1400, "pf": 0.39813520408163267, "in_bounds_one_im": 1, "error_one_im": 0.025784232916423483, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 18.597598274169833, "error_w_gmm": 0.03201246217897931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032011873942474456}, "run_3996": {"edge_length": 1400, "pf": 0.4020658163265306, "in_bounds_one_im": 1, "error_one_im": 0.028849110550900933, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.108015855198133, "error_w_gmm": 0.030915552877567695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030914984797028765}, "run_3997": {"edge_length": 1400, "pf": 0.3944311224489796, "in_bounds_one_im": 1, "error_one_im": 0.030622191533965105, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 18.000617393063816, "error_w_gmm": 0.031225659701901127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031225085923076493}, "run_3998": {"edge_length": 1400, "pf": 0.3891938775510204, "in_bounds_one_im": 0, "error_one_im": 0.02655807368567391, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 17.395225539647125, "error_w_gmm": 0.030508916944603188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03050835633609486}, "run_3999": {"edge_length": 1400, "pf": 0.39341683673469385, "in_bounds_one_im": 1, "error_one_im": 0.03203542060281835, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 17.807967771663503, "error_w_gmm": 0.030957159260001768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030956590414935814}, "run_4000": {"edge_length": 1400, "pf": 0.39901377551020406, "in_bounds_one_im": 1, "error_one_im": 0.0289629194618206, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 19.693860219512057, "error_w_gmm": 0.03383741678751254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033836795017038665}}, "fractal_noise_0.015_2_True_simplex": {"true_cls": 23.346938775510203, "true_pf": 0.4998700133333333, "run_4001": {"edge_length": 600, "pf": 0.5103666666666666, "in_bounds_one_im": 1, "error_one_im": 0.0718923064288254, "one_im_sa_cls": 22.46938775510204, "model_in_bounds": 1, "pred_cls": 22.069652669288246, "error_w_gmm": 0.07342697092619434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0706133273310014}, "run_4002": {"edge_length": 600, "pf": 0.4977861111111111, "in_bounds_one_im": 1, "error_one_im": 0.07908126909418492, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 62.771773616064394, "error_w_gmm": 0.21416729381172517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20596063041635146}, "run_4003": {"edge_length": 600, "pf": 0.5121472222222222, "in_bounds_one_im": 1, "error_one_im": 0.0674073876179547, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 22.518218064872947, "error_w_gmm": 0.07465291629737678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0717922957767003}, "run_4004": {"edge_length": 600, "pf": 0.5036027777777777, "in_bounds_one_im": 1, "error_one_im": 0.07386446694764026, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 16.422898076311157, "error_w_gmm": 0.055384238345888286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05326197311376825}, "run_4005": {"edge_length": 600, "pf": 0.5177305555555556, "in_bounds_one_im": 1, "error_one_im": 0.07637380964944747, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 25.34068136161869, "error_w_gmm": 0.08307627975484952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07989288488650277}, "run_4006": {"edge_length": 600, "pf": 0.5242583333333334, "in_bounds_one_im": 1, "error_one_im": 0.06788774598256625, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 22.772260167281416, "error_w_gmm": 0.07368597555307689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0708624071754727}, "run_4007": {"edge_length": 600, "pf": 0.5326027777777778, "in_bounds_one_im": 1, "error_one_im": 0.07032026538144234, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 27.667447499119977, "error_w_gmm": 0.08803922718681205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08466565744022803}, "run_4008": {"edge_length": 600, "pf": 0.4871611111111111, "in_bounds_one_im": 1, "error_one_im": 0.08276377665272455, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 36.460899675465065, "error_w_gmm": 0.12707125729056926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12220202157651391}, "run_4009": {"edge_length": 600, "pf": 0.47658055555555556, "in_bounds_one_im": 1, "error_one_im": 0.09305972223648934, "one_im_sa_cls": 27.183673469387756, "model_in_bounds": 1, "pred_cls": 71.4507885291084, "error_w_gmm": 0.2543487277816383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2446023544825461}, "run_4010": {"edge_length": 600, "pf": 0.46841944444444444, "in_bounds_one_im": 1, "error_one_im": 0.08720998532894363, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 22.015391758792237, "error_w_gmm": 0.07966348131015175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07661086125607953}, "run_4011": {"edge_length": 600, "pf": 0.5085722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07005384845858621, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 61.23918205391205, "error_w_gmm": 0.2044789899869492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19664357211159383}, "run_4012": {"edge_length": 600, "pf": 0.5228138888888889, "in_bounds_one_im": 1, "error_one_im": 0.08668206023654239, "one_im_sa_cls": 27.775510204081634, "model_in_bounds": 1, "pred_cls": 29.895601012941416, "error_w_gmm": 0.09701600906259088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09329845856191024}, "run_4013": {"edge_length": 600, "pf": 0.5153055555555556, "in_bounds_one_im": 1, "error_one_im": 0.07144381664877145, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 10.515307901418476, "error_w_gmm": 0.034640916979326655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03331351380633633}, "run_4014": {"edge_length": 600, "pf": 0.5046611111111111, "in_bounds_one_im": 1, "error_one_im": 0.07760503877825876, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 38.90529518539125, "error_w_gmm": 0.1309259654308079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12590902139195978}, "run_4015": {"edge_length": 600, "pf": 0.5174527777777778, "in_bounds_one_im": 1, "error_one_im": 0.07396995218071449, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 42.08310084313082, "error_w_gmm": 0.13804098788334812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13275140373554922}, "run_4016": {"edge_length": 600, "pf": 0.513875, "in_bounds_one_im": 1, "error_one_im": 0.06808246835388519, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 18.766496889594933, "error_w_gmm": 0.06200036147651435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059624573427959494}, "run_4017": {"edge_length": 600, "pf": 0.5140222222222223, "in_bounds_one_im": 1, "error_one_im": 0.0825175684767204, "one_im_sa_cls": 25.979591836734695, "model_in_bounds": 1, "pred_cls": 77.41077095619443, "error_w_gmm": 0.2556727412947232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24587563320303304}, "run_4018": {"edge_length": 600, "pf": 0.5087027777777777, "in_bounds_one_im": 1, "error_one_im": 0.0724596091912311, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 20.702449413743775, "error_w_gmm": 0.06910788614629997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06645974529587173}, "run_4019": {"edge_length": 600, "pf": 0.5144611111111111, "in_bounds_one_im": 1, "error_one_im": 0.06800264326351307, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 24.550077138218498, "error_w_gmm": 0.08101293615866888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07790860642702667}, "run_4020": {"edge_length": 600, "pf": 0.5052916666666667, "in_bounds_one_im": 1, "error_one_im": 0.0679425011545512, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 1, "pred_cls": 13.110641176461066, "error_w_gmm": 0.044064947163064284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04237642515549709}, "run_4021": {"edge_length": 600, "pf": 0.4970111111111111, "in_bounds_one_im": 1, "error_one_im": 0.08919665096916213, "one_im_sa_cls": 27.142857142857142, "model_in_bounds": 1, "pred_cls": 25.066302313603618, "error_w_gmm": 0.08565489700719267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08237269226251592}, "run_4022": {"edge_length": 600, "pf": 0.5015, "in_bounds_one_im": 1, "error_one_im": 0.07510629119752903, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 17.05027918404273, "error_w_gmm": 0.05774234063972125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05552971543044085}, "run_4023": {"edge_length": 600, "pf": 0.4726722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07625871825365126, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 52.447356800140994, "error_w_gmm": 0.1881696890550721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1809592262817756}, "run_4024": {"edge_length": 600, "pf": 0.5136305555555556, "in_bounds_one_im": 1, "error_one_im": 0.0675968090469202, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 15.420436299795167, "error_w_gmm": 0.0509706479569962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04901750682427551}, "run_4025": {"edge_length": 600, "pf": 0.517625, "in_bounds_one_im": 1, "error_one_im": 0.06641485547762142, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 28.4917270712226, "error_w_gmm": 0.09342633809120215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08984633997229755}, "run_4026": {"edge_length": 600, "pf": 0.4774333333333333, "in_bounds_one_im": 1, "error_one_im": 0.08990175321095699, "one_im_sa_cls": 26.306122448979593, "model_in_bounds": 1, "pred_cls": 17.569984189682064, "error_w_gmm": 0.062438380659134846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060045808180387454}, "run_4027": {"edge_length": 600, "pf": 0.4965, "in_bounds_one_im": 1, "error_one_im": 0.07324291529256137, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 58.018172989193275, "error_w_gmm": 0.19845860615773037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19085388300105968}, "run_4028": {"edge_length": 600, "pf": 0.49741111111111114, "in_bounds_one_im": 1, "error_one_im": 0.07625910835809296, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 20.472835340468176, "error_w_gmm": 0.06990246184077038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06722387369304193}, "run_4029": {"edge_length": 600, "pf": 0.49235, "in_bounds_one_im": 1, "error_one_im": 0.07263496083716944, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 24.48062749066177, "error_w_gmm": 0.08443714623927168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08120160441157878}, "run_4030": {"edge_length": 600, "pf": 0.49054166666666665, "in_bounds_one_im": 1, "error_one_im": 0.07391729066800566, "one_im_sa_cls": 22.20408163265306, "model_in_bounds": 1, "pred_cls": 38.43261119768773, "error_w_gmm": 0.1330399440883051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1279419946309437}, "run_4031": {"edge_length": 600, "pf": 0.49685833333333335, "in_bounds_one_im": 1, "error_one_im": 0.08003317703300032, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 24.980438545451253, "error_w_gmm": 0.08538757670679946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08211561539231702}, "run_4032": {"edge_length": 600, "pf": 0.5196555555555555, "in_bounds_one_im": 1, "error_one_im": 0.06665806441216678, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 50.71227486678244, "error_w_gmm": 0.16561416093563908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15926800206088174}, "run_4033": {"edge_length": 600, "pf": 0.5208361111111112, "in_bounds_one_im": 1, "error_one_im": 0.0750050093365263, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 50.82302439851589, "error_w_gmm": 0.16558377504529714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15923878052560808}, "run_4034": {"edge_length": 600, "pf": 0.5186833333333334, "in_bounds_one_im": 1, "error_one_im": 0.07494383626730694, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 15.363660738212474, "error_w_gmm": 0.0502718409388293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04834547734937561}, "run_4035": {"edge_length": 600, "pf": 0.5199583333333333, "in_bounds_one_im": 1, "error_one_im": 0.07603379639651087, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 24.288115313405587, "error_w_gmm": 0.07927108258468032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07623349883330113}, "run_4036": {"edge_length": 600, "pf": 0.49546111111111113, "in_bounds_one_im": 1, "error_one_im": 0.07918077725221719, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 17.857134971102322, "error_w_gmm": 0.061209678089797694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058864188189440884}, "run_4037": {"edge_length": 600, "pf": 0.4971333333333333, "in_bounds_one_im": 1, "error_one_im": 0.08682814270100943, "one_im_sa_cls": 26.428571428571427, "model_in_bounds": 1, "pred_cls": 39.77521350527188, "error_w_gmm": 0.13588398635132554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13067705621293002}, "run_4038": {"edge_length": 600, "pf": 0.4989, "in_bounds_one_im": 1, "error_one_im": 0.08284721146258595, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 23.649719656148672, "error_w_gmm": 0.08050951744117413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07742447818048981}, "run_4039": {"edge_length": 600, "pf": 0.4635472222222222, "in_bounds_one_im": 1, "error_one_im": 0.08147002502822322, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 23.161690127439176, "error_w_gmm": 0.08463593219721276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08139277310259029}, "run_4040": {"edge_length": 600, "pf": 0.4954222222222222, "in_bounds_one_im": 1, "error_one_im": 0.08181080271402555, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 30.175408839132672, "error_w_gmm": 0.10344160692348588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09947783433249502}, "run_4041": {"edge_length": 800, "pf": 0.515459375, "in_bounds_one_im": 1, "error_one_im": 0.055941706320497823, "one_im_sa_cls": 23.551020408163264, "model_in_bounds": 1, "pred_cls": 28.099025273240233, "error_w_gmm": 0.0676514109975773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06674476912189317}, "run_4042": {"edge_length": 800, "pf": 0.479553125, "in_bounds_one_im": 1, "error_one_im": 0.05099346881108152, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 25.259028549426883, "error_w_gmm": 0.06534377364095881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06446805795928237}, "run_4043": {"edge_length": 800, "pf": 0.510009375, "in_bounds_one_im": 1, "error_one_im": 0.05459489317116498, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 30.520862974140176, "error_w_gmm": 0.07428811570296658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07329253090186934}, "run_4044": {"edge_length": 800, "pf": 0.4894890625, "in_bounds_one_im": 1, "error_one_im": 0.050908255118588784, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 21.728332517933477, "error_w_gmm": 0.055102988876703354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054364516811534425}, "run_4045": {"edge_length": 800, "pf": 0.4892265625, "in_bounds_one_im": 1, "error_one_im": 0.06023306548146932, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 24.347814418277455, "error_w_gmm": 0.061778427309560825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060950493222350875}, "run_4046": {"edge_length": 800, "pf": 0.501471875, "in_bounds_one_im": 1, "error_one_im": 0.053690725102370135, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 17.89694927141831, "error_w_gmm": 0.04431168623666914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04371783564683047}, "run_4047": {"edge_length": 800, "pf": 0.5209953125, "in_bounds_one_im": 1, "error_one_im": 0.059639690101637666, "one_im_sa_cls": 25.387755102040817, "model_in_bounds": 1, "pred_cls": 25.864957493198887, "error_w_gmm": 0.06158606708752043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06076071094850018}, "run_4048": {"edge_length": 800, "pf": 0.4719046875, "in_bounds_one_im": 1, "error_one_im": 0.06421104256357107, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 0, "pred_cls": 21.064923391452947, "error_w_gmm": 0.0553358547445095, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05459426188785872}, "run_4049": {"edge_length": 800, "pf": 0.5111, "in_bounds_one_im": 1, "error_one_im": 0.05506269866315682, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 14.539415438698613, "error_w_gmm": 0.03531195416145978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03483871500971232}, "run_4050": {"edge_length": 800, "pf": 0.483225, "in_bounds_one_im": 1, "error_one_im": 0.059616624384806804, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 22.14056538106831, "error_w_gmm": 0.056856809432554736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056094833243304346}, "run_4051": {"edge_length": 800, "pf": 0.4913984375, "in_bounds_one_im": 1, "error_one_im": 0.06236263449902814, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 27.14900660971547, "error_w_gmm": 0.06858728797004109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06766810378014346}, "run_4052": {"edge_length": 800, "pf": 0.498796875, "in_bounds_one_im": 1, "error_one_im": 0.061346312828686314, "one_im_sa_cls": 24.979591836734695, "model_in_bounds": 1, "pred_cls": 22.76955222842141, "error_w_gmm": 0.05667835554438369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0559187709352277}, "run_4053": {"edge_length": 800, "pf": 0.4913140625, "in_bounds_one_im": 1, "error_one_im": 0.05367347973141827, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 22.473257607101175, "error_w_gmm": 0.056784398075591574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05602339231944136}, "run_4054": {"edge_length": 800, "pf": 0.4982234375, "in_bounds_one_im": 1, "error_one_im": 0.05108023787710705, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 22.722893582128282, "error_w_gmm": 0.056627119634443196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05586822167203712}, "run_4055": {"edge_length": 800, "pf": 0.5114421875, "in_bounds_one_im": 1, "error_one_im": 0.06567816334475589, "one_im_sa_cls": 27.428571428571427, "model_in_bounds": 1, "pred_cls": 29.084263083679865, "error_w_gmm": 0.07058875125994828, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06964274411980448}, "run_4056": {"edge_length": 800, "pf": 0.5123421875, "in_bounds_one_im": 1, "error_one_im": 0.05882837684809035, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 23.227245248855095, "error_w_gmm": 0.05627207988288086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05551794004601202}, "run_4057": {"edge_length": 800, "pf": 0.5045, "in_bounds_one_im": 1, "error_one_im": 0.05376293955837391, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 23.02540413568492, "error_w_gmm": 0.05666517490841598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055905766941791786}, "run_4058": {"edge_length": 800, "pf": 0.4917578125, "in_bounds_one_im": 1, "error_one_im": 0.060233776896261915, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 24.49644719249797, "error_w_gmm": 0.061841576349504324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06101279595970905}, "run_4059": {"edge_length": 800, "pf": 0.496296875, "in_bounds_one_im": 1, "error_one_im": 0.06709386355529234, "one_im_sa_cls": 27.183673469387756, "model_in_bounds": 1, "pred_cls": 29.06599480229214, "error_w_gmm": 0.0727142404265464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07173974818230286}, "run_4060": {"edge_length": 800, "pf": 0.4740921875, "in_bounds_one_im": 1, "error_one_im": 0.06392991435163485, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 26.839556256626697, "error_w_gmm": 0.07019666363427603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06925591112304735}, "run_4061": {"edge_length": 800, "pf": 0.51010625, "in_bounds_one_im": 1, "error_one_im": 0.05997414549075067, "one_im_sa_cls": 24.979591836734695, "model_in_bounds": 1, "pred_cls": 26.99299888036311, "error_w_gmm": 0.0656885222134298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06480818632520079}, "run_4062": {"edge_length": 800, "pf": 0.5246265625, "in_bounds_one_im": 1, "error_one_im": 0.06153934457904449, "one_im_sa_cls": 26.387755102040817, "model_in_bounds": 1, "pred_cls": 24.234491218407733, "error_w_gmm": 0.05728540028812723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05651768026572594}, "run_4063": {"edge_length": 800, "pf": 0.488221875, "in_bounds_one_im": 1, "error_one_im": 0.06557576957529525, "one_im_sa_cls": 26.142857142857142, "model_in_bounds": 1, "pred_cls": 23.991258211588278, "error_w_gmm": 0.060996230259330375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06017877891875225}, "run_4064": {"edge_length": 800, "pf": 0.4937515625, "in_bounds_one_im": 1, "error_one_im": 0.055032491413436496, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 20.414861354764152, "error_w_gmm": 0.05133242356853407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05064448337480698}, "run_4065": {"edge_length": 800, "pf": 0.482878125, "in_bounds_one_im": 1, "error_one_im": 0.05717444938705725, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 16.807969917501197, "error_w_gmm": 0.04319273242535842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042613877685086246}, "run_4066": {"edge_length": 800, "pf": 0.470975, "in_bounds_one_im": 1, "error_one_im": 0.06353607430640143, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 25.25106790551612, "error_w_gmm": 0.06645637503145935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06556574863326287}, "run_4067": {"edge_length": 800, "pf": 0.5019671875, "in_bounds_one_im": 1, "error_one_im": 0.055779081747808185, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 26.547871333495483, "error_w_gmm": 0.06566572535595475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06478569498368353}, "run_4068": {"edge_length": 800, "pf": 0.49355, "in_bounds_one_im": 1, "error_one_im": 0.0635129478250398, "one_im_sa_cls": 25.591836734693878, "model_in_bounds": 1, "pred_cls": 19.822579110931663, "error_w_gmm": 0.04986325180261853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049195000963864435}, "run_4069": {"edge_length": 800, "pf": 0.48530625, "in_bounds_one_im": 1, "error_one_im": 0.0744555064471327, "one_im_sa_cls": 29.510204081632654, "model_in_bounds": 1, "pred_cls": 27.692960907477485, "error_w_gmm": 0.07081962547245443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06987052423233558}, "run_4070": {"edge_length": 800, "pf": 0.5141546875, "in_bounds_one_im": 1, "error_one_im": 0.04976959301046416, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 25.200391038227334, "error_w_gmm": 0.0608313026347876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060016061599784204}, "run_4071": {"edge_length": 800, "pf": 0.5260609375, "in_bounds_one_im": 1, "error_one_im": 0.05770837220297375, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 27.08667387802714, "error_w_gmm": 0.06384349183174794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06298788243157406}, "run_4072": {"edge_length": 800, "pf": 0.5101421875, "in_bounds_one_im": 1, "error_one_im": 0.05507033705658279, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 21.82202778646863, "error_w_gmm": 0.05310094276994045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05238930146573683}, "run_4073": {"edge_length": 800, "pf": 0.5143171875, "in_bounds_one_im": 1, "error_one_im": 0.057381615372896475, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 29.166793169166336, "error_w_gmm": 0.07038291639707511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06943966778780898}, "run_4074": {"edge_length": 800, "pf": 0.5198703125, "in_bounds_one_im": 1, "error_one_im": 0.05578610181092035, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 1, "pred_cls": 19.639255859996926, "error_w_gmm": 0.04686779562836092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046239688904331305}, "run_4075": {"edge_length": 800, "pf": 0.5030359375, "in_bounds_one_im": 1, "error_one_im": 0.06490351037683567, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 26.26159564537592, "error_w_gmm": 0.06481892496361522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06395024313063859}, "run_4076": {"edge_length": 800, "pf": 0.5185640625, "in_bounds_one_im": 1, "error_one_im": 0.05019931463357127, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 19.074874853004925, "error_w_gmm": 0.0456401927735459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04502853797769438}, "run_4077": {"edge_length": 800, "pf": 0.4958609375, "in_bounds_one_im": 1, "error_one_im": 0.06972354020346723, "one_im_sa_cls": 28.224489795918366, "model_in_bounds": 1, "pred_cls": 27.41924810148864, "error_w_gmm": 0.06865441886707721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06773433501106023}, "run_4078": {"edge_length": 800, "pf": 0.49686875, "in_bounds_one_im": 1, "error_one_im": 0.047797527752865214, "one_im_sa_cls": 19.387755102040817, "model_in_bounds": 1, "pred_cls": 22.163182875704134, "error_w_gmm": 0.05538213101603921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05463991798007524}, "run_4079": {"edge_length": 800, "pf": 0.5169015625, "in_bounds_one_im": 1, "error_one_im": 0.05935732007492761, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 24.24220682989086, "error_w_gmm": 0.05819742564614349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05741748296099102}, "run_4080": {"edge_length": 800, "pf": 0.49023125, "in_bounds_one_im": 1, "error_one_im": 0.06332420237152497, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 20.891367169126518, "error_w_gmm": 0.05290183032007436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05219285745518874}, "run_4081": {"edge_length": 1000, "pf": 0.491013, "in_bounds_one_im": 1, "error_one_im": 0.05001004295700927, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 21.584577570552575, "error_w_gmm": 0.043952177807160805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04307234277206793}, "run_4082": {"edge_length": 1000, "pf": 0.505139, "in_bounds_one_im": 1, "error_one_im": 0.05031919974673695, "one_im_sa_cls": 25.93877551020408, "model_in_bounds": 1, "pred_cls": 25.68753577143748, "error_w_gmm": 0.05084972444188263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04983181426493804}, "run_4083": {"edge_length": 1000, "pf": 0.502771, "in_bounds_one_im": 1, "error_one_im": 0.04455158393039041, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 20.954577270254923, "error_w_gmm": 0.04167753404793331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04084323284919559}, "run_4084": {"edge_length": 1000, "pf": 0.498903, "in_bounds_one_im": 1, "error_one_im": 0.04762349839429837, "one_im_sa_cls": 24.244897959183675, "model_in_bounds": 1, "pred_cls": 26.703992825050744, "error_w_gmm": 0.05352529159640805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05245382189548215}, "run_4085": {"edge_length": 1000, "pf": 0.480831, "in_bounds_one_im": 1, "error_one_im": 0.04754843003672412, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 24.790096057515687, "error_w_gmm": 0.05151887272008476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050487567527734534}, "run_4086": {"edge_length": 1000, "pf": 0.51159, "in_bounds_one_im": 1, "error_one_im": 0.04447597970119474, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 27.005291943359577, "error_w_gmm": 0.052772798196632525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0517163919144}, "run_4087": {"edge_length": 1000, "pf": 0.49682, "in_bounds_one_im": 1, "error_one_im": 0.047057480647108865, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 16.530320950162306, "error_w_gmm": 0.03327158050067689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0326055497450259}, "run_4088": {"edge_length": 1000, "pf": 0.512073, "in_bounds_one_im": 1, "error_one_im": 0.041660829914892145, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 22.57500830366491, "error_w_gmm": 0.044072674010031995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043190426881018575}, "run_4089": {"edge_length": 1000, "pf": 0.487037, "in_bounds_one_im": 1, "error_one_im": 0.049136950924279235, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 23.026921988400936, "error_w_gmm": 0.04726372293819323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04631759736706926}, "run_4090": {"edge_length": 1000, "pf": 0.513563, "in_bounds_one_im": 1, "error_one_im": 0.04566321234229813, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 22.3890666836074, "error_w_gmm": 0.04357951800976254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04270714288137462}, "run_4091": {"edge_length": 1000, "pf": 0.525171, "in_bounds_one_im": 0, "error_one_im": 0.04693376778901495, "one_im_sa_cls": 25.183673469387756, "model_in_bounds": 0, "pred_cls": 20.59868072064162, "error_w_gmm": 0.03917307385424046, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03838890695901945}, "run_4092": {"edge_length": 1000, "pf": 0.496168, "in_bounds_one_im": 1, "error_one_im": 0.0514720429957456, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 16.430515554419415, "error_w_gmm": 0.033113850567936275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032450977251298196}, "run_4093": {"edge_length": 1000, "pf": 0.494588, "in_bounds_one_im": 1, "error_one_im": 0.04868324123286572, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 16.061972841241953, "error_w_gmm": 0.032473557610650156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031823501683380453}, "run_4094": {"edge_length": 1000, "pf": 0.530255, "in_bounds_one_im": 0, "error_one_im": 0.045403362341787726, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 0, "pred_cls": 22.246739501442516, "error_w_gmm": 0.041877916054982506, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.041039603607678665}, "run_4095": {"edge_length": 1000, "pf": 0.490102, "in_bounds_one_im": 1, "error_one_im": 0.05083566044513371, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 21.90420137941307, "error_w_gmm": 0.0446843902533186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04378989778381857}, "run_4096": {"edge_length": 1000, "pf": 0.503324, "in_bounds_one_im": 1, "error_one_im": 0.04768107351806286, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 16.809234834766535, "error_w_gmm": 0.033395712068166425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03272719644583787}, "run_4097": {"edge_length": 1000, "pf": 0.488784, "in_bounds_one_im": 1, "error_one_im": 0.04557019953460895, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 25.339673260681508, "error_w_gmm": 0.05182922735765569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050791709483771576}, "run_4098": {"edge_length": 1000, "pf": 0.50265, "in_bounds_one_im": 1, "error_one_im": 0.04543769924496578, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 17.16764551062878, "error_w_gmm": 0.03415379367224574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03347010276650677}, "run_4099": {"edge_length": 1000, "pf": 0.49854, "in_bounds_one_im": 1, "error_one_im": 0.04444878712605282, "one_im_sa_cls": 22.612244897959183, "model_in_bounds": 1, "pred_cls": 20.571173411613778, "error_w_gmm": 0.041262658387291595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04043666217273555}, "run_4100": {"edge_length": 1000, "pf": 0.514438, "in_bounds_one_im": 1, "error_one_im": 0.0512180743779788, "one_im_sa_cls": 26.897959183673468, "model_in_bounds": 1, "pred_cls": 23.677561756008547, "error_w_gmm": 0.046006881772242464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045085915657293765}, "run_4101": {"edge_length": 1000, "pf": 0.503879, "in_bounds_one_im": 1, "error_one_im": 0.044929244273030564, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 24.461418043691886, "error_w_gmm": 0.048544753617959985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047572984364786}, "run_4102": {"edge_length": 1000, "pf": 0.511593, "in_bounds_one_im": 1, "error_one_im": 0.041231877769123695, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 21.662585879896127, "error_w_gmm": 0.04233201450349764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04148461190994131}, "run_4103": {"edge_length": 1000, "pf": 0.502373, "in_bounds_one_im": 1, "error_one_im": 0.04566192872469413, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 25.112131217204276, "error_w_gmm": 0.04998646104848584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04898583168482325}, "run_4104": {"edge_length": 1000, "pf": 0.491479, "in_bounds_one_im": 1, "error_one_im": 0.05346250937422628, "one_im_sa_cls": 26.816326530612244, "model_in_bounds": 1, "pred_cls": 24.72900465913278, "error_w_gmm": 0.05030817873981723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04930110922892269}, "run_4105": {"edge_length": 1000, "pf": 0.478094, "in_bounds_one_im": 1, "error_one_im": 0.05031737727851317, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 0, "pred_cls": 20.48957954047809, "error_w_gmm": 0.042815649871215986, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04195856586113013}, "run_4106": {"edge_length": 1000, "pf": 0.494465, "in_bounds_one_im": 1, "error_one_im": 0.04974677813085701, "one_im_sa_cls": 25.10204081632653, "model_in_bounds": 1, "pred_cls": 24.869451657336796, "error_w_gmm": 0.05029259461926911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049285837071420154}, "run_4107": {"edge_length": 1000, "pf": 0.486192, "in_bounds_one_im": 1, "error_one_im": 0.047040785183137264, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 23.163404358796676, "error_w_gmm": 0.047624333524051723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04667098924743242}, "run_4108": {"edge_length": 1000, "pf": 0.521106, "in_bounds_one_im": 1, "error_one_im": 0.04563054264417407, "one_im_sa_cls": 24.285714285714285, "model_in_bounds": 0, "pred_cls": 21.028342110374762, "error_w_gmm": 0.04031732325219761, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03951025076368329}, "run_4109": {"edge_length": 1000, "pf": 0.510373, "in_bounds_one_im": 1, "error_one_im": 0.04286059213901722, "one_im_sa_cls": 22.3265306122449, "model_in_bounds": 1, "pred_cls": 24.467291873103914, "error_w_gmm": 0.04792970237032365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046970245217779226}, "run_4110": {"edge_length": 1000, "pf": 0.492133, "in_bounds_one_im": 1, "error_one_im": 0.04965431216684955, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 24.23138112707436, "error_w_gmm": 0.04923136956094964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048245855624521425}, "run_4111": {"edge_length": 1000, "pf": 0.493689, "in_bounds_one_im": 1, "error_one_im": 0.05918125669246671, "one_im_sa_cls": 29.816326530612244, "model_in_bounds": 1, "pred_cls": 17.932915244244466, "error_w_gmm": 0.03632142238775631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03559433987363462}, "run_4112": {"edge_length": 1000, "pf": 0.504922, "in_bounds_one_im": 1, "error_one_im": 0.0476873473315019, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 24.562467763804694, "error_w_gmm": 0.04864370661242161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0476699565174396}, "run_4113": {"edge_length": 1000, "pf": 0.515861, "in_bounds_one_im": 1, "error_one_im": 0.04026115643382811, "one_im_sa_cls": 21.20408163265306, "model_in_bounds": 1, "pred_cls": 20.56132579981329, "error_w_gmm": 0.03983820819201559, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03904072663247955}, "run_4114": {"edge_length": 1000, "pf": 0.498234, "in_bounds_one_im": 1, "error_one_im": 0.04748655785166292, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 25.98000260274879, "error_w_gmm": 0.05214385319280771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05110003713652359}, "run_4115": {"edge_length": 1000, "pf": 0.501362, "in_bounds_one_im": 1, "error_one_im": 0.046871284613428404, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 27.148940108918236, "error_w_gmm": 0.054150173694405425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05306619509881141}, "run_4116": {"edge_length": 1000, "pf": 0.512508, "in_bounds_one_im": 1, "error_one_im": 0.04509654466742708, "one_im_sa_cls": 23.591836734693878, "model_in_bounds": 1, "pred_cls": 24.43007785642196, "error_w_gmm": 0.047652782952905516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046698869175399525}, "run_4117": {"edge_length": 1000, "pf": 0.510137, "in_bounds_one_im": 1, "error_one_im": 0.04719243702051903, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 25.386115773321826, "error_w_gmm": 0.04975310151013547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048757143539515484}, "run_4118": {"edge_length": 1000, "pf": 0.48383, "in_bounds_one_im": 1, "error_one_im": 0.04652007268275569, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 21.87086036974294, "error_w_gmm": 0.04517996047811499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04427554768002423}, "run_4119": {"edge_length": 1000, "pf": 0.514248, "in_bounds_one_im": 1, "error_one_im": 0.04641702809864324, "one_im_sa_cls": 24.367346938775512, "model_in_bounds": 1, "pred_cls": 24.807239757733562, "error_w_gmm": 0.04822024723442633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0472549739525464}, "run_4120": {"edge_length": 1000, "pf": 0.520693, "in_bounds_one_im": 1, "error_one_im": 0.043864608505289976, "one_im_sa_cls": 23.3265306122449, "model_in_bounds": 0, "pred_cls": 15.836120324567396, "error_w_gmm": 0.03038748831072878, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029779191334830195}, "run_4121": {"edge_length": 1200, "pf": 0.4923194444444444, "in_bounds_one_im": 1, "error_one_im": 0.040178457023651915, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 20.951080110599932, "error_w_gmm": 0.035459037070352466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03474921779218075}, "run_4122": {"edge_length": 1200, "pf": 0.5038243055555556, "in_bounds_one_im": 1, "error_one_im": 0.03989295970991949, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 21.187681250427875, "error_w_gmm": 0.03504373325978803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03434222753650652}, "run_4123": {"edge_length": 1200, "pf": 0.5017743055555556, "in_bounds_one_im": 1, "error_one_im": 0.042415101783419146, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 20.668317245330655, "error_w_gmm": 0.03432517183147017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03363805027641515}, "run_4124": {"edge_length": 1200, "pf": 0.5222798611111111, "in_bounds_one_im": 0, "error_one_im": 0.04195288090471458, "one_im_sa_cls": 26.857142857142858, "model_in_bounds": 0, "pred_cls": 22.90425075385988, "error_w_gmm": 0.03650900308370282, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03577816557775966}, "run_4125": {"edge_length": 1200, "pf": 0.5084493055555556, "in_bounds_one_im": 1, "error_one_im": 0.03946004531124132, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 25.595306391524378, "error_w_gmm": 0.04194395802096252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041104323545073235}, "run_4126": {"edge_length": 1200, "pf": 0.5108722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03558365332978621, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 20.150955864769994, "error_w_gmm": 0.032862410809404836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032204570815796606}, "run_4127": {"edge_length": 1200, "pf": 0.4702527777777778, "in_bounds_one_im": 0, "error_one_im": 0.04156973833596684, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 0, "pred_cls": 23.75428622670476, "error_w_gmm": 0.04202032374189575, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04117916057641457}, "run_4128": {"edge_length": 1200, "pf": 0.49079236111111113, "in_bounds_one_im": 1, "error_one_im": 0.042134816240992745, "one_im_sa_cls": 25.3265306122449, "model_in_bounds": 1, "pred_cls": 25.22250430134156, "error_w_gmm": 0.04281890058150734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041961751498677764}, "run_4129": {"edge_length": 1200, "pf": 0.5153423611111111, "in_bounds_one_im": 1, "error_one_im": 0.03759413436758171, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 26.285362154352367, "error_w_gmm": 0.04248467734395854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041634218744481706}, "run_4130": {"edge_length": 1200, "pf": 0.51551875, "in_bounds_one_im": 1, "error_one_im": 0.035448155869928735, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 21.87818605060093, "error_w_gmm": 0.03534893346805624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034641318244646405}, "run_4131": {"edge_length": 1200, "pf": 0.49238472222222224, "in_bounds_one_im": 1, "error_one_im": 0.03519809523386743, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 22.276737826697396, "error_w_gmm": 0.03769774748976384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03694311368911115}, "run_4132": {"edge_length": 1200, "pf": 0.4831729166666667, "in_bounds_one_im": 1, "error_one_im": 0.03943829488987933, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 22.61714460279092, "error_w_gmm": 0.03898592697048293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038205506383027645}, "run_4133": {"edge_length": 1200, "pf": 0.5080694444444445, "in_bounds_one_im": 1, "error_one_im": 0.0439507129381492, "one_im_sa_cls": 27.346938775510203, "model_in_bounds": 1, "pred_cls": 20.79232036370967, "error_w_gmm": 0.034099033429361936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033416438714588395}, "run_4134": {"edge_length": 1200, "pf": 0.49713125, "in_bounds_one_im": 1, "error_one_im": 0.041704501774133186, "one_im_sa_cls": 25.387755102040817, "model_in_bounds": 1, "pred_cls": 22.917098700712227, "error_w_gmm": 0.03841494155164607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03764595095471871}, "run_4135": {"edge_length": 1200, "pf": 0.48208055555555557, "in_bounds_one_im": 1, "error_one_im": 0.040837537114404764, "one_im_sa_cls": 24.122448979591837, "model_in_bounds": 1, "pred_cls": 23.054485033931513, "error_w_gmm": 0.03982680577896089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03902955247301751}, "run_4136": {"edge_length": 1200, "pf": 0.4996777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03932461222048734, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 19.003805471725958, "error_w_gmm": 0.03169342719558698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031058987924996378}, "run_4137": {"edge_length": 1200, "pf": 0.5105847222222222, "in_bounds_one_im": 1, "error_one_im": 0.041413052255857605, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 26.05052809513371, "error_w_gmm": 0.04250794741724648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0416570229972628}, "run_4138": {"edge_length": 1200, "pf": 0.4908826388888889, "in_bounds_one_im": 1, "error_one_im": 0.04107487518449214, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 24.333294781807496, "error_w_gmm": 0.04130187653457417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04047509525084268}, "run_4139": {"edge_length": 1200, "pf": 0.49402569444444444, "in_bounds_one_im": 1, "error_one_im": 0.044460632637054846, "one_im_sa_cls": 26.897959183673468, "model_in_bounds": 1, "pred_cls": 23.601027460189147, "error_w_gmm": 0.03980788670553111, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03901101212174595}, "run_4140": {"edge_length": 1200, "pf": 0.49892013888888886, "in_bounds_one_im": 1, "error_one_im": 0.03971829311052143, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 20.88373789696622, "error_w_gmm": 0.034881482966999736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034183225171333396}, "run_4141": {"edge_length": 1200, "pf": 0.5030736111111112, "in_bounds_one_im": 1, "error_one_im": 0.03938971887407023, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 20.595442650668865, "error_w_gmm": 0.03411537440100788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03343245257253763}, "run_4142": {"edge_length": 1200, "pf": 0.5108354166666667, "in_bounds_one_im": 1, "error_one_im": 0.03897854944641727, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 25.110060711763655, "error_w_gmm": 0.0409527919755736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04013299866924263}, "run_4143": {"edge_length": 1200, "pf": 0.4896298611111111, "in_bounds_one_im": 1, "error_one_im": 0.04233502546696648, "one_im_sa_cls": 25.387755102040817, "model_in_bounds": 1, "pred_cls": 26.911408921152777, "error_w_gmm": 0.045792448441718904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04487577485483814}, "run_4144": {"edge_length": 1200, "pf": 0.4979798611111111, "in_bounds_one_im": 1, "error_one_im": 0.03828701154947235, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 28.30011429898789, "error_w_gmm": 0.04735781090217958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046409801877465136}, "run_4145": {"edge_length": 1200, "pf": 0.49067222222222223, "in_bounds_one_im": 1, "error_one_im": 0.042959996311129144, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 23.101337774328837, "error_w_gmm": 0.039227336841848495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038442083709722095}, "run_4146": {"edge_length": 1200, "pf": 0.49888680555555553, "in_bounds_one_im": 1, "error_one_im": 0.041291070813115976, "one_im_sa_cls": 25.224489795918366, "model_in_bounds": 1, "pred_cls": 24.827078300797375, "error_w_gmm": 0.041470691168026604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04064053055165775}, "run_4147": {"edge_length": 1200, "pf": 0.5077694444444445, "in_bounds_one_im": 1, "error_one_im": 0.04158133062691772, "one_im_sa_cls": 25.857142857142858, "model_in_bounds": 1, "pred_cls": 25.407022333148838, "error_w_gmm": 0.04169207612063057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04085748381856912}, "run_4148": {"edge_length": 1200, "pf": 0.5007701388888889, "in_bounds_one_im": 1, "error_one_im": 0.03591065072952049, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 23.080840312676013, "error_w_gmm": 0.03840886124043653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037639992359226035}, "run_4149": {"edge_length": 1200, "pf": 0.5170076388888889, "in_bounds_one_im": 1, "error_one_im": 0.0397564479889833, "one_im_sa_cls": 25.183673469387756, "model_in_bounds": 1, "pred_cls": 23.155049004070396, "error_w_gmm": 0.03730062468701402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03655394049369653}, "run_4150": {"edge_length": 1200, "pf": 0.48774930555555557, "in_bounds_one_im": 1, "error_one_im": 0.038327153840826605, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 22.315831029703215, "error_w_gmm": 0.03811577565197834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03735277376034316}, "run_4151": {"edge_length": 1200, "pf": 0.5020777777777777, "in_bounds_one_im": 1, "error_one_im": 0.044414229580751474, "one_im_sa_cls": 27.306122448979593, "model_in_bounds": 1, "pred_cls": 20.786999972127447, "error_w_gmm": 0.034501328628348496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0338106807651719}, "run_4152": {"edge_length": 1200, "pf": 0.5038472222222222, "in_bounds_one_im": 1, "error_one_im": 0.042636540745085355, "one_im_sa_cls": 26.306122448979593, "model_in_bounds": 1, "pred_cls": 20.641031422258312, "error_w_gmm": 0.03413802749813381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03345465219979012}, "run_4153": {"edge_length": 1200, "pf": 0.4810548611111111, "in_bounds_one_im": 1, "error_one_im": 0.0454221848389905, "one_im_sa_cls": 26.775510204081634, "model_in_bounds": 1, "pred_cls": 27.642444950242812, "error_w_gmm": 0.04785073612565273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04689285972000447}, "run_4154": {"edge_length": 1200, "pf": 0.5046729166666667, "in_bounds_one_im": 1, "error_one_im": 0.036721176767888886, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 25.931813194732285, "error_w_gmm": 0.042817634636406116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04196051089527541}, "run_4155": {"edge_length": 1200, "pf": 0.5110527777777778, "in_bounds_one_im": 1, "error_one_im": 0.03710318074634642, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 22.184994409370415, "error_w_gmm": 0.03616647552650625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0354424947398508}, "run_4156": {"edge_length": 1200, "pf": 0.4866027777777778, "in_bounds_one_im": 1, "error_one_im": 0.03999015368025725, "one_im_sa_cls": 23.836734693877553, "model_in_bounds": 1, "pred_cls": 22.224071504691597, "error_w_gmm": 0.038046248546829205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03728463844932234}, "run_4157": {"edge_length": 1200, "pf": 0.49694791666666666, "in_bounds_one_im": 1, "error_one_im": 0.04158564950857142, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 25.530502499426724, "error_w_gmm": 0.04281137250445435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04195437411872939}, "run_4158": {"edge_length": 1200, "pf": 0.49392430555555555, "in_bounds_one_im": 1, "error_one_im": 0.03826144435098548, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 24.44364384504957, "error_w_gmm": 0.04123749137788768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04041199895672044}, "run_4159": {"edge_length": 1200, "pf": 0.49393194444444444, "in_bounds_one_im": 1, "error_one_im": 0.0435579981461499, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 21.75024609108989, "error_w_gmm": 0.03669305142832599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03595852964119742}, "run_4160": {"edge_length": 1200, "pf": 0.49710763888888887, "in_bounds_one_im": 1, "error_one_im": 0.03872264816026369, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 20.817537318971166, "error_w_gmm": 0.034897185536860005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03419861340702882}, "run_4161": {"edge_length": 1400, "pf": 0.508290306122449, "in_bounds_one_im": 1, "error_one_im": 0.030433430088680793, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 21.608249467242164, "error_w_gmm": 0.029754050269977718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02975350353232164}, "run_4162": {"edge_length": 1400, "pf": 0.4971994897959184, "in_bounds_one_im": 1, "error_one_im": 0.03410414859942493, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 22.304767478282347, "error_w_gmm": 0.031402068278329066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03140149125795545}, "run_4163": {"edge_length": 1400, "pf": 0.49197857142857143, "in_bounds_one_im": 1, "error_one_im": 0.03411377369380607, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 23.337996443072175, "error_w_gmm": 0.033201639302521915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03320102921460846}, "run_4164": {"edge_length": 1400, "pf": 0.4982158163265306, "in_bounds_one_im": 1, "error_one_im": 0.030938207565082275, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 21.257734658421764, "error_w_gmm": 0.029867216244409595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029866667427302228}, "run_4165": {"edge_length": 1400, "pf": 0.4936877551020408, "in_bounds_one_im": 1, "error_one_im": 0.034604947326782196, "one_im_sa_cls": 24.408163265306122, "model_in_bounds": 1, "pred_cls": 19.915431321352706, "error_w_gmm": 0.028235845045473065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028235326205194294}, "run_4166": {"edge_length": 1400, "pf": 0.4896173469387755, "in_bounds_one_im": 1, "error_one_im": 0.02981222741868543, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 23.431148091276427, "error_w_gmm": 0.03349200589638703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033491390472919234}, "run_4167": {"edge_length": 1400, "pf": 0.4986785714285714, "in_bounds_one_im": 1, "error_one_im": 0.032972135801200786, "one_im_sa_cls": 23.489795918367346, "model_in_bounds": 1, "pred_cls": 23.974425497925946, "error_w_gmm": 0.033653018599660425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03365240021754636}, "run_4168": {"edge_length": 1400, "pf": 0.5013484693877551, "in_bounds_one_im": 1, "error_one_im": 0.03670021173746675, "one_im_sa_cls": 26.285714285714285, "model_in_bounds": 1, "pred_cls": 26.118234136664555, "error_w_gmm": 0.036467045422964285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036466375332447}, "run_4169": {"edge_length": 1400, "pf": 0.48506020408163264, "in_bounds_one_im": 1, "error_one_im": 0.035325281152180324, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 0, "pred_cls": 21.151600718815644, "error_w_gmm": 0.030510665530914163, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03051010489027524}, "run_4170": {"edge_length": 1400, "pf": 0.5089321428571428, "in_bounds_one_im": 1, "error_one_im": 0.03749481777522327, "one_im_sa_cls": 27.26530612244898, "model_in_bounds": 1, "pred_cls": 24.96637357972101, "error_w_gmm": 0.034333992995559774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034333362100381445}, "run_4171": {"edge_length": 1400, "pf": 0.5128658163265306, "in_bounds_one_im": 1, "error_one_im": 0.03653257099067109, "one_im_sa_cls": 26.775510204081634, "model_in_bounds": 1, "pred_cls": 23.369084186239043, "error_w_gmm": 0.03188542098137383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03188483507928094}, "run_4172": {"edge_length": 1400, "pf": 0.49156122448979594, "in_bounds_one_im": 1, "error_one_im": 0.034752470098131545, "one_im_sa_cls": 24.408163265306122, "model_in_bounds": 1, "pred_cls": 23.43939184504816, "error_w_gmm": 0.033373741550046576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033373128299713874}, "run_4173": {"edge_length": 1400, "pf": 0.4853877551020408, "in_bounds_one_im": 1, "error_one_im": 0.03883233953657487, "one_im_sa_cls": 26.93877551020408, "model_in_bounds": 1, "pred_cls": 20.947843618158718, "error_w_gmm": 0.030196945043399225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030196390167447885}, "run_4174": {"edge_length": 1400, "pf": 0.5022586734693878, "in_bounds_one_im": 1, "error_one_im": 0.03498381877271965, "one_im_sa_cls": 25.10204081632653, "model_in_bounds": 1, "pred_cls": 21.7990128527359, "error_w_gmm": 0.030381064794276807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030380506535081835}, "run_4175": {"edge_length": 1400, "pf": 0.5103530612244898, "in_bounds_one_im": 1, "error_one_im": 0.03590515380818677, "one_im_sa_cls": 26.183673469387756, "model_in_bounds": 1, "pred_cls": 26.95820270817396, "error_w_gmm": 0.0369679297361876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036967250441803504}, "run_4176": {"edge_length": 1400, "pf": 0.5059397959183674, "in_bounds_one_im": 1, "error_one_im": 0.03450131889406035, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 25.597705533665565, "error_w_gmm": 0.035413560288200134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035412909555719484}, "run_4177": {"edge_length": 1400, "pf": 0.4914872448979592, "in_bounds_one_im": 1, "error_one_im": 0.036937230160383284, "one_im_sa_cls": 25.93877551020408, "model_in_bounds": 1, "pred_cls": 23.222797025471877, "error_w_gmm": 0.03307024114015126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03306963346670986}, "run_4178": {"edge_length": 1400, "pf": 0.5115928571428572, "in_bounds_one_im": 1, "error_one_im": 0.03338750163099119, "one_im_sa_cls": 24.408163265306122, "model_in_bounds": 1, "pred_cls": 25.284068434546676, "error_w_gmm": 0.03458627259503031, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03458563706415508}, "run_4179": {"edge_length": 1400, "pf": 0.49539285714285713, "in_bounds_one_im": 1, "error_one_im": 0.037111144569167885, "one_im_sa_cls": 26.26530612244898, "model_in_bounds": 1, "pred_cls": 23.323761058494334, "error_w_gmm": 0.03295554104240238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03295493547660222}, "run_4180": {"edge_length": 1400, "pf": 0.4843561224489796, "in_bounds_one_im": 1, "error_one_im": 0.036554276821476, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 24.24638598372417, "error_w_gmm": 0.03502414853928795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035023504962339545}, "run_4181": {"edge_length": 1400, "pf": 0.5066658163265306, "in_bounds_one_im": 1, "error_one_im": 0.036396533310886284, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 23.60836089365765, "error_w_gmm": 0.03261397046704492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03261337117768424}, "run_4182": {"edge_length": 1400, "pf": 0.5064790816326531, "in_bounds_one_im": 1, "error_one_im": 0.03485896371157449, "one_im_sa_cls": 25.224489795918366, "model_in_bounds": 1, "pred_cls": 25.49030813545529, "error_w_gmm": 0.035226958459165236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03522631115553698}, "run_4183": {"edge_length": 1400, "pf": 0.5017209183673469, "in_bounds_one_im": 1, "error_one_im": 0.03556244704820202, "one_im_sa_cls": 25.489795918367346, "model_in_bounds": 1, "pred_cls": 24.17864814017401, "error_w_gmm": 0.033733800663076845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03373318079657348}, "run_4184": {"edge_length": 1400, "pf": 0.49968469387755104, "in_bounds_one_im": 1, "error_one_im": 0.03342045497430126, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 23.95179786007241, "error_w_gmm": 0.0335536696916013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03355305313504675}, "run_4185": {"edge_length": 1400, "pf": 0.4952591836734694, "in_bounds_one_im": 1, "error_one_im": 0.036544206335326, "one_im_sa_cls": 25.857142857142858, "model_in_bounds": 1, "pred_cls": 20.85406706791223, "error_w_gmm": 0.02947384163861066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029473300049854028}, "run_4186": {"edge_length": 1400, "pf": 0.49945051020408165, "in_bounds_one_im": 1, "error_one_im": 0.03080469829210817, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 20.530151092705747, "error_w_gmm": 0.028773816009565283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028773287283943887}, "run_4187": {"edge_length": 1400, "pf": 0.5101811224489796, "in_bounds_one_im": 1, "error_one_im": 0.03317400399047788, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 23.759621428647144, "error_w_gmm": 0.032592908630802817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032592309728458245}, "run_4188": {"edge_length": 1400, "pf": 0.5026193877551021, "in_bounds_one_im": 1, "error_one_im": 0.030496395073034775, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 22.406875903797896, "error_w_gmm": 0.03120571605524412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031205142642888636}, "run_4189": {"edge_length": 1400, "pf": 0.49940510204081634, "in_bounds_one_im": 1, "error_one_im": 0.03670010896767331, "one_im_sa_cls": 26.183673469387756, "model_in_bounds": 1, "pred_cls": 22.831882027495762, "error_w_gmm": 0.03200268888229745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03200210082537931}, "run_4190": {"edge_length": 1400, "pf": 0.5018943877551021, "in_bounds_one_im": 1, "error_one_im": 0.041641162885734044, "one_im_sa_cls": 29.857142857142858, "model_in_bounds": 1, "pred_cls": 22.533793471265746, "error_w_gmm": 0.03142801075349991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031427433256427134}, "run_4191": {"edge_length": 1400, "pf": 0.4970357142857143, "in_bounds_one_im": 1, "error_one_im": 0.029143164408065095, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 23.585606304368746, "error_w_gmm": 0.03321619310427168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033215582748928635}, "run_4192": {"edge_length": 1400, "pf": 0.5067836734693878, "in_bounds_one_im": 1, "error_one_im": 0.036923485049794695, "one_im_sa_cls": 26.73469387755102, "model_in_bounds": 1, "pred_cls": 25.75994793700279, "error_w_gmm": 0.03557790991598192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03557725616353831}, "run_4193": {"edge_length": 1400, "pf": 0.48899438775510207, "in_bounds_one_im": 1, "error_one_im": 0.03986736426648078, "one_im_sa_cls": 27.857142857142858, "model_in_bounds": 1, "pred_cls": 25.552127210024913, "error_w_gmm": 0.036569245008759306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036568573040300666}, "run_4194": {"edge_length": 1400, "pf": 0.4951877551020408, "in_bounds_one_im": 1, "error_one_im": 0.038251413767834856, "one_im_sa_cls": 27.06122448979592, "model_in_bounds": 1, "pred_cls": 23.704092140324185, "error_w_gmm": 0.03350667661768432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033506060924638544}, "run_4195": {"edge_length": 1400, "pf": 0.502869387755102, "in_bounds_one_im": 1, "error_one_im": 0.03778185442915791, "one_im_sa_cls": 27.142857142857142, "model_in_bounds": 1, "pred_cls": 24.508593102622253, "error_w_gmm": 0.034115683084035904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03411505620035348}, "run_4196": {"edge_length": 1400, "pf": 0.49314897959183673, "in_bounds_one_im": 1, "error_one_im": 0.041651817278663794, "one_im_sa_cls": 29.346938775510203, "model_in_bounds": 1, "pred_cls": 25.96274231457392, "error_w_gmm": 0.03684933813612817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03684866102089264}, "run_4197": {"edge_length": 1400, "pf": 0.5040331632653061, "in_bounds_one_im": 1, "error_one_im": 0.03613523829233414, "one_im_sa_cls": 26.020408163265305, "model_in_bounds": 1, "pred_cls": 25.31367332679658, "error_w_gmm": 0.03515442265169656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035153776680930796}, "run_4198": {"edge_length": 1400, "pf": 0.5178377551020408, "in_bounds_one_im": 0, "error_one_im": 0.03324842120377396, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 0, "pred_cls": 19.336372273951433, "error_w_gmm": 0.02612178069530004, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02612130070144972}, "run_4199": {"edge_length": 1400, "pf": 0.502040306122449, "in_bounds_one_im": 1, "error_one_im": 0.04151519383487857, "one_im_sa_cls": 29.775510204081634, "model_in_bounds": 1, "pred_cls": 24.331829674386327, "error_w_gmm": 0.033925839734663586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03392521633939721}, "run_4200": {"edge_length": 1400, "pf": 0.49537755102040815, "in_bounds_one_im": 1, "error_one_im": 0.03483421533213475, "one_im_sa_cls": 24.653061224489797, "model_in_bounds": 1, "pred_cls": 24.434262095242968, "error_w_gmm": 0.03452569155184656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03452505713416232}}, "fractal_noise_0.015_2_True_value": {"true_cls": 65.44897959183673, "true_pf": 0.5001219933333333, "run_4201": {"edge_length": 600, "pf": 0.459225, "in_bounds_one_im": 1, "error_one_im": 0.15047336640178985, "one_im_sa_cls": 42.44897959183673, "model_in_bounds": 1, "pred_cls": 58.63774552107287, "error_w_gmm": 0.2161417100511081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20785938912096064}, "run_4202": {"edge_length": 600, "pf": 0.45964444444444447, "in_bounds_one_im": 1, "error_one_im": 0.15815279848280386, "one_im_sa_cls": 44.6530612244898, "model_in_bounds": 1, "pred_cls": 68.53409188643703, "error_w_gmm": 0.252406911363728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24273494640885018}, "run_4203": {"edge_length": 600, "pf": 0.5342277777777777, "in_bounds_one_im": 1, "error_one_im": 0.12804381686812447, "one_im_sa_cls": 41.97959183673469, "model_in_bounds": 1, "pred_cls": 68.34847520773637, "error_w_gmm": 0.2167794782941386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20847271876180462}, "run_4204": {"edge_length": 600, "pf": 0.53975, "in_bounds_one_im": 1, "error_one_im": 0.11868842403936225, "one_im_sa_cls": 39.3469387755102, "model_in_bounds": 1, "pred_cls": 61.303441215738445, "error_w_gmm": 0.19228756693453253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18491931145134774}, "run_4205": {"edge_length": 600, "pf": 0.4952, "in_bounds_one_im": 1, "error_one_im": 0.170627127452554, "one_im_sa_cls": 51.734693877551024, "model_in_bounds": 1, "pred_cls": 60.15254489929183, "error_w_gmm": 0.20629520720257333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19839019381113226}, "run_4206": {"edge_length": 600, "pf": 0.4767166666666667, "in_bounds_one_im": 1, "error_one_im": 0.1415071828608481, "one_im_sa_cls": 41.3469387755102, "model_in_bounds": 1, "pred_cls": 66.86412525060437, "error_w_gmm": 0.23795631124940372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22883807795396258}, "run_4207": {"edge_length": 600, "pf": 0.4684583333333333, "in_bounds_one_im": 1, "error_one_im": 0.12633098464669623, "one_im_sa_cls": 36.30612244897959, "model_in_bounds": 1, "pred_cls": 69.93565485056355, "error_w_gmm": 0.25304490389989925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24334849174815987}, "run_4208": {"edge_length": 600, "pf": 0.4657833333333333, "in_bounds_one_im": 1, "error_one_im": 0.16392280940158868, "one_im_sa_cls": 46.857142857142854, "model_in_bounds": 1, "pred_cls": 68.4194231063528, "error_w_gmm": 0.2488925684947109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23935526942867463}, "run_4209": {"edge_length": 600, "pf": 0.4784138888888889, "in_bounds_one_im": 1, "error_one_im": 0.15473955475856413, "one_im_sa_cls": 45.36734693877551, "model_in_bounds": 1, "pred_cls": 70.57669832993335, "error_w_gmm": 0.25031578338178817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24072394823178847}, "run_4210": {"edge_length": 600, "pf": 0.5048333333333334, "in_bounds_one_im": 1, "error_one_im": 0.15535469297693852, "one_im_sa_cls": 48.02040816326531, "model_in_bounds": 1, "pred_cls": 69.3989227662463, "error_w_gmm": 0.23346414704512752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2245180487142978}, "run_4211": {"edge_length": 600, "pf": 0.43700833333333333, "in_bounds_one_im": 1, "error_one_im": 0.1729749089264622, "one_im_sa_cls": 46.6530612244898, "model_in_bounds": 1, "pred_cls": 79.13868227281091, "error_w_gmm": 0.30511300257117424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.29342139614010715}, "run_4212": {"edge_length": 600, "pf": 0.4376055555555556, "in_bounds_one_im": 1, "error_one_im": 0.19339718304121561, "one_im_sa_cls": 52.224489795918366, "model_in_bounds": 1, "pred_cls": 69.06556592341458, "error_w_gmm": 0.265953952782856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.255762879578762}, "run_4213": {"edge_length": 600, "pf": 0.518125, "in_bounds_one_im": 1, "error_one_im": 0.14195469254515886, "one_im_sa_cls": 45.06122448979592, "model_in_bounds": 1, "pred_cls": 63.92221745582467, "error_w_gmm": 0.20939559106859623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20137177425795857}, "run_4214": {"edge_length": 600, "pf": 0.5354861111111111, "in_bounds_one_im": 1, "error_one_im": 0.12287733996435862, "one_im_sa_cls": 40.38775510204081, "model_in_bounds": 1, "pred_cls": 72.88748964992507, "error_w_gmm": 0.23059188332721106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2217558470936146}, "run_4215": {"edge_length": 600, "pf": 0.4719583333333333, "in_bounds_one_im": 1, "error_one_im": 0.1610568227755089, "one_im_sa_cls": 46.61224489795919, "model_in_bounds": 1, "pred_cls": 66.16644349030074, "error_w_gmm": 0.23773101023718618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22862141023741306}, "run_4216": {"edge_length": 600, "pf": 0.425525, "in_bounds_one_im": 1, "error_one_im": 0.20015493230351994, "one_im_sa_cls": 52.734693877551024, "model_in_bounds": 1, "pred_cls": 62.441915671914074, "error_w_gmm": 0.2464421689210501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23699876656597874}, "run_4217": {"edge_length": 600, "pf": 0.5417166666666666, "in_bounds_one_im": 1, "error_one_im": 0.1327515480507403, "one_im_sa_cls": 44.183673469387756, "model_in_bounds": 1, "pred_cls": 76.35767293381613, "error_w_gmm": 0.2385609714008081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2294195681701127}, "run_4218": {"edge_length": 600, "pf": 0.5375222222222222, "in_bounds_one_im": 1, "error_one_im": 0.1301049197334814, "one_im_sa_cls": 42.93877551020408, "model_in_bounds": 1, "pred_cls": 113.08747102687263, "error_w_gmm": 0.35630957425539267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.34265616953415867}, "run_4219": {"edge_length": 600, "pf": 0.4847111111111111, "in_bounds_one_im": 1, "error_one_im": 0.1745208673928037, "one_im_sa_cls": 51.816326530612244, "model_in_bounds": 1, "pred_cls": 65.18225685108001, "error_w_gmm": 0.22828589134691007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2195382182785661}, "run_4220": {"edge_length": 600, "pf": 0.5922916666666667, "in_bounds_one_im": 0, "error_one_im": 0.10553247266990202, "one_im_sa_cls": 38.93877551020408, "model_in_bounds": 1, "pred_cls": 55.382952473466766, "error_w_gmm": 0.1560805779396179, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.15009973584693193}, "run_4221": {"edge_length": 600, "pf": 0.5741583333333333, "in_bounds_one_im": 0, "error_one_im": 0.12326535909408028, "one_im_sa_cls": 43.816326530612244, "model_in_bounds": 1, "pred_cls": 70.4913671776811, "error_w_gmm": 0.20621010868799725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19830835618131656}, "run_4222": {"edge_length": 600, "pf": 0.4289472222222222, "in_bounds_one_im": 0, "error_one_im": 0.16499251836783166, "one_im_sa_cls": 43.775510204081634, "model_in_bounds": 1, "pred_cls": 71.17350182694196, "error_w_gmm": 0.2789461076311427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.268257188842306}, "run_4223": {"edge_length": 600, "pf": 0.5036583333333333, "in_bounds_one_im": 1, "error_one_im": 0.1585659484764317, "one_im_sa_cls": 48.89795918367347, "model_in_bounds": 1, "pred_cls": 70.15345315724328, "error_w_gmm": 0.23655775265726267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2274931106427316}, "run_4224": {"edge_length": 600, "pf": 0.4777138888888889, "in_bounds_one_im": 1, "error_one_im": 0.18151480148078197, "one_im_sa_cls": 53.142857142857146, "model_in_bounds": 1, "pred_cls": 63.30296516893306, "error_w_gmm": 0.22483304117706748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21621767766259725}, "run_4225": {"edge_length": 600, "pf": 0.5320972222222222, "in_bounds_one_im": 1, "error_one_im": 0.15472421207313047, "one_im_sa_cls": 50.51020408163265, "model_in_bounds": 1, "pred_cls": 63.912669246322466, "error_w_gmm": 0.20357997131933045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19577900288515726}, "run_4226": {"edge_length": 600, "pf": 0.5573694444444445, "in_bounds_one_im": 1, "error_one_im": 0.1282633326723362, "one_im_sa_cls": 44.06122448979592, "model_in_bounds": 1, "pred_cls": 73.37404927618931, "error_w_gmm": 0.22210451204554443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2135937028715075}, "run_4227": {"edge_length": 600, "pf": 0.6121361111111111, "in_bounds_one_im": 0, "error_one_im": 0.1417393126426685, "one_im_sa_cls": 54.51020408163265, "model_in_bounds": 1, "pred_cls": 159.59576087891918, "error_w_gmm": 0.4315218614385992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.41498640169802425}, "run_4228": {"edge_length": 600, "pf": 0.5249361111111112, "in_bounds_one_im": 1, "error_one_im": 0.18886358928590818, "one_im_sa_cls": 60.775510204081634, "model_in_bounds": 1, "pred_cls": 71.35837062769677, "error_w_gmm": 0.23058629283619414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22175047082428004}, "run_4229": {"edge_length": 600, "pf": 0.5654277777777778, "in_bounds_one_im": 1, "error_one_im": 0.11735642746982065, "one_im_sa_cls": 40.97959183673469, "model_in_bounds": 1, "pred_cls": 69.23823116293819, "error_w_gmm": 0.20618361644931812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19828287909710643}, "run_4230": {"edge_length": 600, "pf": 0.4895305555555556, "in_bounds_one_im": 1, "error_one_im": 0.1631107360724302, "one_im_sa_cls": 48.89795918367347, "model_in_bounds": 1, "pred_cls": 71.06660883992704, "error_w_gmm": 0.24650534620677778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23705952296516974}, "run_4231": {"edge_length": 600, "pf": 0.5083361111111111, "in_bounds_one_im": 1, "error_one_im": 0.1445010575966407, "one_im_sa_cls": 44.97959183673469, "model_in_bounds": 1, "pred_cls": 65.415852593352, "error_w_gmm": 0.21852818475162167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21015441664380236}, "run_4232": {"edge_length": 600, "pf": 0.4895388888888889, "in_bounds_one_im": 1, "error_one_im": 0.16324416665546587, "one_im_sa_cls": 48.93877551020408, "model_in_bounds": 1, "pred_cls": 67.62054250192722, "error_w_gmm": 0.23454822987931484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22556059064485548}, "run_4233": {"edge_length": 600, "pf": 0.4923972222222222, "in_bounds_one_im": 1, "error_one_im": 0.15324325953984186, "one_im_sa_cls": 46.204081632653065, "model_in_bounds": 1, "pred_cls": 73.20563820811303, "error_w_gmm": 0.2524727475186767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24279825979221548}, "run_4234": {"edge_length": 600, "pf": 0.5127694444444445, "in_bounds_one_im": 1, "error_one_im": 0.13087792954771524, "one_im_sa_cls": 41.10204081632653, "model_in_bounds": 1, "pred_cls": 61.98319726835652, "error_w_gmm": 0.20523240808519216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1973681200279419}, "run_4235": {"edge_length": 600, "pf": 0.5587027777777778, "in_bounds_one_im": 1, "error_one_im": 0.13627110520252092, "one_im_sa_cls": 46.93877551020408, "model_in_bounds": 1, "pred_cls": 71.41298605519717, "error_w_gmm": 0.21558480719603837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20732382619223597}, "run_4236": {"edge_length": 600, "pf": 0.5219777777777778, "in_bounds_one_im": 1, "error_one_im": 0.14737057454634148, "one_im_sa_cls": 47.142857142857146, "model_in_bounds": 1, "pred_cls": 68.42607362466806, "error_w_gmm": 0.2224259395346501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2139028136003732}, "run_4237": {"edge_length": 600, "pf": 0.47636666666666666, "in_bounds_one_im": 1, "error_one_im": 0.13664397353292984, "one_im_sa_cls": 39.89795918367347, "model_in_bounds": 1, "pred_cls": 65.18765217743135, "error_w_gmm": 0.23215288070295778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2232570287066657}, "run_4238": {"edge_length": 600, "pf": 0.5211833333333333, "in_bounds_one_im": 1, "error_one_im": 0.1584680855726544, "one_im_sa_cls": 50.61224489795919, "model_in_bounds": 1, "pred_cls": 67.02450827373455, "error_w_gmm": 0.2182171018193636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20985525407934483}, "run_4239": {"edge_length": 600, "pf": 0.6225138888888889, "in_bounds_one_im": 0, "error_one_im": 0.155220084253564, "one_im_sa_cls": 61.02040816326531, "model_in_bounds": 0, "pred_cls": 73.41315858275077, "error_w_gmm": 0.19418498819252666, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.18674402554053735}, "run_4240": {"edge_length": 600, "pf": 0.5216611111111111, "in_bounds_one_im": 1, "error_one_im": 0.1416549245151693, "one_im_sa_cls": 45.285714285714285, "model_in_bounds": 1, "pred_cls": 70.82004498337866, "error_w_gmm": 0.2303539106999131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22152699332482587}, "run_4241": {"edge_length": 800, "pf": 0.457446875, "in_bounds_one_im": 1, "error_one_im": 0.12491259757048832, "one_im_sa_cls": 46.816326530612244, "model_in_bounds": 1, "pred_cls": 62.30689839668128, "error_w_gmm": 0.1685018459263022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16624363981656828}, "run_4242": {"edge_length": 800, "pf": 0.5447140625, "in_bounds_one_im": 1, "error_one_im": 0.125842129827635, "one_im_sa_cls": 56.183673469387756, "model_in_bounds": 1, "pred_cls": 67.1901548717705, "error_w_gmm": 0.15253910525780082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15049482652855073}, "run_4243": {"edge_length": 800, "pf": 0.472521875, "in_bounds_one_im": 1, "error_one_im": 0.12350877048795651, "one_im_sa_cls": 47.714285714285715, "model_in_bounds": 1, "pred_cls": 62.449046802989876, "error_w_gmm": 0.16384560992619138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16164980515411653}, "run_4244": {"edge_length": 800, "pf": 0.540228125, "in_bounds_one_im": 1, "error_one_im": 0.12117267688539107, "one_im_sa_cls": 53.61224489795919, "model_in_bounds": 1, "pred_cls": 100.0267069501717, "error_w_gmm": 0.2291481232707519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22607715577387125}, "run_4245": {"edge_length": 800, "pf": 0.4222671875, "in_bounds_one_im": 0, "error_one_im": 0.15813884426905642, "one_im_sa_cls": 55.183673469387756, "model_in_bounds": 1, "pred_cls": 66.89418274454579, "error_w_gmm": 0.1943013998371777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19169743662342117}, "run_4246": {"edge_length": 800, "pf": 0.5435484375, "in_bounds_one_im": 1, "error_one_im": 0.09695180759147749, "one_im_sa_cls": 43.183673469387756, "model_in_bounds": 1, "pred_cls": 105.22764098571925, "error_w_gmm": 0.23945603420647651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23624692349029947}, "run_4247": {"edge_length": 800, "pf": 0.5017015625, "in_bounds_one_im": 1, "error_one_im": 0.1010038221664028, "one_im_sa_cls": 41.36734693877551, "model_in_bounds": 1, "pred_cls": 55.68960526339304, "error_w_gmm": 0.13782052609855908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13597350090799462}, "run_4248": {"edge_length": 800, "pf": 0.5546296875, "in_bounds_one_im": 1, "error_one_im": 0.0998243030239299, "one_im_sa_cls": 45.46938775510204, "model_in_bounds": 1, "pred_cls": 62.47763569510638, "error_w_gmm": 0.13902771678171089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13716451322015388}, "run_4249": {"edge_length": 800, "pf": 0.4699609375, "in_bounds_one_im": 1, "error_one_im": 0.12701243939692128, "one_im_sa_cls": 48.816326530612244, "model_in_bounds": 1, "pred_cls": 67.11066680995796, "error_w_gmm": 0.17698332084641824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17461144880988766}, "run_4250": {"edge_length": 800, "pf": 0.5501671875, "in_bounds_one_im": 1, "error_one_im": 0.10213073985724569, "one_im_sa_cls": 46.10204081632653, "model_in_bounds": 1, "pred_cls": 90.72853161292765, "error_w_gmm": 0.2037228922522074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20099266530752571}, "run_4251": {"edge_length": 800, "pf": 0.5815234375, "in_bounds_one_im": 0, "error_one_im": 0.09903777324948469, "one_im_sa_cls": 47.6530612244898, "model_in_bounds": 1, "pred_cls": 137.21533572625557, "error_w_gmm": 0.28904957741384724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.28517583040446765}, "run_4252": {"edge_length": 800, "pf": 0.4836734375, "in_bounds_one_im": 1, "error_one_im": 0.11778310155504525, "one_im_sa_cls": 46.53061224489796, "model_in_bounds": 1, "pred_cls": 53.89575986763041, "error_w_gmm": 0.13827970444537527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13642652549820034}, "run_4253": {"edge_length": 800, "pf": 0.515875, "in_bounds_one_im": 1, "error_one_im": 0.1666683786699594, "one_im_sa_cls": 70.22448979591837, "model_in_bounds": 1, "pred_cls": 71.8393784703996, "error_w_gmm": 0.17281713790314107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1705010996749885}, "run_4254": {"edge_length": 800, "pf": 0.532246875, "in_bounds_one_im": 1, "error_one_im": 0.1394911772572292, "one_im_sa_cls": 60.734693877551024, "model_in_bounds": 1, "pred_cls": 69.29353451608452, "error_w_gmm": 0.16131034907546923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15914852103232213}, "run_4255": {"edge_length": 800, "pf": 0.5381671875, "in_bounds_one_im": 1, "error_one_im": 0.10680832694664484, "one_im_sa_cls": 47.06122448979592, "model_in_bounds": 1, "pred_cls": 70.6117351288585, "error_w_gmm": 0.1624345451907244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16025765104238393}, "run_4256": {"edge_length": 800, "pf": 0.4922359375, "in_bounds_one_im": 1, "error_one_im": 0.1337079419720844, "one_im_sa_cls": 53.734693877551024, "model_in_bounds": 1, "pred_cls": 83.63463175185339, "error_w_gmm": 0.21093478182759476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20810790351976433}, "run_4257": {"edge_length": 800, "pf": 0.47351875, "in_bounds_one_im": 1, "error_one_im": 0.14471956118267312, "one_im_sa_cls": 56.02040816326531, "model_in_bounds": 1, "pred_cls": 166.91673372325104, "error_w_gmm": 0.43705940470867566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.4312020788580056}, "run_4258": {"edge_length": 800, "pf": 0.5251546875, "in_bounds_one_im": 1, "error_one_im": 0.11962036278077531, "one_im_sa_cls": 51.3469387755102, "model_in_bounds": 1, "pred_cls": 74.69646174658008, "error_w_gmm": 0.17638035519121245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17401656390132933}, "run_4259": {"edge_length": 800, "pf": 0.5002625, "in_bounds_one_im": 1, "error_one_im": 0.13072894579721706, "one_im_sa_cls": 53.38775510204081, "model_in_bounds": 1, "pred_cls": 66.10331527044697, "error_w_gmm": 0.1640638748526637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1618651449661025}, "run_4260": {"edge_length": 800, "pf": 0.4972578125, "in_bounds_one_im": 1, "error_one_im": 0.11668607245421002, "one_im_sa_cls": 47.36734693877551, "model_in_bounds": 1, "pred_cls": 67.90332838325268, "error_w_gmm": 0.16954721017177993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16727499443554575}, "run_4261": {"edge_length": 800, "pf": 0.478625, "in_bounds_one_im": 1, "error_one_im": 0.1202325091338616, "one_im_sa_cls": 47.02040816326531, "model_in_bounds": 1, "pred_cls": 64.69824875360796, "error_w_gmm": 0.16768247096177666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16543524584480812}, "run_4262": {"edge_length": 800, "pf": 0.5325828125, "in_bounds_one_im": 1, "error_one_im": 0.12389291346189898, "one_im_sa_cls": 53.97959183673469, "model_in_bounds": 1, "pred_cls": 89.85975368332721, "error_w_gmm": 0.2090459303867535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20624436584234587}, "run_4263": {"edge_length": 800, "pf": 0.5260078125, "in_bounds_one_im": 1, "error_one_im": 0.13873317766958487, "one_im_sa_cls": 59.6530612244898, "model_in_bounds": 1, "pred_cls": 65.87799578627204, "error_w_gmm": 0.15529146983539174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1532103048247414}, "run_4264": {"edge_length": 800, "pf": 0.47071875, "in_bounds_one_im": 1, "error_one_im": 0.1479206249445655, "one_im_sa_cls": 56.93877551020408, "model_in_bounds": 1, "pred_cls": 59.25611222528172, "error_w_gmm": 0.15603189673282514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1539408087653405}, "run_4265": {"edge_length": 800, "pf": 0.429690625, "in_bounds_one_im": 0, "error_one_im": 0.12096469505636427, "one_im_sa_cls": 42.857142857142854, "model_in_bounds": 1, "pred_cls": 61.191397868760184, "error_w_gmm": 0.17505939313541719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17271330494290216}, "run_4266": {"edge_length": 800, "pf": 0.527796875, "in_bounds_one_im": 1, "error_one_im": 0.10413827027606351, "one_im_sa_cls": 44.93877551020408, "model_in_bounds": 1, "pred_cls": 66.86227089844718, "error_w_gmm": 0.15704708218803684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15494238904023594}, "run_4267": {"edge_length": 800, "pf": 0.52630625, "in_bounds_one_im": 1, "error_one_im": 0.10758076738608131, "one_im_sa_cls": 46.285714285714285, "model_in_bounds": 1, "pred_cls": 59.06634360717397, "error_w_gmm": 0.1391513355797787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13728647531990165}, "run_4268": {"edge_length": 800, "pf": 0.5687875, "in_bounds_one_im": 0, "error_one_im": 0.1059192219759729, "one_im_sa_cls": 49.6530612244898, "model_in_bounds": 1, "pred_cls": 65.06134171374538, "error_w_gmm": 0.14067320824034413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13878795234550276}, "run_4269": {"edge_length": 800, "pf": 0.4726890625, "in_bounds_one_im": 1, "error_one_im": 0.12072128878226629, "one_im_sa_cls": 46.6530612244898, "model_in_bounds": 1, "pred_cls": 64.66132328448987, "error_w_gmm": 0.16959300256384682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16732017313309216}, "run_4270": {"edge_length": 800, "pf": 0.45745, "in_bounds_one_im": 1, "error_one_im": 0.14304417086020405, "one_im_sa_cls": 53.61224489795919, "model_in_bounds": 1, "pred_cls": 145.47344672116893, "error_w_gmm": 0.39341374094928694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3881413398750964}, "run_4271": {"edge_length": 800, "pf": 0.470871875, "in_bounds_one_im": 1, "error_one_im": 0.12169225966176081, "one_im_sa_cls": 46.857142857142854, "model_in_bounds": 1, "pred_cls": 62.12417339855376, "error_w_gmm": 0.16353375120859476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16134212586409577}, "run_4272": {"edge_length": 800, "pf": 0.4942015625, "in_bounds_one_im": 1, "error_one_im": 0.11998125306031657, "one_im_sa_cls": 48.40816326530612, "model_in_bounds": 1, "pred_cls": 125.19082192772055, "error_w_gmm": 0.3145045286275919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3102896427657692}, "run_4273": {"edge_length": 800, "pf": 0.5649984375, "in_bounds_one_im": 0, "error_one_im": 0.09910602098999802, "one_im_sa_cls": 46.10204081632653, "model_in_bounds": 1, "pred_cls": 63.848912541093604, "error_w_gmm": 0.1391211048106811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1372566496935911}, "run_4274": {"edge_length": 800, "pf": 0.466228125, "in_bounds_one_im": 1, "error_one_im": 0.15316586257198084, "one_im_sa_cls": 58.42857142857143, "model_in_bounds": 1, "pred_cls": 67.40004436167781, "error_w_gmm": 0.17908388997818622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17668386680763587}, "run_4275": {"edge_length": 800, "pf": 0.44606875, "in_bounds_one_im": 1, "error_one_im": 0.13177110952611445, "one_im_sa_cls": 48.265306122448976, "model_in_bounds": 1, "pred_cls": 67.89425991862078, "error_w_gmm": 0.1878788184551433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18536092855671127}, "run_4276": {"edge_length": 800, "pf": 0.4716125, "in_bounds_one_im": 1, "error_one_im": 0.13336632330983075, "one_im_sa_cls": 51.42857142857143, "model_in_bounds": 1, "pred_cls": 60.30815397291087, "error_w_gmm": 0.15851755923683308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15639315924108887}, "run_4277": {"edge_length": 800, "pf": 0.5636734375, "in_bounds_one_im": 0, "error_one_im": 0.08771608090262761, "one_im_sa_cls": 40.69387755102041, "model_in_bounds": 1, "pred_cls": 58.418489802879, "error_w_gmm": 0.12763215293905378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12592166896197307}, "run_4278": {"edge_length": 800, "pf": 0.5056078125, "in_bounds_one_im": 1, "error_one_im": 0.09898172286942371, "one_im_sa_cls": 40.857142857142854, "model_in_bounds": 1, "pred_cls": 63.27012089740964, "error_w_gmm": 0.15536217909460373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15328006646180536}, "run_4279": {"edge_length": 800, "pf": 0.3941703125, "in_bounds_one_im": 0, "error_one_im": 0.12372454938602172, "one_im_sa_cls": 40.734693877551024, "model_in_bounds": 0, "pred_cls": 67.39650546100226, "error_w_gmm": 0.20748582239871963, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.20470516590651194}, "run_4280": {"edge_length": 800, "pf": 0.5183796875, "in_bounds_one_im": 1, "error_one_im": 0.12323133740909827, "one_im_sa_cls": 52.183673469387756, "model_in_bounds": 1, "pred_cls": 67.43436070590317, "error_w_gmm": 0.16140886454437953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15924571622944217}, "run_4281": {"edge_length": 1000, "pf": 0.489983, "in_bounds_one_im": 1, "error_one_im": 0.08537201089920841, "one_im_sa_cls": 42.69387755102041, "model_in_bounds": 1, "pred_cls": 63.583828706858654, "error_w_gmm": 0.1297413734491998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12714420963259637}, "run_4282": {"edge_length": 1000, "pf": 0.538567, "in_bounds_one_im": 1, "error_one_im": 0.09900288938728426, "one_im_sa_cls": 54.57142857142857, "model_in_bounds": 1, "pred_cls": 76.32293869352448, "error_w_gmm": 0.14129263849158713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13846424136207428}, "run_4283": {"edge_length": 1000, "pf": 0.487912, "in_bounds_one_im": 1, "error_one_im": 0.10683033539093166, "one_im_sa_cls": 53.204081632653065, "model_in_bounds": 1, "pred_cls": 106.4801372042524, "error_w_gmm": 0.21817256996186588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21380518976990118}, "run_4284": {"edge_length": 1000, "pf": 0.50819, "in_bounds_one_im": 1, "error_one_im": 0.09219554154590005, "one_im_sa_cls": 47.816326530612244, "model_in_bounds": 1, "pred_cls": 57.996539688473845, "error_w_gmm": 0.11410842165948917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11182419839265448}, "run_4285": {"edge_length": 1000, "pf": 0.554796, "in_bounds_one_im": 1, "error_one_im": 0.1059537186565388, "one_im_sa_cls": 60.3469387755102, "model_in_bounds": 1, "pred_cls": 67.76364284920669, "error_w_gmm": 0.12140584854081858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11897554532626449}, "run_4286": {"edge_length": 1000, "pf": 0.550235, "in_bounds_one_im": 0, "error_one_im": 0.08737107174744702, "one_im_sa_cls": 49.30612244897959, "model_in_bounds": 1, "pred_cls": 67.66314153872133, "error_w_gmm": 0.122349127209596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11989994143535886}, "run_4287": {"edge_length": 1000, "pf": 0.492579, "in_bounds_one_im": 1, "error_one_im": 0.11639276250578737, "one_im_sa_cls": 58.51020408163265, "model_in_bounds": 1, "pred_cls": 169.72225510266406, "error_w_gmm": 0.3445204940580935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.33762388014490435}, "run_4288": {"edge_length": 1000, "pf": 0.423631, "in_bounds_one_im": 0, "error_one_im": 0.10208355115107243, "one_im_sa_cls": 44.6530612244898, "model_in_bounds": 0, "pred_cls": 57.640262398194125, "error_w_gmm": 0.13446596889874418, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.13177422809391087}, "run_4289": {"edge_length": 1000, "pf": 0.506696, "in_bounds_one_im": 1, "error_one_im": 0.08659089226420079, "one_im_sa_cls": 44.775510204081634, "model_in_bounds": 1, "pred_cls": 95.71393115117904, "error_w_gmm": 0.18888119864188407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1851001733474243}, "run_4290": {"edge_length": 1000, "pf": 0.485304, "in_bounds_one_im": 1, "error_one_im": 0.09523756913542519, "one_im_sa_cls": 47.183673469387756, "model_in_bounds": 1, "pred_cls": 134.68475777441765, "error_w_gmm": 0.2774066746192558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.27185354566238135}, "run_4291": {"edge_length": 1000, "pf": 0.439925, "in_bounds_one_im": 0, "error_one_im": 0.1112958205318235, "one_im_sa_cls": 50.326530612244895, "model_in_bounds": 1, "pred_cls": 64.71766150521665, "error_w_gmm": 0.14604496341833953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14312143421170756}, "run_4292": {"edge_length": 1000, "pf": 0.462128, "in_bounds_one_im": 1, "error_one_im": 0.09169998662565496, "one_im_sa_cls": 43.36734693877551, "model_in_bounds": 1, "pred_cls": 61.04809945923142, "error_w_gmm": 0.13172265346839007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12908582837304733}, "run_4293": {"edge_length": 1000, "pf": 0.476058, "in_bounds_one_im": 1, "error_one_im": 0.1362529683884268, "one_im_sa_cls": 66.26530612244898, "model_in_bounds": 1, "pred_cls": 165.33768603427072, "error_w_gmm": 0.34690736786190074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3399629734904567}, "run_4294": {"edge_length": 1000, "pf": 0.447199, "in_bounds_one_im": 1, "error_one_im": 0.12025210749185777, "one_im_sa_cls": 55.183673469387756, "model_in_bounds": 1, "pred_cls": 63.79300164079487, "error_w_gmm": 0.14185251209348476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13901290740988134}, "run_4295": {"edge_length": 1000, "pf": 0.510654, "in_bounds_one_im": 1, "error_one_im": 0.11778079873636922, "one_im_sa_cls": 61.38775510204081, "model_in_bounds": 1, "pred_cls": 134.48939610032318, "error_w_gmm": 0.2633071736746563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2580362886366796}, "run_4296": {"edge_length": 1000, "pf": 0.480852, "in_bounds_one_im": 1, "error_one_im": 0.10689634461429781, "one_im_sa_cls": 52.48979591836735, "model_in_bounds": 1, "pred_cls": 136.2559587594018, "error_w_gmm": 0.2831557458856372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2774875319757122}, "run_4297": {"edge_length": 1000, "pf": 0.567857, "in_bounds_one_im": 0, "error_one_im": 0.07875494263139841, "one_im_sa_cls": 46.06122448979592, "model_in_bounds": 1, "pred_cls": 135.67219094444056, "error_w_gmm": 0.236709170466164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2319707244620168}, "run_4298": {"edge_length": 1000, "pf": 0.515776, "in_bounds_one_im": 1, "error_one_im": 0.08755094387276735, "one_im_sa_cls": 46.10204081632653, "model_in_bounds": 1, "pred_cls": 62.314571571294636, "error_w_gmm": 0.12075696789941909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11833965398256047}, "run_4299": {"edge_length": 1000, "pf": 0.469652, "in_bounds_one_im": 1, "error_one_im": 0.11467964397016592, "one_im_sa_cls": 55.06122448979592, "model_in_bounds": 1, "pred_cls": 67.90190930228825, "error_w_gmm": 0.14431263665033758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14142378517433835}, "run_4300": {"edge_length": 1000, "pf": 0.510555, "in_bounds_one_im": 1, "error_one_im": 0.11040221027386292, "one_im_sa_cls": 57.53061224489796, "model_in_bounds": 1, "pred_cls": 67.11382905714989, "error_w_gmm": 0.13142339875721082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1287925641449897}, "run_4301": {"edge_length": 1000, "pf": 0.550424, "in_bounds_one_im": 1, "error_one_im": 0.11983630845821144, "one_im_sa_cls": 67.65306122448979, "model_in_bounds": 1, "pred_cls": 183.02786331163009, "error_w_gmm": 0.33082634272600836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.32420385844004024}, "run_4302": {"edge_length": 1000, "pf": 0.488482, "in_bounds_one_im": 1, "error_one_im": 0.10699507121083686, "one_im_sa_cls": 53.3469387755102, "model_in_bounds": 1, "pred_cls": 66.28725069867549, "error_w_gmm": 0.1356644880633491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1329487552926142}, "run_4303": {"edge_length": 1000, "pf": 0.545966, "in_bounds_one_im": 1, "error_one_im": 0.09345284461121416, "one_im_sa_cls": 52.285714285714285, "model_in_bounds": 1, "pred_cls": 67.71962972850794, "error_w_gmm": 0.12351109144511777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12103864546183192}, "run_4304": {"edge_length": 1000, "pf": 0.540964, "in_bounds_one_im": 1, "error_one_im": 0.10902752842605419, "one_im_sa_cls": 60.38775510204081, "model_in_bounds": 1, "pred_cls": 62.843287539162304, "error_w_gmm": 0.11577854379050218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11346088800593887}, "run_4305": {"edge_length": 1000, "pf": 0.515134, "in_bounds_one_im": 1, "error_one_im": 0.10780403353343676, "one_im_sa_cls": 56.69387755102041, "model_in_bounds": 1, "pred_cls": 68.59986542215039, "error_w_gmm": 0.13310795691152003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13044340080114425}, "run_4306": {"edge_length": 1000, "pf": 0.54981, "in_bounds_one_im": 1, "error_one_im": 0.11651037291814437, "one_im_sa_cls": 65.6938775510204, "model_in_bounds": 1, "pred_cls": 72.60605796286988, "error_w_gmm": 0.1313997256124797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12876936488945276}, "run_4307": {"edge_length": 1000, "pf": 0.488636, "in_bounds_one_im": 1, "error_one_im": 0.12132465186518453, "one_im_sa_cls": 60.51020408163265, "model_in_bounds": 1, "pred_cls": 72.11603779791481, "error_w_gmm": 0.14754829605292052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14459467312198876}, "run_4308": {"edge_length": 1000, "pf": 0.518839, "in_bounds_one_im": 1, "error_one_im": 0.09629881040869699, "one_im_sa_cls": 51.02040816326531, "model_in_bounds": 1, "pred_cls": 84.30566158113997, "error_w_gmm": 0.16237368207415112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15912328445124657}, "run_4309": {"edge_length": 1000, "pf": 0.516043, "in_bounds_one_im": 1, "error_one_im": 0.09606476708392334, "one_im_sa_cls": 50.61224489795919, "model_in_bounds": 1, "pred_cls": 133.27117925364558, "error_w_gmm": 0.2581229848849615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.25295587697825067}, "run_4310": {"edge_length": 1000, "pf": 0.504704, "in_bounds_one_im": 1, "error_one_im": 0.09937876150666736, "one_im_sa_cls": 51.183673469387756, "model_in_bounds": 1, "pred_cls": 82.54954037092611, "error_w_gmm": 0.16355306682931822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16027906027326813}, "run_4311": {"edge_length": 1000, "pf": 0.534881, "in_bounds_one_im": 1, "error_one_im": 0.08944470674263166, "one_im_sa_cls": 48.93877551020408, "model_in_bounds": 1, "pred_cls": 141.96490253280436, "error_w_gmm": 0.264767356296436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.25946724131144944}, "run_4312": {"edge_length": 1000, "pf": 0.444682, "in_bounds_one_im": 1, "error_one_im": 0.1269005498349944, "one_im_sa_cls": 57.93877551020408, "model_in_bounds": 1, "pred_cls": 61.95125167517346, "error_w_gmm": 0.1384605911029445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1356888859199492}, "run_4313": {"edge_length": 1000, "pf": 0.491335, "in_bounds_one_im": 1, "error_one_im": 0.10247898462875864, "one_im_sa_cls": 51.38775510204081, "model_in_bounds": 1, "pred_cls": 63.97158033988197, "error_w_gmm": 0.13017996552522632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1275740219690548}, "run_4314": {"edge_length": 1000, "pf": 0.529958, "in_bounds_one_im": 1, "error_one_im": 0.09534364755336783, "one_im_sa_cls": 51.6530612244898, "model_in_bounds": 1, "pred_cls": 67.10239025614831, "error_w_gmm": 0.1263908378024886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1238607450343606}, "run_4315": {"edge_length": 1000, "pf": 0.439677, "in_bounds_one_im": 0, "error_one_im": 0.11528032089944769, "one_im_sa_cls": 52.10204081632653, "model_in_bounds": 1, "pred_cls": 69.41794297669887, "error_w_gmm": 0.15673070492496707, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15359326846225496}, "run_4316": {"edge_length": 1000, "pf": 0.483883, "in_bounds_one_im": 1, "error_one_im": 0.12099718944022138, "one_im_sa_cls": 59.775510204081634, "model_in_bounds": 1, "pred_cls": 69.58901290532137, "error_w_gmm": 0.1437389843147812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14086161621566945}, "run_4317": {"edge_length": 1000, "pf": 0.466557, "in_bounds_one_im": 1, "error_one_im": 0.12027046296679181, "one_im_sa_cls": 57.38775510204081, "model_in_bounds": 1, "pred_cls": 100.77564524768702, "error_w_gmm": 0.2155148689150331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21120069060316793}, "run_4318": {"edge_length": 1000, "pf": 0.504198, "in_bounds_one_im": 1, "error_one_im": 0.08432742694116284, "one_im_sa_cls": 43.38775510204081, "model_in_bounds": 1, "pred_cls": 76.8961849839169, "error_w_gmm": 0.15250650463080206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1494536282422316}, "run_4319": {"edge_length": 1000, "pf": 0.504849, "in_bounds_one_im": 1, "error_one_im": 0.09507171599476641, "one_im_sa_cls": 48.97959183673469, "model_in_bounds": 1, "pred_cls": 67.73945575459354, "error_w_gmm": 0.13417134666207967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13148550360745723}, "run_4320": {"edge_length": 1000, "pf": 0.493034, "in_bounds_one_im": 1, "error_one_im": 0.09722344982090439, "one_im_sa_cls": 48.91836734693877, "model_in_bounds": 1, "pred_cls": 64.22578237187585, "error_w_gmm": 0.13025379372855642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12764637227884}, "run_4321": {"edge_length": 1200, "pf": 0.5005361111111111, "in_bounds_one_im": 1, "error_one_im": 0.09596195365889529, "one_im_sa_cls": 58.816326530612244, "model_in_bounds": 1, "pred_cls": 69.252391953315, "error_w_gmm": 0.11529696294240176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11298894744697834}, "run_4322": {"edge_length": 1200, "pf": 0.46283680555555556, "in_bounds_one_im": 1, "error_one_im": 0.10291676611277957, "one_im_sa_cls": 58.48979591836735, "model_in_bounds": 1, "pred_cls": 145.38716211534728, "error_w_gmm": 0.26104416449422124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.25581858039151156}, "run_4323": {"edge_length": 1200, "pf": 0.4966534722222222, "in_bounds_one_im": 1, "error_one_im": 0.08493167918365765, "one_im_sa_cls": 51.6530612244898, "model_in_bounds": 1, "pred_cls": 67.71363367641432, "error_w_gmm": 0.11361395279100404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11133962780580084}, "run_4324": {"edge_length": 1200, "pf": 0.49795694444444444, "in_bounds_one_im": 1, "error_one_im": 0.07938894580046876, "one_im_sa_cls": 48.40816326530612, "model_in_bounds": 1, "pred_cls": 77.68107563841237, "error_w_gmm": 0.12999856716016497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1273962548378675}, "run_4325": {"edge_length": 1200, "pf": 0.5204597222222223, "in_bounds_one_im": 1, "error_one_im": 0.09649861598590467, "one_im_sa_cls": 61.55102040816327, "model_in_bounds": 1, "pred_cls": 125.30580255703632, "error_w_gmm": 0.20046516439279752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19645225118239218}, "run_4326": {"edge_length": 1200, "pf": 0.4991555555555556, "in_bounds_one_im": 1, "error_one_im": 0.08627734061619938, "one_im_sa_cls": 52.734693877551024, "model_in_bounds": 1, "pred_cls": 56.09528478212702, "error_w_gmm": 0.09365017270361901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09177548282252464}, "run_4327": {"edge_length": 1200, "pf": 0.49449583333333336, "in_bounds_one_im": 1, "error_one_im": 0.08219844784270532, "one_im_sa_cls": 49.775510204081634, "model_in_bounds": 1, "pred_cls": 62.86155466482886, "error_w_gmm": 0.10592901130086911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10380852353381996}, "run_4328": {"edge_length": 1200, "pf": 0.4939458333333333, "in_bounds_one_im": 1, "error_one_im": 0.11086568977682042, "one_im_sa_cls": 67.06122448979592, "model_in_bounds": 1, "pred_cls": 81.80141306553104, "error_w_gmm": 0.13799660273500264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13523418567474338}, "run_4329": {"edge_length": 1200, "pf": 0.5260180555555556, "in_bounds_one_im": 1, "error_one_im": 0.07388192852193942, "one_im_sa_cls": 47.6530612244898, "model_in_bounds": 1, "pred_cls": 78.14096029518934, "error_w_gmm": 0.12362550169396165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12115076544543009}, "run_4330": {"edge_length": 1200, "pf": 0.45429930555555553, "in_bounds_one_im": 0, "error_one_im": 0.07964040782350267, "one_im_sa_cls": 44.48979591836735, "model_in_bounds": 1, "pred_cls": 86.82203699287365, "error_w_gmm": 0.1585933369920702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15541861434624077}, "run_4331": {"edge_length": 1200, "pf": 0.5365993055555556, "in_bounds_one_im": 1, "error_one_im": 0.08877695359238517, "one_im_sa_cls": 58.48979591836735, "model_in_bounds": 1, "pred_cls": 76.03855244026954, "error_w_gmm": 0.1177703259768104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11541279868104527}, "run_4332": {"edge_length": 1200, "pf": 0.47468055555555555, "in_bounds_one_im": 1, "error_one_im": 0.09874484503136047, "one_im_sa_cls": 57.46938775510204, "model_in_bounds": 1, "pred_cls": 67.31260788878572, "error_w_gmm": 0.11802015576870536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11565762737823475}, "run_4333": {"edge_length": 1200, "pf": 0.5014694444444444, "in_bounds_one_im": 1, "error_one_im": 0.09116333944744967, "one_im_sa_cls": 55.97959183673469, "model_in_bounds": 1, "pred_cls": 65.53975211286097, "error_w_gmm": 0.10891236711543065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1067321585086242}, "run_4334": {"edge_length": 1200, "pf": 0.47794583333333335, "in_bounds_one_im": 1, "error_one_im": 0.10388356555026142, "one_im_sa_cls": 60.857142857142854, "model_in_bounds": 1, "pred_cls": 64.92732403417493, "error_w_gmm": 0.11309533640799523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11083139308955615}, "run_4335": {"edge_length": 1200, "pf": 0.45333958333333335, "in_bounds_one_im": 0, "error_one_im": 0.07796458326369658, "one_im_sa_cls": 43.46938775510204, "model_in_bounds": 1, "pred_cls": 66.67059113890075, "error_w_gmm": 0.1220197269788801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11957713514100762}, "run_4336": {"edge_length": 1200, "pf": 0.5062631944444445, "in_bounds_one_im": 1, "error_one_im": 0.08229441218293684, "one_im_sa_cls": 51.02040816326531, "model_in_bounds": 1, "pred_cls": 62.132113464800405, "error_w_gmm": 0.10226439423762786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10021726480327799}, "run_4337": {"edge_length": 1200, "pf": 0.5056743055555556, "in_bounds_one_im": 1, "error_one_im": 0.08611549928062465, "one_im_sa_cls": 53.326530612244895, "model_in_bounds": 1, "pred_cls": 67.25784818524693, "error_w_gmm": 0.11083141230929443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10861278824096314}, "run_4338": {"edge_length": 1200, "pf": 0.5098451388888889, "in_bounds_one_im": 1, "error_one_im": 0.09978036421562604, "one_im_sa_cls": 62.30612244897959, "model_in_bounds": 1, "pred_cls": 76.49055848785675, "error_w_gmm": 0.12499829728206925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12249608040084334}, "run_4339": {"edge_length": 1200, "pf": 0.4978666666666667, "in_bounds_one_im": 1, "error_one_im": 0.09058401333496778, "one_im_sa_cls": 55.224489795918366, "model_in_bounds": 1, "pred_cls": 72.51374565712258, "error_w_gmm": 0.12137300083337485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11894335516448241}, "run_4340": {"edge_length": 1200, "pf": 0.4893708333333333, "in_bounds_one_im": 1, "error_one_im": 0.07912990724538631, "one_im_sa_cls": 47.42857142857143, "model_in_bounds": 1, "pred_cls": 81.45835265037014, "error_w_gmm": 0.13868137553142837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13590525068403703}, "run_4341": {"edge_length": 1200, "pf": 0.49599583333333336, "in_bounds_one_im": 1, "error_one_im": 0.0749632461364153, "one_im_sa_cls": 45.53061224489796, "model_in_bounds": 1, "pred_cls": 65.11990850716747, "error_w_gmm": 0.10940585907647965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10721577174378231}, "run_4342": {"edge_length": 1200, "pf": 0.5083972222222222, "in_bounds_one_im": 1, "error_one_im": 0.08561493221019902, "one_im_sa_cls": 53.30612244897959, "model_in_bounds": 1, "pred_cls": 142.52259484662562, "error_w_gmm": 0.2335812885929118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2289054565522818}, "run_4343": {"edge_length": 1200, "pf": 0.5207201388888889, "in_bounds_one_im": 1, "error_one_im": 0.0828252837127297, "one_im_sa_cls": 52.857142857142854, "model_in_bounds": 1, "pred_cls": 105.79193289197325, "error_w_gmm": 0.16915845304240457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16577223782181139}, "run_4344": {"edge_length": 1200, "pf": 0.5239333333333334, "in_bounds_one_im": 1, "error_one_im": 0.06834504715389263, "one_im_sa_cls": 43.89795918367347, "model_in_bounds": 1, "pred_cls": 61.26316032772308, "error_w_gmm": 0.09732939378273149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09538105322563514}, "run_4345": {"edge_length": 1200, "pf": 0.5535055555555556, "in_bounds_one_im": 0, "error_one_im": 0.07436513900452965, "one_im_sa_cls": 50.69387755102041, "model_in_bounds": 1, "pred_cls": 66.13026847450838, "error_w_gmm": 0.09899108242063505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0970094781675404}, "run_4346": {"edge_length": 1200, "pf": 0.5365951388888889, "in_bounds_one_im": 1, "error_one_im": 0.09376486043065999, "one_im_sa_cls": 61.775510204081634, "model_in_bounds": 1, "pred_cls": 70.35880370582679, "error_w_gmm": 0.10897430849960213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10679285994968865}, "run_4347": {"edge_length": 1200, "pf": 0.4708833333333333, "in_bounds_one_im": 1, "error_one_im": 0.09084309097291583, "one_im_sa_cls": 52.46938775510204, "model_in_bounds": 1, "pred_cls": 65.33372042908123, "error_w_gmm": 0.11542641325771578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1131158064248797}, "run_4348": {"edge_length": 1200, "pf": 0.48585833333333334, "in_bounds_one_im": 1, "error_one_im": 0.11785197625256083, "one_im_sa_cls": 70.14285714285714, "model_in_bounds": 1, "pred_cls": 63.14494362410477, "error_w_gmm": 0.1082614655657572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1060942867112037}, "run_4349": {"edge_length": 1200, "pf": 0.4801048611111111, "in_bounds_one_im": 1, "error_one_im": 0.0866468992628209, "one_im_sa_cls": 50.97959183673469, "model_in_bounds": 1, "pred_cls": 66.63766328426513, "error_w_gmm": 0.11557351876061449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11325996716868435}, "run_4350": {"edge_length": 1200, "pf": 0.5633763888888889, "in_bounds_one_im": 0, "error_one_im": 0.07928853569327625, "one_im_sa_cls": 55.142857142857146, "model_in_bounds": 0, "pred_cls": 61.80903897812146, "error_w_gmm": 0.09068908673643121, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0888736718971171}, "run_4351": {"edge_length": 1200, "pf": 0.4760847222222222, "in_bounds_one_im": 1, "error_one_im": 0.09304735848807802, "one_im_sa_cls": 54.30612244897959, "model_in_bounds": 1, "pred_cls": 73.39072079337348, "error_w_gmm": 0.1283152610052844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12574664511860717}, "run_4352": {"edge_length": 1200, "pf": 0.5246166666666666, "in_bounds_one_im": 1, "error_one_im": 0.0885270316035777, "one_im_sa_cls": 56.93877551020408, "model_in_bounds": 1, "pred_cls": 135.21009216317302, "error_w_gmm": 0.21451555650580265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21022138243747013}, "run_4353": {"edge_length": 1200, "pf": 0.5301625, "in_bounds_one_im": 1, "error_one_im": 0.07628252490787514, "one_im_sa_cls": 49.61224489795919, "model_in_bounds": 1, "pred_cls": 68.26341674303406, "error_w_gmm": 0.10710410274005071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10496009198348855}, "run_4354": {"edge_length": 1200, "pf": 0.4989951388888889, "in_bounds_one_im": 1, "error_one_im": 0.09736035224596726, "one_im_sa_cls": 59.48979591836735, "model_in_bounds": 1, "pred_cls": 82.80005587440179, "error_w_gmm": 0.13827771422880197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13550966987648672}, "run_4355": {"edge_length": 1200, "pf": 0.5134277777777778, "in_bounds_one_im": 1, "error_one_im": 0.08131783488521054, "one_im_sa_cls": 51.142857142857146, "model_in_bounds": 1, "pred_cls": 105.09686912237954, "error_w_gmm": 0.17051889250755065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1671054439992282}, "run_4356": {"edge_length": 1200, "pf": 0.4984104166666667, "in_bounds_one_im": 1, "error_one_im": 0.08837890720692501, "one_im_sa_cls": 53.93877551020408, "model_in_bounds": 1, "pred_cls": 63.196151843937, "error_w_gmm": 0.1056623055433648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.103547156694231}, "run_4357": {"edge_length": 1200, "pf": 0.50243125, "in_bounds_one_im": 1, "error_one_im": 0.10173555704311033, "one_im_sa_cls": 62.59183673469388, "model_in_bounds": 1, "pred_cls": 74.44725716365647, "error_w_gmm": 0.12347688870611587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12100512739352384}, "run_4358": {"edge_length": 1200, "pf": 0.5345881944444445, "in_bounds_one_im": 1, "error_one_im": 0.0735236828322514, "one_im_sa_cls": 48.244897959183675, "model_in_bounds": 0, "pred_cls": 21.18368625426596, "error_w_gmm": 0.03294270832019421, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0322832609303943}, "run_4359": {"edge_length": 1200, "pf": 0.4958416666666667, "in_bounds_one_im": 1, "error_one_im": 0.08980886016824224, "one_im_sa_cls": 54.53061224489796, "model_in_bounds": 1, "pred_cls": 134.33922214210526, "error_w_gmm": 0.22576860245207506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22124916482300427}, "run_4360": {"edge_length": 1200, "pf": 0.4960027777777778, "in_bounds_one_im": 1, "error_one_im": 0.07365179434619848, "one_im_sa_cls": 44.734693877551024, "model_in_bounds": 1, "pred_cls": 60.34036093071839, "error_w_gmm": 0.10137448718794427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09934517191979396}, "run_4361": {"edge_length": 1400, "pf": 0.5200642857142858, "in_bounds_one_im": 1, "error_one_im": 0.07915571034117329, "one_im_sa_cls": 58.857142857142854, "model_in_bounds": 1, "pred_cls": 66.76443449831181, "error_w_gmm": 0.08979170738952992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08979005744583556}, "run_4362": {"edge_length": 1400, "pf": 0.5222729591836734, "in_bounds_one_im": 1, "error_one_im": 0.08069164405618187, "one_im_sa_cls": 60.265306122448976, "model_in_bounds": 1, "pred_cls": 63.46031985630246, "error_w_gmm": 0.08497113790888418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08496957654428522}, "run_4363": {"edge_length": 1400, "pf": 0.4918311224489796, "in_bounds_one_im": 1, "error_one_im": 0.08061938213200967, "one_im_sa_cls": 56.6530612244898, "model_in_bounds": 1, "pred_cls": 39.073255820376126, "error_w_gmm": 0.0556036965739516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055602674842978754}, "run_4364": {"edge_length": 1400, "pf": 0.4999137755102041, "in_bounds_one_im": 1, "error_one_im": 0.07372564401300567, "one_im_sa_cls": 52.6530612244898, "model_in_bounds": 1, "pred_cls": 62.3919379711203, "error_w_gmm": 0.0873637776550619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08736217232514613}, "run_4365": {"edge_length": 1400, "pf": 0.525744387755102, "in_bounds_one_im": 1, "error_one_im": 0.07768984234319275, "one_im_sa_cls": 58.42857142857143, "model_in_bounds": 1, "pred_cls": 67.62288184845106, "error_w_gmm": 0.08991675543754421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08991510319606258}, "run_4366": {"edge_length": 1400, "pf": 0.4919204081632653, "in_bounds_one_im": 1, "error_one_im": 0.07442023493967337, "one_im_sa_cls": 52.30612244897959, "model_in_bounds": 1, "pred_cls": 135.15557244635082, "error_w_gmm": 0.1923005149515248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1922969813844362}, "run_4367": {"edge_length": 1400, "pf": 0.5393, "in_bounds_one_im": 1, "error_one_im": 0.08397402910197169, "one_im_sa_cls": 64.89795918367346, "model_in_bounds": 1, "pred_cls": 67.79219053874128, "error_w_gmm": 0.08772060109359463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08771898920696442}, "run_4368": {"edge_length": 1400, "pf": 0.5362775510204082, "in_bounds_one_im": 1, "error_one_im": 0.0685984756012999, "one_im_sa_cls": 52.69387755102041, "model_in_bounds": 1, "pred_cls": 66.83871340316195, "error_w_gmm": 0.0870142475051433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08701264859792604}, "run_4369": {"edge_length": 1400, "pf": 0.5347923469387755, "in_bounds_one_im": 1, "error_one_im": 0.0836461823711145, "one_im_sa_cls": 64.06122448979592, "model_in_bounds": 1, "pred_cls": 68.32396138225045, "error_w_gmm": 0.08921377317898381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0892121338549661}, "run_4370": {"edge_length": 1400, "pf": 0.5015668367346939, "in_bounds_one_im": 1, "error_one_im": 0.06852651673035655, "one_im_sa_cls": 49.10204081632653, "model_in_bounds": 1, "pred_cls": 60.668872074381774, "error_w_gmm": 0.08467067362555554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08466911778205828}, "run_4371": {"edge_length": 1400, "pf": 0.5072183673469388, "in_bounds_one_im": 1, "error_one_im": 0.07597937045749585, "one_im_sa_cls": 55.06122448979592, "model_in_bounds": 1, "pred_cls": 61.72562406865555, "error_w_gmm": 0.08517718740202705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0851756222512204}, "run_4372": {"edge_length": 1400, "pf": 0.5064693877551021, "in_bounds_one_im": 1, "error_one_im": 0.07033975836024906, "one_im_sa_cls": 50.89795918367347, "model_in_bounds": 1, "pred_cls": 86.84155565352695, "error_w_gmm": 0.12001515156742482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12001294626085128}, "run_4373": {"edge_length": 1400, "pf": 0.5063127551020408, "in_bounds_one_im": 1, "error_one_im": 0.0814774978399913, "one_im_sa_cls": 58.93877551020408, "model_in_bounds": 1, "pred_cls": 67.97660641875218, "error_w_gmm": 0.09397320404076981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09397147726109319}, "run_4374": {"edge_length": 1400, "pf": 0.532330612244898, "in_bounds_one_im": 1, "error_one_im": 0.07554501510065316, "one_im_sa_cls": 57.57142857142857, "model_in_bounds": 1, "pred_cls": 69.38384454935658, "error_w_gmm": 0.09104689655537922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09104522354728933}, "run_4375": {"edge_length": 1400, "pf": 0.5423510204081633, "in_bounds_one_im": 0, "error_one_im": 0.06679405046631189, "one_im_sa_cls": 51.93877551020408, "model_in_bounds": 1, "pred_cls": 64.54753127412003, "error_w_gmm": 0.08301062632542472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08300910098568626}, "run_4376": {"edge_length": 1400, "pf": 0.5051147959183674, "in_bounds_one_im": 1, "error_one_im": 0.07813795664389825, "one_im_sa_cls": 56.38775510204081, "model_in_bounds": 1, "pred_cls": 67.01622751387288, "error_w_gmm": 0.09286780958611272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09286610311831861}, "run_4377": {"edge_length": 1400, "pf": 0.4961525510204082, "in_bounds_one_im": 1, "error_one_im": 0.09190280686691715, "one_im_sa_cls": 65.14285714285714, "model_in_bounds": 1, "pred_cls": 71.16136560980044, "error_w_gmm": 0.10039549540518439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10039365061439694}, "run_4378": {"edge_length": 1400, "pf": 0.4838683673469388, "in_bounds_one_im": 1, "error_one_im": 0.08527828167419246, "one_im_sa_cls": 58.97959183673469, "model_in_bounds": 1, "pred_cls": 67.61234411904897, "error_w_gmm": 0.0977621292032412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09776033280117567}, "run_4379": {"edge_length": 1400, "pf": 0.4883469387755102, "in_bounds_one_im": 1, "error_one_im": 0.08200220645226479, "one_im_sa_cls": 57.224489795918366, "model_in_bounds": 1, "pred_cls": 61.847135898175374, "error_w_gmm": 0.08862804750331398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08862641894214307}, "run_4380": {"edge_length": 1400, "pf": 0.49625255102040816, "in_bounds_one_im": 1, "error_one_im": 0.08031251615366314, "one_im_sa_cls": 56.93877551020408, "model_in_bounds": 1, "pred_cls": 68.22091088464482, "error_w_gmm": 0.0962278102747572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09622604206616198}, "run_4381": {"edge_length": 1400, "pf": 0.5549785714285714, "in_bounds_one_im": 0, "error_one_im": 0.06772207728448633, "one_im_sa_cls": 54.02040816326531, "model_in_bounds": 0, "pred_cls": 65.98626703504374, "error_w_gmm": 0.08272446179550359, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08272294171410549}, "run_4382": {"edge_length": 1400, "pf": 0.5134244897959184, "in_bounds_one_im": 1, "error_one_im": 0.0659744066849316, "one_im_sa_cls": 48.40816326530612, "model_in_bounds": 1, "pred_cls": 72.92168677842335, "error_w_gmm": 0.09938516769452843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09938334146874966}, "run_4383": {"edge_length": 1400, "pf": 0.46639030612244897, "in_bounds_one_im": 1, "error_one_im": 0.0823301040881881, "one_im_sa_cls": 54.97959183673469, "model_in_bounds": 1, "pred_cls": 66.49733472322113, "error_w_gmm": 0.09957936950406134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09957753970977884}, "run_4384": {"edge_length": 1400, "pf": 0.5047632653061225, "in_bounds_one_im": 1, "error_one_im": 0.08971101961256284, "one_im_sa_cls": 64.6938775510204, "model_in_bounds": 1, "pred_cls": 60.62677402528236, "error_w_gmm": 0.08407271077623042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08407116592044087}, "run_4385": {"edge_length": 1400, "pf": 0.49238979591836735, "in_bounds_one_im": 1, "error_one_im": 0.08139960394208125, "one_im_sa_cls": 57.265306122448976, "model_in_bounds": 1, "pred_cls": 72.74618461740219, "error_w_gmm": 0.10340675407616942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10340485395279721}, "run_4386": {"edge_length": 1400, "pf": 0.49237551020408166, "in_bounds_one_im": 1, "error_one_im": 0.07000101839505454, "one_im_sa_cls": 49.244897959183675, "model_in_bounds": 1, "pred_cls": 65.96977557611751, "error_w_gmm": 0.09377694994820238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09377522677474084}, "run_4387": {"edge_length": 1400, "pf": 0.4696423469387755, "in_bounds_one_im": 1, "error_one_im": 0.09481930216645881, "one_im_sa_cls": 63.734693877551024, "model_in_bounds": 1, "pred_cls": 67.14665378899791, "error_w_gmm": 0.09989717469877107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09989533906474347}, "run_4388": {"edge_length": 1400, "pf": 0.4773984693877551, "in_bounds_one_im": 1, "error_one_im": 0.07849889160857158, "one_im_sa_cls": 53.59183673469388, "model_in_bounds": 1, "pred_cls": 64.5469972355347, "error_w_gmm": 0.09454725112948764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09454551380156108}, "run_4389": {"edge_length": 1400, "pf": 0.47655, "in_bounds_one_im": 1, "error_one_im": 0.0960598048588888, "one_im_sa_cls": 65.46938775510205, "model_in_bounds": 1, "pred_cls": 69.31243389582598, "error_w_gmm": 0.10170037401825571, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10169850525001745}, "run_4390": {"edge_length": 1400, "pf": 0.505690306122449, "in_bounds_one_im": 1, "error_one_im": 0.08872564418997447, "one_im_sa_cls": 64.10204081632654, "model_in_bounds": 1, "pred_cls": 71.00016064984801, "error_w_gmm": 0.09827535392922732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09827354809653698}, "run_4391": {"edge_length": 1400, "pf": 0.5039510204081633, "in_bounds_one_im": 1, "error_one_im": 0.07120520255911465, "one_im_sa_cls": 51.265306122448976, "model_in_bounds": 1, "pred_cls": 66.76725334110894, "error_w_gmm": 0.09273841353477678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0927367094446656}, "run_4392": {"edge_length": 1400, "pf": 0.49565408163265307, "in_bounds_one_im": 1, "error_one_im": 0.07718083269002313, "one_im_sa_cls": 54.6530612244898, "model_in_bounds": 1, "pred_cls": 65.58371096579874, "error_w_gmm": 0.09261875407164873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09261705218030813}, "run_4393": {"edge_length": 1400, "pf": 0.5125454081632653, "in_bounds_one_im": 1, "error_one_im": 0.07904678673373323, "one_im_sa_cls": 57.89795918367347, "model_in_bounds": 1, "pred_cls": 81.04377266341349, "error_w_gmm": 0.11064928060772285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11064724740122603}, "run_4394": {"edge_length": 1400, "pf": 0.5270102040816327, "in_bounds_one_im": 1, "error_one_im": 0.07605830958832124, "one_im_sa_cls": 57.3469387755102, "model_in_bounds": 1, "pred_cls": 87.8586018326944, "error_w_gmm": 0.11652757188739228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11652543066591381}, "run_4395": {"edge_length": 1400, "pf": 0.4649301020408163, "in_bounds_one_im": 1, "error_one_im": 0.0797828544161179, "one_im_sa_cls": 53.12244897959184, "model_in_bounds": 1, "pred_cls": 67.99594611079992, "error_w_gmm": 0.10212274583512948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10212086930571004}, "run_4396": {"edge_length": 1400, "pf": 0.4831117346938775, "in_bounds_one_im": 1, "error_one_im": 0.06451374512203063, "one_im_sa_cls": 44.55102040816327, "model_in_bounds": 1, "pred_cls": 63.022208462403725, "error_w_gmm": 0.09126330593325609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09126162894859312}, "run_4397": {"edge_length": 1400, "pf": 0.5022112244897959, "in_bounds_one_im": 1, "error_one_im": 0.07819483317683257, "one_im_sa_cls": 56.10204081632653, "model_in_bounds": 1, "pred_cls": 85.64915909980881, "error_w_gmm": 0.1193796995120342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11937750588204127}, "run_4398": {"edge_length": 1400, "pf": 0.5085785714285714, "in_bounds_one_im": 1, "error_one_im": 0.07616609266499641, "one_im_sa_cls": 55.3469387755102, "model_in_bounds": 1, "pred_cls": 93.46549467481717, "error_w_gmm": 0.1286255843552048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12862322082990812}, "run_4399": {"edge_length": 1400, "pf": 0.49757448979591834, "in_bounds_one_im": 1, "error_one_im": 0.06327648605673386, "one_im_sa_cls": 44.97959183673469, "model_in_bounds": 1, "pred_cls": 52.45482054051781, "error_w_gmm": 0.07379386020204216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07379250422254405}, "run_4400": {"edge_length": 1400, "pf": 0.5011632653061224, "in_bounds_one_im": 1, "error_one_im": 0.07713320305034253, "one_im_sa_cls": 55.224489795918366, "model_in_bounds": 1, "pred_cls": 65.27815303599037, "error_w_gmm": 0.09117704073985336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09117536534033356}}, "fractal_noise_0.015_7_True_simplex": {"true_cls": 22.46938775510204, "true_pf": 0.5000472133333334, "run_4401": {"edge_length": 600, "pf": 0.4913138888888889, "in_bounds_one_im": 1, "error_one_im": 0.06701979954905321, "one_im_sa_cls": 20.163265306122447, "model_in_bounds": 1, "pred_cls": 7.708330008828488, "error_w_gmm": 0.026642286606282484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02562138245995163}, "run_4402": {"edge_length": 600, "pf": 0.5023805555555556, "in_bounds_one_im": 1, "error_one_im": 0.09627209731310077, "one_im_sa_cls": 29.612244897959183, "model_in_bounds": 1, "pred_cls": 25.59238205944793, "error_w_gmm": 0.08651845348535282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08320315817295663}, "run_4403": {"edge_length": 600, "pf": 0.4997361111111111, "in_bounds_one_im": 1, "error_one_im": 0.08150817655580536, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 31.557852231076858, "error_w_gmm": 0.10725126578595856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10314151111068642}, "run_4404": {"edge_length": 600, "pf": 0.49083055555555555, "in_bounds_one_im": 1, "error_one_im": 0.06966481572541579, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 57.90729005524913, "error_w_gmm": 0.2003384870997683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19266172890058428}, "run_4405": {"edge_length": 600, "pf": 0.5290805555555556, "in_bounds_one_im": 1, "error_one_im": 0.06490719913772691, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 25.34731485876086, "error_w_gmm": 0.08122882064976993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07811621845355478}, "run_4406": {"edge_length": 600, "pf": 0.48604722222222224, "in_bounds_one_im": 1, "error_one_im": 0.0692379993738488, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 22.481623636229514, "error_w_gmm": 0.07852642502560152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07551737576155425}, "run_4407": {"edge_length": 600, "pf": 0.5074972222222223, "in_bounds_one_im": 1, "error_one_im": 0.07204351528586603, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 20.091097712061416, "error_w_gmm": 0.06722904629512902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06465290059371695}, "run_4408": {"edge_length": 600, "pf": 0.5153722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07091711119350304, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 21.01128173109012, "error_w_gmm": 0.0692089039413325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06655689219621248}, "run_4409": {"edge_length": 600, "pf": 0.5114777777777778, "in_bounds_one_im": 1, "error_one_im": 0.07199325603253263, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 25.109472348626095, "error_w_gmm": 0.08335509309810336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08016101439835784}, "run_4410": {"edge_length": 600, "pf": 0.49490555555555554, "in_bounds_one_im": 1, "error_one_im": 0.08391583769185015, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 64.18883954564077, "error_w_gmm": 0.22026750514619778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21182708812686193}, "run_4411": {"edge_length": 600, "pf": 0.5105416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06429530468708888, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 27.95800546735449, "error_w_gmm": 0.09298528580700784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08942218834352879}, "run_4412": {"edge_length": 600, "pf": 0.5041805555555555, "in_bounds_one_im": 1, "error_one_im": 0.06617646570912669, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 16.68724723263146, "error_w_gmm": 0.05621072780797496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05405679237685096}, "run_4413": {"edge_length": 600, "pf": 0.4835027777777778, "in_bounds_one_im": 1, "error_one_im": 0.06270131675071636, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 19.53288572127948, "error_w_gmm": 0.06857513870832473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06594741217429556}, "run_4414": {"edge_length": 600, "pf": 0.49306666666666665, "in_bounds_one_im": 1, "error_one_im": 0.07516716153412314, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 25.29295868362887, "error_w_gmm": 0.08711401183729321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08377589536093838}, "run_4415": {"edge_length": 600, "pf": 0.4819861111111111, "in_bounds_one_im": 1, "error_one_im": 0.08272720491546863, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 19.185583015786808, "error_w_gmm": 0.06756071211087844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06497185732741584}, "run_4416": {"edge_length": 600, "pf": 0.5046888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06908115793874954, "one_im_sa_cls": 21.346938775510203, "model_in_bounds": 1, "pred_cls": 21.40724784120743, "error_w_gmm": 0.07203669472342958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06927632503677617}, "run_4417": {"edge_length": 600, "pf": 0.5000138888888889, "in_bounds_one_im": 1, "error_one_im": 0.08706264835574636, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 33.41713949202617, "error_w_gmm": 0.1135070887584248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10915761758637885}, "run_4418": {"edge_length": 600, "pf": 0.49919444444444444, "in_bounds_one_im": 1, "error_one_im": 0.0577585876897718, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 17.984531020685917, "error_w_gmm": 0.06118776523921127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05884311501603206}, "run_4419": {"edge_length": 600, "pf": 0.4842111111111111, "in_bounds_one_im": 1, "error_one_im": 0.082359466880943, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 10.496600468792415, "error_w_gmm": 0.036798749436018845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035388660413473674}, "run_4420": {"edge_length": 600, "pf": 0.4869, "in_bounds_one_im": 1, "error_one_im": 0.07904308186052332, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 24.070279127004525, "error_w_gmm": 0.08393208731855667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0807158988126682}, "run_4421": {"edge_length": 600, "pf": 0.5189472222222222, "in_bounds_one_im": 1, "error_one_im": 0.07175915759297079, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 1, "pred_cls": 42.69663820981047, "error_w_gmm": 0.13963497970512093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1342843154824728}, "run_4422": {"edge_length": 600, "pf": 0.49409722222222224, "in_bounds_one_im": 1, "error_one_im": 0.06536599306033276, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 19.883433684755047, "error_w_gmm": 0.06834149708645591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0657227234514045}, "run_4423": {"edge_length": 600, "pf": 0.5163888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06619235184645245, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 23.28061116337096, "error_w_gmm": 0.07652790864787062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07359544041032032}, "run_4424": {"edge_length": 600, "pf": 0.5263055555555556, "in_bounds_one_im": 1, "error_one_im": 0.06773613306359742, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 18.559305392816157, "error_w_gmm": 0.059807777468802004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05751600691235396}, "run_4425": {"edge_length": 600, "pf": 0.4655861111111111, "in_bounds_one_im": 1, "error_one_im": 0.07792276798861031, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 25.730281608937457, "error_w_gmm": 0.09363736343338773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0900492790473393}, "run_4426": {"edge_length": 600, "pf": 0.49057222222222224, "in_bounds_one_im": 1, "error_one_im": 0.06874974751001715, "one_im_sa_cls": 20.653061224489797, "model_in_bounds": 1, "pred_cls": 18.038569711653565, "error_w_gmm": 0.06243925472990243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060046648757690974}, "run_4427": {"edge_length": 600, "pf": 0.49504166666666666, "in_bounds_one_im": 1, "error_one_im": 0.09493509035217292, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 24.483890348591274, "error_w_gmm": 0.08399493489918068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08077633814070505}, "run_4428": {"edge_length": 600, "pf": 0.4865583333333333, "in_bounds_one_im": 1, "error_one_im": 0.06368861524913828, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 16.88774162782592, "error_w_gmm": 0.058927151796074176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056669125880765156}, "run_4429": {"edge_length": 600, "pf": 0.5061722222222222, "in_bounds_one_im": 1, "error_one_im": 0.08408727167214007, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 26.381409456357098, "error_w_gmm": 0.08851204507208227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08512035744595346}, "run_4430": {"edge_length": 600, "pf": 0.5023833333333333, "in_bounds_one_im": 1, "error_one_im": 0.08306822618659117, "one_im_sa_cls": 25.551020408163264, "model_in_bounds": 1, "pred_cls": 18.509057174715007, "error_w_gmm": 0.06257198340520068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060174291411021506}, "run_4431": {"edge_length": 600, "pf": 0.49341666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05964581887020502, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 8.592896770562252, "error_w_gmm": 0.0295749427655185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028441662347699848}, "run_4432": {"edge_length": 600, "pf": 0.48817222222222223, "in_bounds_one_im": 1, "error_one_im": 0.08928610931353155, "one_im_sa_cls": 26.693877551020407, "model_in_bounds": 1, "pred_cls": 28.889095912639302, "error_w_gmm": 0.10047895788476355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09662871086056996}, "run_4433": {"edge_length": 600, "pf": 0.5217555555555555, "in_bounds_one_im": 1, "error_one_im": 0.07122892354087376, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 30.08281319631318, "error_w_gmm": 0.09783081013529787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0940820373222889}, "run_4434": {"edge_length": 600, "pf": 0.484025, "in_bounds_one_im": 1, "error_one_im": 0.0756447664018853, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 22.619964495887952, "error_w_gmm": 0.07933012327558947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07629027714759672}, "run_4435": {"edge_length": 600, "pf": 0.5239694444444445, "in_bounds_one_im": 1, "error_one_im": 0.06322491813052541, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 38.886576114008484, "error_w_gmm": 0.12590121392740097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.121076813033213}, "run_4436": {"edge_length": 600, "pf": 0.5002444444444445, "in_bounds_one_im": 1, "error_one_im": 0.06236835473266113, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 21.64697138764511, "error_w_gmm": 0.07349378229271672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07067757855686793}, "run_4437": {"edge_length": 600, "pf": 0.48123333333333335, "in_bounds_one_im": 1, "error_one_im": 0.06845500912634506, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 1, "pred_cls": 23.936602560013124, "error_w_gmm": 0.08441827364303049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08118345499319539}, "run_4438": {"edge_length": 600, "pf": 0.5117055555555555, "in_bounds_one_im": 1, "error_one_im": 0.07476071980869857, "one_im_sa_cls": 23.428571428571427, "model_in_bounds": 1, "pred_cls": 37.78737820348857, "error_w_gmm": 0.12538435871715134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12057976316606299}, "run_4439": {"edge_length": 600, "pf": 0.4920111111111111, "in_bounds_one_im": 1, "error_one_im": 0.08081293046497366, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 28.056838941100757, "error_w_gmm": 0.09683763348217539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09312691814441984}, "run_4440": {"edge_length": 600, "pf": 0.5238833333333334, "in_bounds_one_im": 1, "error_one_im": 0.07257821211781654, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 62.28763177350206, "error_w_gmm": 0.2017005104403148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19397156095228577}, "run_4441": {"edge_length": 800, "pf": 0.4988078125, "in_bounds_one_im": 1, "error_one_im": 0.04876524237841042, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 16.0921150968865, "error_w_gmm": 0.04005588956006986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03951907375227792}, "run_4442": {"edge_length": 800, "pf": 0.535071875, "in_bounds_one_im": 0, "error_one_im": 0.047632104198600776, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 0, "pred_cls": 23.010092952020493, "error_w_gmm": 0.05326267186587244, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05254886312171853}, "run_4443": {"edge_length": 800, "pf": 0.5157671875, "in_bounds_one_im": 1, "error_one_im": 0.0580873360568029, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 22.209014968316172, "error_w_gmm": 0.05343764092936998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05272148730759151}, "run_4444": {"edge_length": 800, "pf": 0.4997734375, "in_bounds_one_im": 1, "error_one_im": 0.060026090648690106, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 19.49807021884758, "error_w_gmm": 0.04844022455667238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047791044659268686}, "run_4445": {"edge_length": 800, "pf": 0.5125359375, "in_bounds_one_im": 1, "error_one_im": 0.04495749303946276, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 20.948298997989987, "error_w_gmm": 0.05073125809875839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050051374526187915}, "run_4446": {"edge_length": 800, "pf": 0.4894, "in_bounds_one_im": 1, "error_one_im": 0.057913991931324446, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 17.854384894841214, "error_w_gmm": 0.04528673840580969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04467982048870473}, "run_4447": {"edge_length": 800, "pf": 0.492540625, "in_bounds_one_im": 1, "error_one_im": 0.05288218054000795, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 19.813691126539492, "error_w_gmm": 0.0499416317548196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04927233049382257}, "run_4448": {"edge_length": 800, "pf": 0.5052, "in_bounds_one_im": 1, "error_one_im": 0.04948176683970165, "one_im_sa_cls": 20.408163265306122, "model_in_bounds": 1, "pred_cls": 26.853627973542793, "error_w_gmm": 0.06599391156667947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0651094829511598}, "run_4449": {"edge_length": 800, "pf": 0.5166015625, "in_bounds_one_im": 1, "error_one_im": 0.053540744800877615, "one_im_sa_cls": 22.591836734693878, "model_in_bounds": 1, "pred_cls": 24.098550844149745, "error_w_gmm": 0.05788731668012543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05711152997295589}, "run_4450": {"edge_length": 800, "pf": 0.516346875, "in_bounds_one_im": 1, "error_one_im": 0.0539067857665592, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 24.3466673780636, "error_w_gmm": 0.05851314926020282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057728975351408036}, "run_4451": {"edge_length": 800, "pf": 0.4796875, "in_bounds_one_im": 1, "error_one_im": 0.05769719677316105, "one_im_sa_cls": 22.612244897959183, "model_in_bounds": 1, "pred_cls": 24.79196280291589, "error_w_gmm": 0.06411823643245979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06325894499585166}, "run_4452": {"edge_length": 800, "pf": 0.501271875, "in_bounds_one_im": 1, "error_one_im": 0.058998643937670285, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 23.713150291566482, "error_w_gmm": 0.05873571269465628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057948556064190256}, "run_4453": {"edge_length": 800, "pf": 0.462759375, "in_bounds_one_im": 0, "error_one_im": 0.059852582349263626, "one_im_sa_cls": 22.6734693877551, "model_in_bounds": 0, "pred_cls": 20.242161983247154, "error_w_gmm": 0.054160346449296425, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0534345073667347}, "run_4454": {"edge_length": 800, "pf": 0.5100328125, "in_bounds_one_im": 1, "error_one_im": 0.05679758889126203, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 17.869766951745145, "error_w_gmm": 0.043493169422559146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04291028832483709}, "run_4455": {"edge_length": 800, "pf": 0.5308328125, "in_bounds_one_im": 0, "error_one_im": 0.053680068738451873, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 25.15398850369806, "error_w_gmm": 0.05872317402419179, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05793618543284786}, "run_4456": {"edge_length": 800, "pf": 0.5082171875, "in_bounds_one_im": 1, "error_one_im": 0.05415160608567885, "one_im_sa_cls": 22.46938775510204, "model_in_bounds": 1, "pred_cls": 26.78861935602475, "error_w_gmm": 0.06543800615175649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06456102759708043}, "run_4457": {"edge_length": 800, "pf": 0.515384375, "in_bounds_one_im": 1, "error_one_im": 0.059150025616127214, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 21.229799314909634, "error_w_gmm": 0.05112068906652613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05043558646869271}, "run_4458": {"edge_length": 800, "pf": 0.51039375, "in_bounds_one_im": 1, "error_one_im": 0.04245725617649629, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 24.14015049201126, "error_w_gmm": 0.058712220253127466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05792537846060697}, "run_4459": {"edge_length": 800, "pf": 0.5319, "in_bounds_one_im": 0, "error_one_im": 0.055394449018927386, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 0, "pred_cls": 22.91422041649427, "error_w_gmm": 0.05337982426785143, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05266444548588307}, "run_4460": {"edge_length": 800, "pf": 0.4595875, "in_bounds_one_im": 0, "error_one_im": 0.05904301041291535, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 0, "pred_cls": 25.141228251870277, "error_w_gmm": 0.06769908638115991, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06679180557572476}, "run_4461": {"edge_length": 800, "pf": 0.5261921875, "in_bounds_one_im": 1, "error_one_im": 0.05432458552656917, "one_im_sa_cls": 23.367346938775512, "model_in_bounds": 1, "pred_cls": 26.23283783147588, "error_w_gmm": 0.06181472098671445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060986300503625246}, "run_4462": {"edge_length": 800, "pf": 0.549071875, "in_bounds_one_im": 0, "error_one_im": 0.049705873951909806, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 0, "pred_cls": 21.110729900553547, "error_w_gmm": 0.04750726620904658, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.046870589511409905}, "run_4463": {"edge_length": 800, "pf": 0.509996875, "in_bounds_one_im": 1, "error_one_im": 0.057585820344090335, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 20.444383585701562, "error_w_gmm": 0.0497630987571995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049096190136495396}, "run_4464": {"edge_length": 800, "pf": 0.48083125, "in_bounds_one_im": 1, "error_one_im": 0.06276057115695476, "one_im_sa_cls": 24.653061224489797, "model_in_bounds": 1, "pred_cls": 23.610285985163152, "error_w_gmm": 0.060922386081768184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06010592437647872}, "run_4465": {"edge_length": 800, "pf": 0.5120921875, "in_bounds_one_im": 1, "error_one_im": 0.05226925448312338, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 20.27545026709883, "error_w_gmm": 0.04914541950027169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04848678881304773}, "run_4466": {"edge_length": 800, "pf": 0.5243453125, "in_bounds_one_im": 1, "error_one_im": 0.05652621922672449, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 0, "pred_cls": 16.50177228926688, "error_w_gmm": 0.039028828308175355, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0385057768362062}, "run_4467": {"edge_length": 800, "pf": 0.5199546875, "in_bounds_one_im": 1, "error_one_im": 0.057890518403950736, "one_im_sa_cls": 24.591836734693878, "model_in_bounds": 1, "pred_cls": 26.35451448525754, "error_w_gmm": 0.06288269055742006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06203995749872482}, "run_4468": {"edge_length": 800, "pf": 0.468715625, "in_bounds_one_im": 0, "error_one_im": 0.06180207402175561, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 0, "pred_cls": 22.650647576745524, "error_w_gmm": 0.05988349744218545, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0590809585794639}, "run_4469": {"edge_length": 800, "pf": 0.519934375, "in_bounds_one_im": 1, "error_one_im": 0.04991759011475071, "one_im_sa_cls": 21.20408163265306, "model_in_bounds": 1, "pred_cls": 20.292367400212484, "error_w_gmm": 0.04842018938957582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047771277996867256}, "run_4470": {"edge_length": 800, "pf": 0.47763125, "in_bounds_one_im": 1, "error_one_im": 0.05458895112418725, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 26.2008835953836, "error_w_gmm": 0.06804181546659542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06712994151910615}, "run_4471": {"edge_length": 800, "pf": 0.4930890625, "in_bounds_one_im": 1, "error_one_im": 0.059465240882152645, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 24.57080524009068, "error_w_gmm": 0.061864322879405735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06103523764812626}, "run_4472": {"edge_length": 800, "pf": 0.5062859375, "in_bounds_one_im": 1, "error_one_im": 0.05880491165703052, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 9.778180683879427, "error_w_gmm": 0.02397814611733819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023656798919243147}, "run_4473": {"edge_length": 800, "pf": 0.4839171875, "in_bounds_one_im": 1, "error_one_im": 0.05803667315651314, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 22.643074400119357, "error_w_gmm": 0.058066720107603664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05728852909492751}, "run_4474": {"edge_length": 800, "pf": 0.507265625, "in_bounds_one_im": 1, "error_one_im": 0.052480787816139615, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 21.191095184275376, "error_w_gmm": 0.05186326384970825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05116820950978509}, "run_4475": {"edge_length": 800, "pf": 0.5058578125, "in_bounds_one_im": 1, "error_one_im": 0.05020736947047703, "one_im_sa_cls": 20.73469387755102, "model_in_bounds": 1, "pred_cls": 16.222997685532608, "error_w_gmm": 0.03981626975532364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039282665253046495}, "run_4476": {"edge_length": 800, "pf": 0.4882984375, "in_bounds_one_im": 1, "error_one_im": 0.062238813267696626, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 28.181910081104995, "error_w_gmm": 0.07163971626214026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0706796244360038}, "run_4477": {"edge_length": 800, "pf": 0.5021609375, "in_bounds_one_im": 1, "error_one_im": 0.04824016925541117, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 18.23999492224943, "error_w_gmm": 0.04509884950100096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04449444960896851}, "run_4478": {"edge_length": 800, "pf": 0.49323125, "in_bounds_one_im": 1, "error_one_im": 0.05088331032647678, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 24.930181656616533, "error_w_gmm": 0.06275130929929673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061910336968848456}, "run_4479": {"edge_length": 800, "pf": 0.4932921875, "in_bounds_one_im": 1, "error_one_im": 0.06628212897641045, "one_im_sa_cls": 26.693877551020407, "model_in_bounds": 1, "pred_cls": 26.738756763184067, "error_w_gmm": 0.06729543736444077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06639356612986654}, "run_4480": {"edge_length": 800, "pf": 0.4987859375, "in_bounds_one_im": 1, "error_one_im": 0.051123045668165126, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 20.647313576134525, "error_w_gmm": 0.051396767399690985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050707964891181276}, "run_4481": {"edge_length": 1000, "pf": 0.490959, "in_bounds_one_im": 1, "error_one_im": 0.049526695801963914, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 28.36152601878727, "error_w_gmm": 0.057758161303812325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056601957984363585}, "run_4482": {"edge_length": 1000, "pf": 0.516045, "in_bounds_one_im": 1, "error_one_im": 0.044391041235599185, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 20.61935407141935, "error_w_gmm": 0.03993592566602824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039136487997342075}, "run_4483": {"edge_length": 1000, "pf": 0.484369, "in_bounds_one_im": 1, "error_one_im": 0.04622228098539271, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 21.672579176909473, "error_w_gmm": 0.04472207376044305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04382682694220603}, "run_4484": {"edge_length": 1000, "pf": 0.497154, "in_bounds_one_im": 1, "error_one_im": 0.0472674211597314, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 25.875770542418508, "error_w_gmm": 0.052046953994613177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051005077667227464}, "run_4485": {"edge_length": 1000, "pf": 0.505606, "in_bounds_one_im": 1, "error_one_im": 0.04948115254212013, "one_im_sa_cls": 25.53061224489796, "model_in_bounds": 1, "pred_cls": 26.629041435680065, "error_w_gmm": 0.05266426353472075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0516100299001893}, "run_4486": {"edge_length": 1000, "pf": 0.476154, "in_bounds_one_im": 0, "error_one_im": 0.04468170287703553, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 0, "pred_cls": 17.341244647368026, "error_w_gmm": 0.036377961451309906, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03564974713777687}, "run_4487": {"edge_length": 1000, "pf": 0.504934, "in_bounds_one_im": 1, "error_one_im": 0.04732974441160189, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 22.16144335651039, "error_w_gmm": 0.043887645351883886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04300910212797961}, "run_4488": {"edge_length": 1000, "pf": 0.519468, "in_bounds_one_im": 1, "error_one_im": 0.04858890576205485, "one_im_sa_cls": 25.775510204081634, "model_in_bounds": 1, "pred_cls": 27.36669529041735, "error_w_gmm": 0.05264220953326072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051588417375901016}, "run_4489": {"edge_length": 1000, "pf": 0.488084, "in_bounds_one_im": 1, "error_one_im": 0.04145573216202101, "one_im_sa_cls": 20.653061224489797, "model_in_bounds": 1, "pred_cls": 21.73422201107037, "error_w_gmm": 0.04451702781522187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04362588560830129}, "run_4490": {"edge_length": 1000, "pf": 0.498521, "in_bounds_one_im": 1, "error_one_im": 0.043527767785118646, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 23.050638725475412, "error_w_gmm": 0.04623784731521913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045312257730245796}, "run_4491": {"edge_length": 1000, "pf": 0.508074, "in_bounds_one_im": 1, "error_one_im": 0.05049694101829171, "one_im_sa_cls": 26.183673469387756, "model_in_bounds": 1, "pred_cls": 25.67065428170538, "error_w_gmm": 0.050518836135072805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049507549682811756}, "run_4492": {"edge_length": 1000, "pf": 0.487248, "in_bounds_one_im": 1, "error_one_im": 0.048213485216002064, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 22.91492668589586, "error_w_gmm": 0.0470139906589072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04607286423048029}, "run_4493": {"edge_length": 1000, "pf": 0.494704, "in_bounds_one_im": 1, "error_one_im": 0.043052843250715386, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 22.563041166138184, "error_w_gmm": 0.045606616181813955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04469366258654845}, "run_4494": {"edge_length": 1000, "pf": 0.493477, "in_bounds_one_im": 1, "error_one_im": 0.04563063671173196, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 22.34077186290038, "error_w_gmm": 0.045268311599849044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044362130188320456}, "run_4495": {"edge_length": 1000, "pf": 0.506983, "in_bounds_one_im": 1, "error_one_im": 0.04386226426181949, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 15.386422749203271, "error_w_gmm": 0.03034603156642366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02973856447195291}, "run_4496": {"edge_length": 1000, "pf": 0.504955, "in_bounds_one_im": 1, "error_one_im": 0.039723631530462204, "one_im_sa_cls": 20.46938775510204, "model_in_bounds": 1, "pred_cls": 22.059773498718812, "error_w_gmm": 0.04368446742363427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04280999141706829}, "run_4497": {"edge_length": 1000, "pf": 0.512392, "in_bounds_one_im": 1, "error_one_im": 0.04838468712555846, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 24.49752099440052, "error_w_gmm": 0.047795430214579514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04683866092308676}, "run_4498": {"edge_length": 1000, "pf": 0.481198, "in_bounds_one_im": 1, "error_one_im": 0.0484687457091869, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 21.926871466303556, "error_w_gmm": 0.04553502511858405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446235046337758}, "run_4499": {"edge_length": 1000, "pf": 0.504695, "in_bounds_one_im": 1, "error_one_im": 0.04556923168791654, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 21.009976768899044, "error_w_gmm": 0.04162722139429659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040793927354648284}, "run_4500": {"edge_length": 1000, "pf": 0.49395, "in_bounds_one_im": 1, "error_one_im": 0.04186275147919866, "one_im_sa_cls": 21.10204081632653, "model_in_bounds": 1, "pred_cls": 20.770690392045335, "error_w_gmm": 0.04204710966291388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041205410296658695}, "run_4501": {"edge_length": 1000, "pf": 0.497955, "in_bounds_one_im": 1, "error_one_im": 0.04670979917261587, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 24.06809690886269, "error_w_gmm": 0.04833347511573312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04736593523724988}, "run_4502": {"edge_length": 1000, "pf": 0.486679, "in_bounds_one_im": 1, "error_one_im": 0.03980604231662846, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 22.489918844337666, "error_w_gmm": 0.0461945878051862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045269864189418994}, "run_4503": {"edge_length": 1000, "pf": 0.483804, "in_bounds_one_im": 1, "error_one_im": 0.04441534760282694, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 24.174595574900106, "error_w_gmm": 0.049941525390362555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04894179554905169}, "run_4504": {"edge_length": 1000, "pf": 0.493072, "in_bounds_one_im": 1, "error_one_im": 0.048547193764053226, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 16.59477210846699, "error_w_gmm": 0.03365264916145969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03297899017041153}, "run_4505": {"edge_length": 1000, "pf": 0.498051, "in_bounds_one_im": 1, "error_one_im": 0.0445725907876191, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 24.52916939878209, "error_w_gmm": 0.04924994236537901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04826405663840814}, "run_4506": {"edge_length": 1000, "pf": 0.482373, "in_bounds_one_im": 1, "error_one_im": 0.047070337002511106, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 22.685836277610143, "error_w_gmm": 0.04700042168827186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04605956688360402}, "run_4507": {"edge_length": 1000, "pf": 0.498075, "in_bounds_one_im": 1, "error_one_im": 0.04553413675649962, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 26.592057513469207, "error_w_gmm": 0.0533892695524823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052320522741883146}, "run_4508": {"edge_length": 1000, "pf": 0.493626, "in_bounds_one_im": 1, "error_one_im": 0.04662985023693734, "one_im_sa_cls": 23.489795918367346, "model_in_bounds": 1, "pred_cls": 24.37117103155828, "error_w_gmm": 0.04936772101402104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04837947759315123}, "run_4509": {"edge_length": 1000, "pf": 0.480694, "in_bounds_one_im": 1, "error_one_im": 0.048850295724371086, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 22.05456354109106, "error_w_gmm": 0.0458464573778909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04492870263970836}, "run_4510": {"edge_length": 1000, "pf": 0.510399, "in_bounds_one_im": 1, "error_one_im": 0.04481715418818347, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 19.661265347237627, "error_w_gmm": 0.038513031138866824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037742076983824244}, "run_4511": {"edge_length": 1000, "pf": 0.510492, "in_bounds_one_im": 1, "error_one_im": 0.046101377314437905, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 22.203193423473582, "error_w_gmm": 0.04348413792677829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0426136721176288}, "run_4512": {"edge_length": 1000, "pf": 0.516007, "in_bounds_one_im": 1, "error_one_im": 0.03854489219889112, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 24.85990216811912, "error_w_gmm": 0.04815275663454121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047188834380011487}, "run_4513": {"edge_length": 1000, "pf": 0.499606, "in_bounds_one_im": 1, "error_one_im": 0.0437536609459773, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 21.537449933548483, "error_w_gmm": 0.04310885627228708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0422459028541982}, "run_4514": {"edge_length": 1000, "pf": 0.505225, "in_bounds_one_im": 1, "error_one_im": 0.04239385785196401, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 26.598183525825124, "error_w_gmm": 0.05264333948657767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05158952470980373}, "run_4515": {"edge_length": 1000, "pf": 0.50105, "in_bounds_one_im": 1, "error_one_im": 0.03899730139299237, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 23.4772841434599, "error_w_gmm": 0.04685606701125886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04591810189963142}, "run_4516": {"edge_length": 1000, "pf": 0.519048, "in_bounds_one_im": 1, "error_one_im": 0.03935047810235477, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 22.73339712586497, "error_w_gmm": 0.04376646203669556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04289034466133144}, "run_4517": {"edge_length": 1000, "pf": 0.520112, "in_bounds_one_im": 1, "error_one_im": 0.05298315128315215, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 21.000978528185684, "error_w_gmm": 0.0403451221506917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0395374931836124}, "run_4518": {"edge_length": 1000, "pf": 0.492032, "in_bounds_one_im": 1, "error_one_im": 0.05206221526671535, "one_im_sa_cls": 26.142857142857142, "model_in_bounds": 1, "pred_cls": 25.52190529253567, "error_w_gmm": 0.051863830736708215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050825620172114734}, "run_4519": {"edge_length": 1000, "pf": 0.500569, "in_bounds_one_im": 1, "error_one_im": 0.04099256976215679, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 21.201346816864884, "error_w_gmm": 0.04235446679383253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04150661475015468}, "run_4520": {"edge_length": 1000, "pf": 0.515586, "in_bounds_one_im": 1, "error_one_im": 0.03842230812328979, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 24.38398590878814, "error_w_gmm": 0.047270748523378286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04632448231403562}, "run_4521": {"edge_length": 1200, "pf": 0.5147875, "in_bounds_one_im": 1, "error_one_im": 0.03326717122199421, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 24.995094677169124, "error_w_gmm": 0.04044413297273677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03963452200625654}, "run_4522": {"edge_length": 1200, "pf": 0.5054111111111111, "in_bounds_one_im": 1, "error_one_im": 0.038150822814503486, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 23.444846543895217, "error_w_gmm": 0.0386541323362016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037880353616300065}, "run_4523": {"edge_length": 1200, "pf": 0.49286875, "in_bounds_one_im": 1, "error_one_im": 0.0344201761092399, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 23.21667903288551, "error_w_gmm": 0.03925033719602393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038464623642629876}, "run_4524": {"edge_length": 1200, "pf": 0.4958798611111111, "in_bounds_one_im": 1, "error_one_im": 0.038717029750876174, "one_im_sa_cls": 23.510204081632654, "model_in_bounds": 1, "pred_cls": 15.145848059985513, "error_w_gmm": 0.025451954228197127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024942456811714194}, "run_4525": {"edge_length": 1200, "pf": 0.5012277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03940240030963343, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 23.875228777446072, "error_w_gmm": 0.03969445605203402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03889985212394725}, "run_4526": {"edge_length": 1200, "pf": 0.50124375, "in_bounds_one_im": 1, "error_one_im": 0.03610940068760126, "one_im_sa_cls": 22.163265306122447, "model_in_bounds": 1, "pred_cls": 19.851184237014298, "error_w_gmm": 0.03300310946648075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03234245296606761}, "run_4527": {"edge_length": 1200, "pf": 0.5012222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04146442121060717, "one_im_sa_cls": 25.448979591836736, "model_in_bounds": 1, "pred_cls": 21.590973037299737, "error_w_gmm": 0.03589709908696439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03517851067995788}, "run_4528": {"edge_length": 1200, "pf": 0.5002131944444445, "in_bounds_one_im": 1, "error_one_im": 0.039415798693398243, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 19.963997098772015, "error_w_gmm": 0.033259144143766246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03259336233920409}, "run_4529": {"edge_length": 1200, "pf": 0.5060451388888889, "in_bounds_one_im": 1, "error_one_im": 0.03951855118001545, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 23.10067045390378, "error_w_gmm": 0.03803840844906771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03727695529469842}, "run_4530": {"edge_length": 1200, "pf": 0.4856138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03910881738349201, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 24.46414881843144, "error_w_gmm": 0.04196410130120047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04112406359697171}, "run_4531": {"edge_length": 1200, "pf": 0.49967361111111114, "in_bounds_one_im": 1, "error_one_im": 0.036589872010195465, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 18.281791929768062, "error_w_gmm": 0.03048954962488255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029879209584808247}, "run_4532": {"edge_length": 1200, "pf": 0.5010465277777778, "in_bounds_one_im": 1, "error_one_im": 0.03935016029008368, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 22.280779811647623, "error_w_gmm": 0.03705698934069737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036315182241625804}, "run_4533": {"edge_length": 1200, "pf": 0.5087402777777777, "in_bounds_one_im": 1, "error_one_im": 0.040157692780098196, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 25.747223228919434, "error_w_gmm": 0.042168355618827785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04132422915008986}, "run_4534": {"edge_length": 1200, "pf": 0.4961159722222222, "in_bounds_one_im": 1, "error_one_im": 0.03843000853557311, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 23.13664482985837, "error_w_gmm": 0.03886179181727057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03808385616827189}, "run_4535": {"edge_length": 1200, "pf": 0.5035972222222223, "in_bounds_one_im": 1, "error_one_im": 0.037329769058271484, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 25.815397016193934, "error_w_gmm": 0.042717221497573454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04186210782743209}, "run_4536": {"edge_length": 1200, "pf": 0.5041944444444444, "in_bounds_one_im": 1, "error_one_im": 0.038012398339731336, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 21.668389247924008, "error_w_gmm": 0.035812286036222364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03509539541752131}, "run_4537": {"edge_length": 1200, "pf": 0.49677638888888886, "in_bounds_one_im": 1, "error_one_im": 0.03847992480324743, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 18.919666239748565, "error_w_gmm": 0.03173673548940692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03110142927305591}, "run_4538": {"edge_length": 1200, "pf": 0.5081069444444445, "in_bounds_one_im": 1, "error_one_im": 0.03558428824379498, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 22.2391336844282, "error_w_gmm": 0.03646904539542304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03573900776279281}, "run_4539": {"edge_length": 1200, "pf": 0.4984708333333333, "in_bounds_one_im": 1, "error_one_im": 0.041057958667411965, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 26.320347415859647, "error_w_gmm": 0.04400161213572589, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043120787523861684}, "run_4540": {"edge_length": 1200, "pf": 0.5097729166666667, "in_bounds_one_im": 1, "error_one_im": 0.03693681800988754, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 23.208523173060623, "error_w_gmm": 0.03793206854701481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03717274410562681}, "run_4541": {"edge_length": 1200, "pf": 0.4966715277777778, "in_bounds_one_im": 1, "error_one_im": 0.03449490844116107, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 24.18851132336837, "error_w_gmm": 0.040583454068409415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039771054171158955}, "run_4542": {"edge_length": 1200, "pf": 0.49410625, "in_bounds_one_im": 1, "error_one_im": 0.03818006602794099, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 23.750615249475196, "error_w_gmm": 0.04005374211127377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03925194599207603}, "run_4543": {"edge_length": 1200, "pf": 0.49009930555555553, "in_bounds_one_im": 1, "error_one_im": 0.03722936615745179, "one_im_sa_cls": 22.346938775510203, "model_in_bounds": 1, "pred_cls": 18.344644416344654, "error_w_gmm": 0.0311859376153305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030561657275080433}, "run_4544": {"edge_length": 1200, "pf": 0.4908263888888889, "in_bounds_one_im": 1, "error_one_im": 0.03894064802313886, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 21.03158610778359, "error_w_gmm": 0.03570177163399134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03498709329344843}, "run_4545": {"edge_length": 1200, "pf": 0.49290416666666664, "in_bounds_one_im": 1, "error_one_im": 0.036006768713774916, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 19.497257099214764, "error_w_gmm": 0.03295991207449604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03230012029980955}, "run_4546": {"edge_length": 1200, "pf": 0.495175, "in_bounds_one_im": 1, "error_one_im": 0.037694662522721946, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 21.84329260941024, "error_w_gmm": 0.0367585122006085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036022680019234365}, "run_4547": {"edge_length": 1200, "pf": 0.5059590277777778, "in_bounds_one_im": 1, "error_one_im": 0.039031291735891496, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 24.248729936380208, "error_w_gmm": 0.039935723379837265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03913628976051761}, "run_4548": {"edge_length": 1200, "pf": 0.49779305555555553, "in_bounds_one_im": 1, "error_one_im": 0.03816739823518237, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 25.8761002902032, "error_w_gmm": 0.043317612837516166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04245048052889078}, "run_4549": {"edge_length": 1200, "pf": 0.5145083333333333, "in_bounds_one_im": 1, "error_one_im": 0.033803832948486226, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 20.16243660659255, "error_w_gmm": 0.032642728116816996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03198928573304713}, "run_4550": {"edge_length": 1200, "pf": 0.49581597222222223, "in_bounds_one_im": 1, "error_one_im": 0.036133789846376524, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 23.28921795618328, "error_w_gmm": 0.03914154283108983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03835800712413403}, "run_4551": {"edge_length": 1200, "pf": 0.4880611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04359469271631176, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 23.51277377789454, "error_w_gmm": 0.04013512072466051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03933169556775081}, "run_4552": {"edge_length": 1200, "pf": 0.4959277777777778, "in_bounds_one_im": 1, "error_one_im": 0.036058499658291034, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 19.028657088338054, "error_w_gmm": 0.031973785341166454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031333733859050486}, "run_4553": {"edge_length": 1200, "pf": 0.49783194444444445, "in_bounds_one_im": 1, "error_one_im": 0.03980483064487921, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 23.374226326436077, "error_w_gmm": 0.03912633377385168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03834310252192128}, "run_4554": {"edge_length": 1200, "pf": 0.5106416666666667, "in_bounds_one_im": 1, "error_one_im": 0.03827578855708372, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 21.73927591850016, "error_w_gmm": 0.035469020397805626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034759001273307825}, "run_4555": {"edge_length": 1200, "pf": 0.5028534722222222, "in_bounds_one_im": 1, "error_one_im": 0.037252768603337955, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 23.382578366656066, "error_w_gmm": 0.03874918983873286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03797350825701092}, "run_4556": {"edge_length": 1200, "pf": 0.4921034722222222, "in_bounds_one_im": 1, "error_one_im": 0.038197881034855795, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 19.249817784491107, "error_w_gmm": 0.032593783744428693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0319413211294836}, "run_4557": {"edge_length": 1200, "pf": 0.5167027777777777, "in_bounds_one_im": 1, "error_one_im": 0.03642805300106826, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 21.983762983716762, "error_w_gmm": 0.03543541587451393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03472606944562307}, "run_4558": {"edge_length": 1200, "pf": 0.49692430555555556, "in_bounds_one_im": 1, "error_one_im": 0.03796546642231306, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 20.79177684966007, "error_w_gmm": 0.03486678493650347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03416882136612524}, "run_4559": {"edge_length": 1200, "pf": 0.5091645833333334, "in_bounds_one_im": 1, "error_one_im": 0.03433089342132385, "one_im_sa_cls": 21.408163265306122, "model_in_bounds": 1, "pred_cls": 21.043192098851854, "error_w_gmm": 0.034434931376738295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03374561265425761}, "run_4560": {"edge_length": 1200, "pf": 0.49014166666666664, "in_bounds_one_im": 1, "error_one_im": 0.036070328556884815, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 22.163343271997817, "error_w_gmm": 0.03767454118239869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03692037192578625}, "run_4561": {"edge_length": 1400, "pf": 0.49995918367346937, "in_bounds_one_im": 1, "error_one_im": 0.03263063548754592, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 20.081786175934496, "error_w_gmm": 0.028116795801269155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028116279148548255}, "run_4562": {"edge_length": 1400, "pf": 0.49785816326530613, "in_bounds_one_im": 1, "error_one_im": 0.03118989455551731, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 22.892340474203774, "error_w_gmm": 0.03218686061356528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03218626917244841}, "run_4563": {"edge_length": 1400, "pf": 0.49334438775510203, "in_bounds_one_im": 1, "error_one_im": 0.03028565652752512, "one_im_sa_cls": 21.346938775510203, "model_in_bounds": 1, "pred_cls": 22.67602481357022, "error_w_gmm": 0.032171869030612296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03217127786496922}, "run_4564": {"edge_length": 1400, "pf": 0.5077913265306122, "in_bounds_one_im": 1, "error_one_im": 0.030407566219570258, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 22.302596054698245, "error_w_gmm": 0.030740819868554713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03074025499877576}, "run_4565": {"edge_length": 1400, "pf": 0.4956341836734694, "in_bounds_one_im": 1, "error_one_im": 0.03464341044384024, "one_im_sa_cls": 24.53061224489796, "model_in_bounds": 1, "pred_cls": 25.774643588200224, "error_w_gmm": 0.0364009652877735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03640029641149424}, "run_4566": {"edge_length": 1400, "pf": 0.4963459183673469, "in_bounds_one_im": 1, "error_one_im": 0.03021949662334809, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 23.115106881196354, "error_w_gmm": 0.03259852074155172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032597921736083356}, "run_4567": {"edge_length": 1400, "pf": 0.4881520408163265, "in_bounds_one_im": 1, "error_one_im": 0.03496107788957133, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 20.77998884011042, "error_w_gmm": 0.029789710247136298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02978916285421979}, "run_4568": {"edge_length": 1400, "pf": 0.5167030612244898, "in_bounds_one_im": 0, "error_one_im": 0.030754285699229323, "one_im_sa_cls": 22.714285714285715, "model_in_bounds": 0, "pred_cls": 22.56244108116298, "error_w_gmm": 0.03054925514580007, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.030548693796067936}, "run_4569": {"edge_length": 1400, "pf": 0.4941469387755102, "in_bounds_one_im": 1, "error_one_im": 0.034775528530976, "one_im_sa_cls": 24.551020408163264, "model_in_bounds": 1, "pred_cls": 25.572427194290288, "error_w_gmm": 0.0362229755837033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036222309978026654}, "run_4570": {"edge_length": 1400, "pf": 0.5050775510204082, "in_bounds_one_im": 1, "error_one_im": 0.030997314740753415, "one_im_sa_cls": 22.367346938775512, "model_in_bounds": 1, "pred_cls": 20.86606733655919, "error_w_gmm": 0.028917329515107056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028916798152391326}, "run_4571": {"edge_length": 1400, "pf": 0.4845979591836735, "in_bounds_one_im": 1, "error_one_im": 0.03391419988193206, "one_im_sa_cls": 23.489795918367346, "model_in_bounds": 1, "pred_cls": 24.3445518221598, "error_w_gmm": 0.03514892895418471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03514828308436686}, "run_4572": {"edge_length": 1400, "pf": 0.5106306122448979, "in_bounds_one_im": 1, "error_one_im": 0.03182960236625468, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 20.97543996713168, "error_w_gmm": 0.028747765300484715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028747237053551256}, "run_4573": {"edge_length": 1400, "pf": 0.4980622448979592, "in_bounds_one_im": 1, "error_one_im": 0.03100507529733259, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 21.7772560526937, "error_w_gmm": 0.0306065454926222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030605983090166454}, "run_4574": {"edge_length": 1400, "pf": 0.4920081632653061, "in_bounds_one_im": 1, "error_one_im": 0.03303759688918661, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 21.690875472573303, "error_w_gmm": 0.030856547314210617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03085598031791272}, "run_4575": {"edge_length": 1400, "pf": 0.49980969387755103, "in_bounds_one_im": 1, "error_one_im": 0.031068394936881277, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 24.618990321043697, "error_w_gmm": 0.034479707351766906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03447907377905309}, "run_4576": {"edge_length": 1400, "pf": 0.5052352040816327, "in_bounds_one_im": 1, "error_one_im": 0.0317791941216019, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 19.29992025592533, "error_w_gmm": 0.026738444799290207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026737953474092434}, "run_4577": {"edge_length": 1400, "pf": 0.49333520408163267, "in_bounds_one_im": 1, "error_one_im": 0.03361595905848456, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 1, "pred_cls": 22.66128429983778, "error_w_gmm": 0.03215154639648658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03215095560427671}, "run_4578": {"edge_length": 1400, "pf": 0.492315306122449, "in_bounds_one_im": 1, "error_one_im": 0.03893604696501982, "one_im_sa_cls": 27.387755102040817, "model_in_bounds": 1, "pred_cls": 21.10858675338205, "error_w_gmm": 0.030009762565005486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03000921112857605}, "run_4579": {"edge_length": 1400, "pf": 0.498455612244898, "in_bounds_one_im": 1, "error_one_im": 0.035709474573398, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 21.054637575075585, "error_w_gmm": 0.029567679919657596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029567136606600573}, "run_4580": {"edge_length": 1400, "pf": 0.49276479591836736, "in_bounds_one_im": 1, "error_one_im": 0.03258180526468852, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 24.956368460163976, "error_w_gmm": 0.03544820770975882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03544755634062365}, "run_4581": {"edge_length": 1400, "pf": 0.49300714285714287, "in_bounds_one_im": 1, "error_one_im": 0.03557923915967812, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 20.10408157796271, "error_w_gmm": 0.028542143687523586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028541619218935423}, "run_4582": {"edge_length": 1400, "pf": 0.5123678571428572, "in_bounds_one_im": 1, "error_one_im": 0.032304471119899925, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 21.270399196287652, "error_w_gmm": 0.029050853773732153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029050319957476818}, "run_4583": {"edge_length": 1400, "pf": 0.4935418367346939, "in_bounds_one_im": 1, "error_one_im": 0.03064994762569677, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 21.623424711742125, "error_w_gmm": 0.030666366060928294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030665802559255495}, "run_4584": {"edge_length": 1400, "pf": 0.5136765306122449, "in_bounds_one_im": 1, "error_one_im": 0.028022202032032963, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 0, "pred_cls": 18.88456701250122, "error_w_gmm": 0.02572484814999952, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025724375449877917}, "run_4585": {"edge_length": 1400, "pf": 0.5088484693877551, "in_bounds_one_im": 1, "error_one_im": 0.033711687880591555, "one_im_sa_cls": 24.510204081632654, "model_in_bounds": 1, "pred_cls": 26.209399114741185, "error_w_gmm": 0.036049447631220005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03604878521416017}, "run_4586": {"edge_length": 1400, "pf": 0.5078224489795918, "in_bounds_one_im": 1, "error_one_im": 0.03673432846442943, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 20.383540675919175, "error_w_gmm": 0.028093937553067574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028093421320372413}, "run_4587": {"edge_length": 1400, "pf": 0.5028091836734694, "in_bounds_one_im": 1, "error_one_im": 0.03164966478205108, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 23.346348265904957, "error_w_gmm": 0.03250176484743459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0325011676198785}, "run_4588": {"edge_length": 1400, "pf": 0.492015306122449, "in_bounds_one_im": 1, "error_one_im": 0.031382365479532034, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 22.06525219968459, "error_w_gmm": 0.03138867172101628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031388094946807533}, "run_4589": {"edge_length": 1400, "pf": 0.4873704081632653, "in_bounds_one_im": 1, "error_one_im": 0.032935369836019156, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 23.47037629707885, "error_w_gmm": 0.033699258602965264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0336986393711803}, "run_4590": {"edge_length": 1400, "pf": 0.49935816326530613, "in_bounds_one_im": 1, "error_one_im": 0.03730431411078157, "one_im_sa_cls": 26.612244897959183, "model_in_bounds": 1, "pred_cls": 23.249810311506177, "error_w_gmm": 0.03259154451911095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03259094564183223}, "run_4591": {"edge_length": 1400, "pf": 0.5085224489795919, "in_bounds_one_im": 1, "error_one_im": 0.03317192316683845, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 23.85688051822671, "error_w_gmm": 0.03283510950864445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032834506155801885}, "run_4592": {"edge_length": 1400, "pf": 0.5157826530612245, "in_bounds_one_im": 0, "error_one_im": 0.03050649942661719, "one_im_sa_cls": 22.489795918367346, "model_in_bounds": 1, "pred_cls": 22.803787707051686, "error_w_gmm": 0.030932985001478824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030932416600620457}, "run_4593": {"edge_length": 1400, "pf": 0.5094387755102041, "in_bounds_one_im": 1, "error_one_im": 0.03081216943893467, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 18.98076418498965, "error_w_gmm": 0.026076082052461595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026075602898334688}, "run_4594": {"edge_length": 1400, "pf": 0.4992280612244898, "in_bounds_one_im": 1, "error_one_im": 0.031476552408599555, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 23.866428305611137, "error_w_gmm": 0.03346462509035269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03346401017001363}, "run_4595": {"edge_length": 1400, "pf": 0.5036066326530613, "in_bounds_one_im": 1, "error_one_im": 0.03355644803218192, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 25.289446495275214, "error_w_gmm": 0.03515075229130687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03515010638798482}, "run_4596": {"edge_length": 1400, "pf": 0.48866683673469385, "in_bounds_one_im": 1, "error_one_im": 0.035597279656903145, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 24.073607896790747, "error_w_gmm": 0.03447583274616553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03447519924464854}, "run_4597": {"edge_length": 1400, "pf": 0.5077158163265306, "in_bounds_one_im": 1, "error_one_im": 0.0302433596870396, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 20.903652740884226, "error_w_gmm": 0.028816936719985004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028816407202010334}, "run_4598": {"edge_length": 1400, "pf": 0.5077357142857143, "in_bounds_one_im": 1, "error_one_im": 0.03415253694476887, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 23.466113038281456, "error_w_gmm": 0.03234815398647867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032347559581558036}, "run_4599": {"edge_length": 1400, "pf": 0.5044841836734694, "in_bounds_one_im": 1, "error_one_im": 0.03332770598312935, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 22.814253837506907, "error_w_gmm": 0.03165477916775476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03165419750375925}, "run_4600": {"edge_length": 1400, "pf": 0.49262244897959184, "in_bounds_one_im": 1, "error_one_im": 0.034011870115576964, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 23.492901682980452, "error_w_gmm": 0.03337899230103471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03337837895421822}}, "fractal_noise_0.015_7_True_value": {"true_cls": 64.65306122448979, "true_pf": 0.4998389033333333, "run_4601": {"edge_length": 600, "pf": 0.4299527777777778, "in_bounds_one_im": 1, "error_one_im": 0.19835278710864768, "one_im_sa_cls": 52.734693877551024, "model_in_bounds": 1, "pred_cls": 63.092736832423356, "error_w_gmm": 0.2467687613226817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23731284429340424}, "run_4602": {"edge_length": 600, "pf": 0.5242805555555555, "in_bounds_one_im": 1, "error_one_im": 0.17285520340857075, "one_im_sa_cls": 55.55102040816327, "model_in_bounds": 1, "pred_cls": 64.77960828413767, "error_w_gmm": 0.20960308516592557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20157131740169926}, "run_4603": {"edge_length": 600, "pf": 0.47418333333333335, "in_bounds_one_im": 1, "error_one_im": 0.1306445101869369, "one_im_sa_cls": 37.97959183673469, "model_in_bounds": 1, "pred_cls": 55.36332068096216, "error_w_gmm": 0.19803043412526056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19044211806643965}, "run_4604": {"edge_length": 600, "pf": 0.515175, "in_bounds_one_im": 1, "error_one_im": 0.1277917489891812, "one_im_sa_cls": 40.326530612244895, "model_in_bounds": 1, "pred_cls": 61.634538859545785, "error_w_gmm": 0.20309771690794867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19531522795098558}, "run_4605": {"edge_length": 600, "pf": 0.4004388888888889, "in_bounds_one_im": 0, "error_one_im": 0.12113672227494696, "one_im_sa_cls": 30.306122448979593, "model_in_bounds": 0, "pred_cls": 46.20005517562315, "error_w_gmm": 0.19202460280998, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.18466642383295467}, "run_4606": {"edge_length": 600, "pf": 0.470725, "in_bounds_one_im": 1, "error_one_im": 0.1276660921736975, "one_im_sa_cls": 36.857142857142854, "model_in_bounds": 1, "pred_cls": 101.71730950698156, "error_w_gmm": 0.3663681401442649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.352329301853689}, "run_4607": {"edge_length": 600, "pf": 0.48733055555555554, "in_bounds_one_im": 1, "error_one_im": 0.13818915774619625, "one_im_sa_cls": 41.244897959183675, "model_in_bounds": 1, "pred_cls": 70.59673322632497, "error_w_gmm": 0.24595591875270045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23653114898800542}, "run_4608": {"edge_length": 600, "pf": 0.5394694444444444, "in_bounds_one_im": 1, "error_one_im": 0.1542342708543182, "one_im_sa_cls": 51.10204081632653, "model_in_bounds": 1, "pred_cls": 69.40520394684933, "error_w_gmm": 0.2178229379638071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.209476194164393}, "run_4609": {"edge_length": 600, "pf": 0.46053055555555555, "in_bounds_one_im": 1, "error_one_im": 0.15000628320489443, "one_im_sa_cls": 42.42857142857143, "model_in_bounds": 1, "pred_cls": 60.958950402123705, "error_w_gmm": 0.22410805081927188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21552046816585377}, "run_4610": {"edge_length": 600, "pf": 0.4589972222222222, "in_bounds_one_im": 1, "error_one_im": 0.13939646556972202, "one_im_sa_cls": 39.30612244897959, "model_in_bounds": 1, "pred_cls": 65.0619926332329, "error_w_gmm": 0.2399318243367995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2307378914765327}, "run_4611": {"edge_length": 600, "pf": 0.48220833333333335, "in_bounds_one_im": 1, "error_one_im": 0.16095958892826204, "one_im_sa_cls": 47.55102040816327, "model_in_bounds": 1, "pred_cls": 134.72355465930707, "error_w_gmm": 0.4742086622873586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.45603748964330426}, "run_4612": {"edge_length": 600, "pf": 0.49346944444444446, "in_bounds_one_im": 1, "error_one_im": 0.16054716217793438, "one_im_sa_cls": 48.51020408163265, "model_in_bounds": 1, "pred_cls": 54.85932316459156, "error_w_gmm": 0.18879431533277452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1815599175434549}, "run_4613": {"edge_length": 600, "pf": 0.4610138888888889, "in_bounds_one_im": 1, "error_one_im": 0.11353064391928328, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 55.88354610594748, "error_w_gmm": 0.20524922036281035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1973842880769254}, "run_4614": {"edge_length": 600, "pf": 0.5209583333333333, "in_bounds_one_im": 1, "error_one_im": 0.1040096089728168, "one_im_sa_cls": 33.204081632653065, "model_in_bounds": 1, "pred_cls": 58.02443108259236, "error_w_gmm": 0.18900000613343354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18175772649093966}, "run_4615": {"edge_length": 600, "pf": 0.4209805555555556, "in_bounds_one_im": 0, "error_one_im": 0.15636743491893637, "one_im_sa_cls": 40.816326530612244, "model_in_bounds": 1, "pred_cls": 69.50416742727298, "error_w_gmm": 0.27688037743108956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.26627061523108464}, "run_4616": {"edge_length": 600, "pf": 0.4996055555555556, "in_bounds_one_im": 1, "error_one_im": 0.13970760515570424, "one_im_sa_cls": 42.734693877551024, "model_in_bounds": 1, "pred_cls": 128.01755365134088, "error_w_gmm": 0.4351890017182315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.4185130210542096}, "run_4617": {"edge_length": 600, "pf": 0.38788333333333336, "in_bounds_one_im": 0, "error_one_im": 0.16372464788106497, "one_im_sa_cls": 39.89795918367347, "model_in_bounds": 0, "pred_cls": 62.948084143735606, "error_w_gmm": 0.268605460115023, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.25831278396410096}, "run_4618": {"edge_length": 600, "pf": 0.418675, "in_bounds_one_im": 0, "error_one_im": 0.16465048888286926, "one_im_sa_cls": 42.775510204081634, "model_in_bounds": 1, "pred_cls": 69.32750322471304, "error_w_gmm": 0.2774867961088173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2668537965886961}, "run_4619": {"edge_length": 600, "pf": 0.5805527777777778, "in_bounds_one_im": 0, "error_one_im": 0.09899459271979459, "one_im_sa_cls": 35.6530612244898, "model_in_bounds": 1, "pred_cls": 58.443912483842496, "error_w_gmm": 0.16874187346687322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16227586396747343}, "run_4620": {"edge_length": 600, "pf": 0.489725, "in_bounds_one_im": 1, "error_one_im": 0.14412944842505201, "one_im_sa_cls": 43.224489795918366, "model_in_bounds": 1, "pred_cls": 65.50611674328937, "error_w_gmm": 0.22712954991085146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2184261866190702}, "run_4621": {"edge_length": 600, "pf": 0.4910888888888889, "in_bounds_one_im": 1, "error_one_im": 0.1248025336794048, "one_im_sa_cls": 37.53061224489796, "model_in_bounds": 1, "pred_cls": 59.46889674044576, "error_w_gmm": 0.20563478017071204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19775507364219683}, "run_4622": {"edge_length": 600, "pf": 0.5952805555555556, "in_bounds_one_im": 0, "error_one_im": 0.11098218381679427, "one_im_sa_cls": 41.204081632653065, "model_in_bounds": 1, "pred_cls": 66.95200436730767, "error_w_gmm": 0.18751911603366214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1803335825280694}, "run_4623": {"edge_length": 600, "pf": 0.5549027777777777, "in_bounds_one_im": 1, "error_one_im": 0.16365481544599414, "one_im_sa_cls": 55.93877551020408, "model_in_bounds": 1, "pred_cls": 76.43333158619673, "error_w_gmm": 0.2325238792703448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2236138110027046}, "run_4624": {"edge_length": 600, "pf": 0.5173416666666667, "in_bounds_one_im": 1, "error_one_im": 0.17778632089930727, "one_im_sa_cls": 56.3469387755102, "model_in_bounds": 1, "pred_cls": 59.79286597361456, "error_w_gmm": 0.19617620237244174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18865893850642562}, "run_4625": {"edge_length": 600, "pf": 0.4923472222222222, "in_bounds_one_im": 1, "error_one_im": 0.14215681767639843, "one_im_sa_cls": 42.857142857142854, "model_in_bounds": 1, "pred_cls": 69.60371312060732, "error_w_gmm": 0.24007438389040964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23087498829935207}, "run_4626": {"edge_length": 600, "pf": 0.4482833333333333, "in_bounds_one_im": 1, "error_one_im": 0.14628803401210122, "one_im_sa_cls": 40.36734693877551, "model_in_bounds": 1, "pred_cls": 106.49780953883942, "error_w_gmm": 0.40131760147031087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3859395369148478}, "run_4627": {"edge_length": 600, "pf": 0.5620972222222222, "in_bounds_one_im": 0, "error_one_im": 0.10579705494919121, "one_im_sa_cls": 36.69387755102041, "model_in_bounds": 1, "pred_cls": 59.16111927162037, "error_w_gmm": 0.177372092499651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1705753821664786}, "run_4628": {"edge_length": 600, "pf": 0.48293888888888886, "in_bounds_one_im": 1, "error_one_im": 0.18514335116783198, "one_im_sa_cls": 54.775510204081634, "model_in_bounds": 1, "pred_cls": 68.97355562106955, "error_w_gmm": 0.24242267555663138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23313329592125104}, "run_4629": {"edge_length": 600, "pf": 0.5763611111111111, "in_bounds_one_im": 0, "error_one_im": 0.10756499339570716, "one_im_sa_cls": 38.40816326530612, "model_in_bounds": 1, "pred_cls": 58.08379092554947, "error_w_gmm": 0.1691497288266977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16266809074278102}, "run_4630": {"edge_length": 600, "pf": 0.5209972222222222, "in_bounds_one_im": 1, "error_one_im": 0.13046531806718265, "one_im_sa_cls": 41.6530612244898, "model_in_bounds": 1, "pred_cls": 58.05566949208177, "error_w_gmm": 0.189087024127947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1818414100482588}, "run_4631": {"edge_length": 600, "pf": 0.3980472222222222, "in_bounds_one_im": 0, "error_one_im": 0.18568758999661555, "one_im_sa_cls": 46.224489795918366, "model_in_bounds": 1, "pred_cls": 68.67305166328302, "error_w_gmm": 0.2868573860756082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2758653154933054}, "run_4632": {"edge_length": 600, "pf": 0.5271166666666667, "in_bounds_one_im": 1, "error_one_im": 0.11416232803934699, "one_im_sa_cls": 36.89795918367347, "model_in_bounds": 1, "pred_cls": 68.52375767213707, "error_w_gmm": 0.2204603931219508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21201258484010305}, "run_4633": {"edge_length": 600, "pf": 0.49959166666666666, "in_bounds_one_im": 1, "error_one_im": 0.11342384248527042, "one_im_sa_cls": 34.69387755102041, "model_in_bounds": 1, "pred_cls": 57.567084963415354, "error_w_gmm": 0.19570174118395586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18820265816711976}, "run_4634": {"edge_length": 600, "pf": 0.4587555555555556, "in_bounds_one_im": 1, "error_one_im": 0.12382345804741408, "one_im_sa_cls": 34.89795918367347, "model_in_bounds": 1, "pred_cls": 57.13017525204702, "error_w_gmm": 0.210783878286791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20270686378339162}, "run_4635": {"edge_length": 600, "pf": 0.5434277777777777, "in_bounds_one_im": 1, "error_one_im": 0.13351683463189631, "one_im_sa_cls": 44.59183673469388, "model_in_bounds": 1, "pred_cls": 130.7011121439906, "error_w_gmm": 0.40693859941413923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3913451441832368}, "run_4636": {"edge_length": 600, "pf": 0.44599444444444447, "in_bounds_one_im": 1, "error_one_im": 0.17148609090807024, "one_im_sa_cls": 47.10204081632653, "model_in_bounds": 1, "pred_cls": 66.82847833448578, "error_w_gmm": 0.25299951295534284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2433048401364237}, "run_4637": {"edge_length": 600, "pf": 0.5679666666666666, "in_bounds_one_im": 1, "error_one_im": 0.13256620122609156, "one_im_sa_cls": 46.53061224489796, "model_in_bounds": 1, "pred_cls": 73.24447741151316, "error_w_gmm": 0.21698907364882802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20867428264495352}, "run_4638": {"edge_length": 600, "pf": 0.432125, "in_bounds_one_im": 0, "error_one_im": 0.1509348540739519, "one_im_sa_cls": 40.30612244897959, "model_in_bounds": 1, "pred_cls": 59.45572601808992, "error_w_gmm": 0.23151607045256278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22264462034919605}, "run_4639": {"edge_length": 600, "pf": 0.4123888888888889, "in_bounds_one_im": 0, "error_one_im": 0.1599515083767424, "one_im_sa_cls": 41.02040816326531, "model_in_bounds": 1, "pred_cls": 64.54494548153734, "error_w_gmm": 0.261709529935522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2516810985101784}, "run_4640": {"edge_length": 600, "pf": 0.5319388888888889, "in_bounds_one_im": 1, "error_one_im": 0.12738321281964157, "one_im_sa_cls": 41.57142857142857, "model_in_bounds": 1, "pred_cls": 64.46683194109612, "error_w_gmm": 0.2054104406991112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19753933062104814}, "run_4641": {"edge_length": 800, "pf": 0.51033125, "in_bounds_one_im": 1, "error_one_im": 0.11396815565915114, "one_im_sa_cls": 47.48979591836735, "model_in_bounds": 1, "pred_cls": 74.84214949932192, "error_w_gmm": 0.18204933337341808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1796095683094993}, "run_4642": {"edge_length": 800, "pf": 0.4507015625, "in_bounds_one_im": 1, "error_one_im": 0.11950321097887578, "one_im_sa_cls": 44.183673469387756, "model_in_bounds": 1, "pred_cls": 65.60644587306547, "error_w_gmm": 0.17985556873949524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1774452037849486}, "run_4643": {"edge_length": 800, "pf": 0.423334375, "in_bounds_one_im": 0, "error_one_im": 0.11898699984491098, "one_im_sa_cls": 41.61224489795919, "model_in_bounds": 0, "pred_cls": 62.07953555411875, "error_w_gmm": 0.17992290378631176, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.1775116364296977}, "run_4644": {"edge_length": 800, "pf": 0.5343359375, "in_bounds_one_im": 1, "error_one_im": 0.10380684126776858, "one_im_sa_cls": 45.38775510204081, "model_in_bounds": 1, "pred_cls": 68.50662602801926, "error_w_gmm": 0.15881059617289908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15668226899288126}, "run_4645": {"edge_length": 800, "pf": 0.5198921875, "in_bounds_one_im": 1, "error_one_im": 0.10796371927870126, "one_im_sa_cls": 45.857142857142854, "model_in_bounds": 1, "pred_cls": 65.60409023321843, "error_w_gmm": 0.15655299703438882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1544549254526993}, "run_4646": {"edge_length": 800, "pf": 0.532428125, "in_bounds_one_im": 1, "error_one_im": 0.10050392350062473, "one_im_sa_cls": 43.775510204081634, "model_in_bounds": 1, "pred_cls": 62.52698802951874, "error_w_gmm": 0.14550534015408356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14355532562261925}, "run_4647": {"edge_length": 800, "pf": 0.4011609375, "in_bounds_one_im": 0, "error_one_im": 0.13140085058012538, "one_im_sa_cls": 43.89795918367347, "model_in_bounds": 0, "pred_cls": 57.17033407245782, "error_w_gmm": 0.1734539523015872, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.17112937969710515}, "run_4648": {"edge_length": 800, "pf": 0.51050625, "in_bounds_one_im": 1, "error_one_im": 0.12391595062621409, "one_im_sa_cls": 51.6530612244898, "model_in_bounds": 1, "pred_cls": 73.47156346159167, "error_w_gmm": 0.17865289303672605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17625864594489535}, "run_4649": {"edge_length": 800, "pf": 0.522840625, "in_bounds_one_im": 1, "error_one_im": 0.09476560941135911, "one_im_sa_cls": 40.48979591836735, "model_in_bounds": 1, "pred_cls": 63.05829863673524, "error_w_gmm": 0.1495915440469582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14758676755994496}, "run_4650": {"edge_length": 800, "pf": 0.4804375, "in_bounds_one_im": 1, "error_one_im": 0.1607688698979348, "one_im_sa_cls": 63.10204081632653, "model_in_bounds": 1, "pred_cls": 66.51657182383379, "error_w_gmm": 0.17177028484523943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1694682761961597}, "run_4651": {"edge_length": 800, "pf": 0.543065625, "in_bounds_one_im": 1, "error_one_im": 0.11213511845846308, "one_im_sa_cls": 49.89795918367347, "model_in_bounds": 1, "pred_cls": 63.87752755187178, "error_w_gmm": 0.14550120318913637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1435512440999105}, "run_4652": {"edge_length": 800, "pf": 0.5208328125, "in_bounds_one_im": 1, "error_one_im": 0.09826488477827798, "one_im_sa_cls": 41.816326530612244, "model_in_bounds": 1, "pred_cls": 58.15133622727145, "error_w_gmm": 0.13850702253395866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13665079714480763}, "run_4653": {"edge_length": 800, "pf": 0.5275453125, "in_bounds_one_im": 1, "error_one_im": 0.10755030754461035, "one_im_sa_cls": 46.38775510204081, "model_in_bounds": 1, "pred_cls": 69.23925191312202, "error_w_gmm": 0.16271226544017942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1605316493767427}, "run_4654": {"edge_length": 800, "pf": 0.4937640625, "in_bounds_one_im": 1, "error_one_im": 0.16863720828918813, "one_im_sa_cls": 67.9795918367347, "model_in_bounds": 1, "pred_cls": 75.57287028096565, "error_w_gmm": 0.19002047198703734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18747388035501858}, "run_4655": {"edge_length": 800, "pf": 0.4795234375, "in_bounds_one_im": 1, "error_one_im": 0.13090317550193042, "one_im_sa_cls": 51.285714285714285, "model_in_bounds": 1, "pred_cls": 72.05024513446119, "error_w_gmm": 0.18640126703472654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1839031787926306}, "run_4656": {"edge_length": 800, "pf": 0.60019375, "in_bounds_one_im": 0, "error_one_im": 0.08475739019676246, "one_im_sa_cls": 42.38775510204081, "model_in_bounds": 0, "pred_cls": 56.14576132669171, "error_w_gmm": 0.113792531281074, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11226752134442684}, "run_4657": {"edge_length": 800, "pf": 0.4506578125, "in_bounds_one_im": 1, "error_one_im": 0.12707653588562248, "one_im_sa_cls": 46.97959183673469, "model_in_bounds": 1, "pred_cls": 69.90350928511386, "error_w_gmm": 0.19165260679878574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1890841418348545}, "run_4658": {"edge_length": 800, "pf": 0.4613609375, "in_bounds_one_im": 1, "error_one_im": 0.1293345875371706, "one_im_sa_cls": 48.857142857142854, "model_in_bounds": 1, "pred_cls": 60.50577638580603, "error_w_gmm": 0.1623465553685575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1601708404307646}, "run_4659": {"edge_length": 800, "pf": 0.4656734375, "in_bounds_one_im": 1, "error_one_im": 0.11472132113096112, "one_im_sa_cls": 43.714285714285715, "model_in_bounds": 1, "pred_cls": 129.29748375436995, "error_w_gmm": 0.34393030937072455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.33932106891003955}, "run_4660": {"edge_length": 800, "pf": 0.5528734375, "in_bounds_one_im": 1, "error_one_im": 0.12589904281012465, "one_im_sa_cls": 57.142857142857146, "model_in_bounds": 1, "pred_cls": 72.96930437867813, "error_w_gmm": 0.16295222955977942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16076839757643377}, "run_4661": {"edge_length": 800, "pf": 0.5044515625, "in_bounds_one_im": 1, "error_one_im": 0.09212441298192171, "one_im_sa_cls": 37.93877551020408, "model_in_bounds": 1, "pred_cls": 61.791293086018115, "error_w_gmm": 0.15208218075304628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1500440255751595}, "run_4662": {"edge_length": 800, "pf": 0.5620375, "in_bounds_one_im": 0, "error_one_im": 0.07882777984110467, "one_im_sa_cls": 36.44897959183673, "model_in_bounds": 1, "pred_cls": 63.859109291669256, "error_w_gmm": 0.13998335596117112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13810734523882676}, "run_4663": {"edge_length": 800, "pf": 0.46879375, "in_bounds_one_im": 1, "error_one_im": 0.09037335214047042, "one_im_sa_cls": 34.6530612244898, "model_in_bounds": 1, "pred_cls": 64.46740328021153, "error_w_gmm": 0.17041137745251153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16812758043167808}, "run_4664": {"edge_length": 800, "pf": 0.507603125, "in_bounds_one_im": 1, "error_one_im": 0.10612184672701913, "one_im_sa_cls": 43.97959183673469, "model_in_bounds": 1, "pred_cls": 57.722979017800206, "error_w_gmm": 0.1411763550346648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1392843561325953}, "run_4665": {"edge_length": 800, "pf": 0.4918578125, "in_bounds_one_im": 1, "error_one_im": 0.12252707719521094, "one_im_sa_cls": 49.204081632653065, "model_in_bounds": 1, "pred_cls": 64.15779977790966, "error_w_gmm": 0.16193474035745656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15976454442848542}, "run_4666": {"edge_length": 800, "pf": 0.4806375, "in_bounds_one_im": 1, "error_one_im": 0.11626646718458385, "one_im_sa_cls": 45.6530612244898, "model_in_bounds": 1, "pred_cls": 65.95444206161139, "error_w_gmm": 0.17025044160107156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16796880138938755}, "run_4667": {"edge_length": 800, "pf": 0.4812921875, "in_bounds_one_im": 1, "error_one_im": 0.10318947255092095, "one_im_sa_cls": 40.57142857142857, "model_in_bounds": 1, "pred_cls": 57.45499326036025, "error_w_gmm": 0.14811617716942865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14613117306222906}, "run_4668": {"edge_length": 800, "pf": 0.538415625, "in_bounds_one_im": 1, "error_one_im": 0.09078337827286086, "one_im_sa_cls": 40.02040816326531, "model_in_bounds": 1, "pred_cls": 60.10465826184022, "error_w_gmm": 0.13819508024201765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1363430354004783}, "run_4669": {"edge_length": 800, "pf": 0.483821875, "in_bounds_one_im": 1, "error_one_im": 0.12910976196699775, "one_im_sa_cls": 51.02040816326531, "model_in_bounds": 1, "pred_cls": 65.40584986778562, "error_w_gmm": 0.16776114008509568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16551286067050824}, "run_4670": {"edge_length": 800, "pf": 0.4840109375, "in_bounds_one_im": 1, "error_one_im": 0.11357359289604756, "one_im_sa_cls": 44.89795918367347, "model_in_bounds": 1, "pred_cls": 65.47807196311673, "error_w_gmm": 0.1678828259120021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16563291570413596}, "run_4671": {"edge_length": 800, "pf": 0.5052375, "in_bounds_one_im": 1, "error_one_im": 0.11177092724357107, "one_im_sa_cls": 46.10204081632653, "model_in_bounds": 1, "pred_cls": 64.32255212978434, "error_w_gmm": 0.1580635000667519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15594518522210168}, "run_4672": {"edge_length": 800, "pf": 0.5670296875, "in_bounds_one_im": 0, "error_one_im": 0.10621189162135844, "one_im_sa_cls": 49.61224489795919, "model_in_bounds": 1, "pred_cls": 142.53361495547716, "error_w_gmm": 0.30928666002892263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.30514170231942706}, "run_4673": {"edge_length": 800, "pf": 0.4935421875, "in_bounds_one_im": 1, "error_one_im": 0.12039285191564603, "one_im_sa_cls": 48.51020408163265, "model_in_bounds": 1, "pred_cls": 70.49986125987442, "error_w_gmm": 0.1773435863890529, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17496688619265838}, "run_4674": {"edge_length": 800, "pf": 0.4519265625, "in_bounds_one_im": 1, "error_one_im": 0.13462519040490348, "one_im_sa_cls": 49.89795918367347, "model_in_bounds": 1, "pred_cls": 66.19527708478327, "error_w_gmm": 0.18102150674511788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1785955162743437}, "run_4675": {"edge_length": 800, "pf": 0.4697828125, "in_bounds_one_im": 1, "error_one_im": 0.14299321099289902, "one_im_sa_cls": 54.93877551020408, "model_in_bounds": 1, "pred_cls": 59.615550360635694, "error_w_gmm": 0.15727352638772854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15516579850952178}, "run_4676": {"edge_length": 800, "pf": 0.5452875, "in_bounds_one_im": 1, "error_one_im": 0.1105838836980701, "one_im_sa_cls": 49.42857142857143, "model_in_bounds": 1, "pred_cls": 66.75886582266025, "error_w_gmm": 0.151384828503778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14935601901051127}, "run_4677": {"edge_length": 800, "pf": 0.55358125, "in_bounds_one_im": 1, "error_one_im": 0.09976692947566088, "one_im_sa_cls": 45.3469387755102, "model_in_bounds": 1, "pred_cls": 63.7380461242663, "error_w_gmm": 0.14213368035994026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14022885169991392}, "run_4678": {"edge_length": 800, "pf": 0.509675, "in_bounds_one_im": 1, "error_one_im": 0.12010087233041393, "one_im_sa_cls": 49.97959183673469, "model_in_bounds": 1, "pred_cls": 79.72135347531767, "error_w_gmm": 0.194172509734608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19157027386345427}, "run_4679": {"edge_length": 800, "pf": 0.5555203125, "in_bounds_one_im": 1, "error_one_im": 0.1330978188494792, "one_im_sa_cls": 60.734693877551024, "model_in_bounds": 1, "pred_cls": 74.67325492501867, "error_w_gmm": 0.16586654475158485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16364365607817358}, "run_4680": {"edge_length": 800, "pf": 0.4822140625, "in_bounds_one_im": 1, "error_one_im": 0.11310217319146673, "one_im_sa_cls": 44.55102040816327, "model_in_bounds": 1, "pred_cls": 63.03385029254759, "error_w_gmm": 0.16219847024120315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16002473989139826}, "run_4681": {"edge_length": 1000, "pf": 0.488341, "in_bounds_one_im": 1, "error_one_im": 0.11230692424133425, "one_im_sa_cls": 55.97959183673469, "model_in_bounds": 1, "pred_cls": 64.52685875488977, "error_w_gmm": 0.132098909990043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1294545529887413}, "run_4682": {"edge_length": 1000, "pf": 0.482202, "in_bounds_one_im": 1, "error_one_im": 0.09678422494337208, "one_im_sa_cls": 47.6530612244898, "model_in_bounds": 1, "pred_cls": 66.48626097803005, "error_w_gmm": 0.1377931366523433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1350347925776996}, "run_4683": {"edge_length": 1000, "pf": 0.499091, "in_bounds_one_im": 1, "error_one_im": 0.1166898092388185, "one_im_sa_cls": 59.42857142857143, "model_in_bounds": 1, "pred_cls": 162.08579755525042, "error_w_gmm": 0.324761475759329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3182603980271814}, "run_4684": {"edge_length": 1000, "pf": 0.500801, "in_bounds_one_im": 1, "error_one_im": 0.09568482884180624, "one_im_sa_cls": 48.89795918367347, "model_in_bounds": 1, "pred_cls": 91.6717987721265, "error_w_gmm": 0.18305011599141277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17938581735452416}, "run_4685": {"edge_length": 1000, "pf": 0.559121, "in_bounds_one_im": 0, "error_one_im": 0.09103479562493914, "one_im_sa_cls": 52.30612244897959, "model_in_bounds": 0, "pred_cls": 56.59395527259622, "error_w_gmm": 0.10050943860999353, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0984974398909635}, "run_4686": {"edge_length": 1000, "pf": 0.523133, "in_bounds_one_im": 1, "error_one_im": 0.10505946327234512, "one_im_sa_cls": 56.142857142857146, "model_in_bounds": 1, "pred_cls": 61.32398215913852, "error_w_gmm": 0.11709892837172314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11475484111840643}, "run_4687": {"edge_length": 1000, "pf": 0.496828, "in_bounds_one_im": 1, "error_one_im": 0.11729966169950698, "one_im_sa_cls": 59.46938775510204, "model_in_bounds": 1, "pred_cls": 60.85721065520049, "error_w_gmm": 0.12248904249157525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12003705589214199}, "run_4688": {"edge_length": 1000, "pf": 0.506247, "in_bounds_one_im": 1, "error_one_im": 0.13189917296099424, "one_im_sa_cls": 68.14285714285714, "model_in_bounds": 1, "pred_cls": 174.5641368399531, "error_w_gmm": 0.34479317719252406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3378911047062422}, "run_4689": {"edge_length": 1000, "pf": 0.500572, "in_bounds_one_im": 1, "error_one_im": 0.08889660864612262, "one_im_sa_cls": 45.40816326530612, "model_in_bounds": 1, "pred_cls": 133.3358084258075, "error_w_gmm": 0.2663667188238509, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.26103458778742744}, "run_4690": {"edge_length": 1000, "pf": 0.522285, "in_bounds_one_im": 1, "error_one_im": 0.09846711554625424, "one_im_sa_cls": 52.53061224489796, "model_in_bounds": 1, "pred_cls": 70.17258622528806, "error_w_gmm": 0.1342233707376236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1315364862646548}, "run_4691": {"edge_length": 1000, "pf": 0.486377, "in_bounds_one_im": 1, "error_one_im": 0.09902036611596808, "one_im_sa_cls": 49.16326530612245, "model_in_bounds": 1, "pred_cls": 61.084332373712584, "error_w_gmm": 0.12554387924349938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12303074089835225}, "run_4692": {"edge_length": 1000, "pf": 0.569557, "in_bounds_one_im": 0, "error_one_im": 0.07771749006453237, "one_im_sa_cls": 45.61224489795919, "model_in_bounds": 1, "pred_cls": 97.62837905726008, "error_w_gmm": 0.16974434010772052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16634639659532507}, "run_4693": {"edge_length": 1000, "pf": 0.474528, "in_bounds_one_im": 1, "error_one_im": 0.10594466559498932, "one_im_sa_cls": 51.36734693877551, "model_in_bounds": 1, "pred_cls": 63.139727728893064, "error_w_gmm": 0.1328851859362497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13022508925697904}, "run_4694": {"edge_length": 1000, "pf": 0.465278, "in_bounds_one_im": 1, "error_one_im": 0.08190174322263599, "one_im_sa_cls": 38.97959183673469, "model_in_bounds": 1, "pred_cls": 57.316472504498755, "error_w_gmm": 0.12289019042642063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12043017364452666}, "run_4695": {"edge_length": 1000, "pf": 0.511477, "in_bounds_one_im": 1, "error_one_im": 0.10793141498938126, "one_im_sa_cls": 56.3469387755102, "model_in_bounds": 1, "pred_cls": 66.64454853259384, "error_w_gmm": 0.1302639007730149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1276562770004042}, "run_4696": {"edge_length": 1000, "pf": 0.460547, "in_bounds_one_im": 1, "error_one_im": 0.12342099854807867, "one_im_sa_cls": 58.183673469387756, "model_in_bounds": 1, "pred_cls": 62.74421709504029, "error_w_gmm": 0.1358136833842992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13309496402047621}, "run_4697": {"edge_length": 1000, "pf": 0.455713, "in_bounds_one_im": 1, "error_one_im": 0.10482610802614141, "one_im_sa_cls": 48.93877551020408, "model_in_bounds": 1, "pred_cls": 93.72510906962631, "error_w_gmm": 0.20485861019856652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20075774895606016}, "run_4698": {"edge_length": 1000, "pf": 0.483447, "in_bounds_one_im": 1, "error_one_im": 0.10158747754257962, "one_im_sa_cls": 50.142857142857146, "model_in_bounds": 1, "pred_cls": 62.87564674775359, "error_w_gmm": 0.1299856679628702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12738361385680375}, "run_4699": {"edge_length": 1000, "pf": 0.503705, "in_bounds_one_im": 1, "error_one_im": 0.1145856299640755, "one_im_sa_cls": 58.89795918367347, "model_in_bounds": 1, "pred_cls": 124.64468042077175, "error_w_gmm": 0.24744892024599333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24249548584773556}, "run_4700": {"edge_length": 1000, "pf": 0.577098, "in_bounds_one_im": 0, "error_one_im": 0.09419713333752774, "one_im_sa_cls": 56.142857142857146, "model_in_bounds": 1, "pred_cls": 100.29011809327406, "error_w_gmm": 0.17170511125527405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16826791701089006}, "run_4701": {"edge_length": 1000, "pf": 0.455401, "in_bounds_one_im": 1, "error_one_im": 0.11263430255166965, "one_im_sa_cls": 52.55102040816327, "model_in_bounds": 1, "pred_cls": 65.52902336495376, "error_w_gmm": 0.14331944602561078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1404504762472147}, "run_4702": {"edge_length": 1000, "pf": 0.449445, "in_bounds_one_im": 0, "error_one_im": 0.09004612710148338, "one_im_sa_cls": 41.51020408163265, "model_in_bounds": 1, "pred_cls": 57.19148993211525, "error_w_gmm": 0.126597020732522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12406280059290681}, "run_4703": {"edge_length": 1000, "pf": 0.509317, "in_bounds_one_im": 1, "error_one_im": 0.08382167018952752, "one_im_sa_cls": 43.57142857142857, "model_in_bounds": 1, "pred_cls": 61.051201539898976, "error_w_gmm": 0.1198479558678447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11744883856086064}, "run_4704": {"edge_length": 1000, "pf": 0.493688, "in_bounds_one_im": 1, "error_one_im": 0.08547070595897231, "one_im_sa_cls": 43.06122448979592, "model_in_bounds": 1, "pred_cls": 59.725314553011, "error_w_gmm": 0.12096821330431924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11854667067531238}, "run_4705": {"edge_length": 1000, "pf": 0.505323, "in_bounds_one_im": 1, "error_one_im": 0.09165726464211463, "one_im_sa_cls": 47.265306122448976, "model_in_bounds": 1, "pred_cls": 63.71996862973483, "error_w_gmm": 0.12609035726120882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12356627951487893}, "run_4706": {"edge_length": 1000, "pf": 0.417483, "in_bounds_one_im": 0, "error_one_im": 0.1107974492613069, "one_im_sa_cls": 47.857142857142854, "model_in_bounds": 0, "pred_cls": 64.64366815000784, "error_w_gmm": 0.1527182335663275, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.14966111878628888}, "run_4707": {"edge_length": 1000, "pf": 0.469203, "in_bounds_one_im": 1, "error_one_im": 0.11469797184810783, "one_im_sa_cls": 55.02040816326531, "model_in_bounds": 1, "pred_cls": 92.08947716844145, "error_w_gmm": 0.19589522164909637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19197378958785993}, "run_4708": {"edge_length": 1000, "pf": 0.446781, "in_bounds_one_im": 0, "error_one_im": 0.10806918819959002, "one_im_sa_cls": 49.55102040816327, "model_in_bounds": 1, "pred_cls": 67.69967008010242, "error_w_gmm": 0.15066686217438433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14765081176272668}, "run_4709": {"edge_length": 1000, "pf": 0.538658, "in_bounds_one_im": 1, "error_one_im": 0.10938667870525604, "one_im_sa_cls": 60.30612244897959, "model_in_bounds": 1, "pred_cls": 163.2797914990396, "error_w_gmm": 0.30221594401252283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.29616618290915914}, "run_4710": {"edge_length": 1000, "pf": 0.496235, "in_bounds_one_im": 1, "error_one_im": 0.09168614464269004, "one_im_sa_cls": 46.42857142857143, "model_in_bounds": 1, "pred_cls": 61.97340595029024, "error_w_gmm": 0.12488367195267829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12238374964218215}, "run_4711": {"edge_length": 1000, "pf": 0.484827, "in_bounds_one_im": 1, "error_one_im": 0.0990394368192997, "one_im_sa_cls": 49.02040816326531, "model_in_bounds": 1, "pred_cls": 137.12382260467118, "error_w_gmm": 0.28270016065340314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.27704106665217876}, "run_4712": {"edge_length": 1000, "pf": 0.442427, "in_bounds_one_im": 0, "error_one_im": 0.1218686248238987, "one_im_sa_cls": 55.38775510204081, "model_in_bounds": 1, "pred_cls": 64.48117715113094, "error_w_gmm": 0.14477481182667779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14187670852442585}, "run_4713": {"edge_length": 1000, "pf": 0.497129, "in_bounds_one_im": 1, "error_one_im": 0.08162586645923317, "one_im_sa_cls": 41.40816326530612, "model_in_bounds": 1, "pred_cls": 94.38527744774558, "error_w_gmm": 0.18985760530366314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1860570342931002}, "run_4714": {"edge_length": 1000, "pf": 0.54019, "in_bounds_one_im": 1, "error_one_im": 0.09473136945416068, "one_im_sa_cls": 52.38775510204081, "model_in_bounds": 1, "pred_cls": 64.26993477231072, "error_w_gmm": 0.11859156239107967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11621759557842548}, "run_4715": {"edge_length": 1000, "pf": 0.537765, "in_bounds_one_im": 1, "error_one_im": 0.0892613083213767, "one_im_sa_cls": 49.12244897959184, "model_in_bounds": 1, "pred_cls": 140.08709197979294, "error_w_gmm": 0.259754609135267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.25455483936170104}, "run_4716": {"edge_length": 1000, "pf": 0.536713, "in_bounds_one_im": 1, "error_one_im": 0.0834300215854383, "one_im_sa_cls": 45.816326530612244, "model_in_bounds": 1, "pred_cls": 66.80211865868917, "error_w_gmm": 0.12412927871414536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12164445785332964}, "run_4717": {"edge_length": 1000, "pf": 0.544859, "in_bounds_one_im": 1, "error_one_im": 0.10638390191016996, "one_im_sa_cls": 59.38775510204081, "model_in_bounds": 1, "pred_cls": 65.0000704325816, "error_w_gmm": 0.118815948168763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11643748959987664}, "run_4718": {"edge_length": 1000, "pf": 0.5154, "in_bounds_one_im": 1, "error_one_im": 0.07128809605462802, "one_im_sa_cls": 37.51020408163265, "model_in_bounds": 1, "pred_cls": 62.82110277061924, "error_w_gmm": 0.12183022583443977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11939142743194157}, "run_4719": {"edge_length": 1000, "pf": 0.438389, "in_bounds_one_im": 0, "error_one_im": 0.10476189465521607, "one_im_sa_cls": 47.224489795918366, "model_in_bounds": 0, "pred_cls": 61.78479203693925, "error_w_gmm": 0.1398619449888921, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.13706218749297533}, "run_4720": {"edge_length": 1000, "pf": 0.497897, "in_bounds_one_im": 1, "error_one_im": 0.11608510729120529, "one_im_sa_cls": 58.97959183673469, "model_in_bounds": 1, "pred_cls": 70.81971193640024, "error_w_gmm": 0.14223641740729318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1393891277041503}, "run_4721": {"edge_length": 1200, "pf": 0.4796930555555556, "in_bounds_one_im": 1, "error_one_im": 0.10386768440116673, "one_im_sa_cls": 61.06122448979592, "model_in_bounds": 1, "pred_cls": 159.51140715379654, "error_w_gmm": 0.27687809065170366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2713355428927776}, "run_4722": {"edge_length": 1200, "pf": 0.5129645833333333, "in_bounds_one_im": 1, "error_one_im": 0.074507631821667, "one_im_sa_cls": 46.816326530612244, "model_in_bounds": 1, "pred_cls": 67.29212036641188, "error_w_gmm": 0.10928222885294524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10709461635101823}, "run_4723": {"edge_length": 1200, "pf": 0.5065180555555555, "in_bounds_one_im": 1, "error_one_im": 0.09393231928981968, "one_im_sa_cls": 58.265306122448976, "model_in_bounds": 1, "pred_cls": 103.92119213356055, "error_w_gmm": 0.17095863353230029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16753638228474507}, "run_4724": {"edge_length": 1200, "pf": 0.46973125, "in_bounds_one_im": 1, "error_one_im": 0.09409913028738386, "one_im_sa_cls": 54.224489795918366, "model_in_bounds": 1, "pred_cls": 147.95180173593602, "error_w_gmm": 0.26199457461455666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2567499651947115}, "run_4725": {"edge_length": 1200, "pf": 0.5677131944444445, "in_bounds_one_im": 0, "error_one_im": 0.08246037855430925, "one_im_sa_cls": 57.857142857142854, "model_in_bounds": 0, "pred_cls": 58.60848158012305, "error_w_gmm": 0.08523750237181048, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08353121739044803}, "run_4726": {"edge_length": 1200, "pf": 0.5360583333333333, "in_bounds_one_im": 1, "error_one_im": 0.08834640410759993, "one_im_sa_cls": 58.142857142857146, "model_in_bounds": 1, "pred_cls": 63.15164292500217, "error_w_gmm": 0.09791721809901902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09595711047021539}, "run_4727": {"edge_length": 1200, "pf": 0.5628611111111111, "in_bounds_one_im": 0, "error_one_im": 0.06732780848318827, "one_im_sa_cls": 46.775510204081634, "model_in_bounds": 0, "pred_cls": 69.8690719289368, "error_w_gmm": 0.1026225552975139, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10056825619229869}, "run_4728": {"edge_length": 1200, "pf": 0.49851875, "in_bounds_one_im": 1, "error_one_im": 0.08317785990140587, "one_im_sa_cls": 50.775510204081634, "model_in_bounds": 1, "pred_cls": 64.36784541019702, "error_w_gmm": 0.10759803075009201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10544413253880677}, "run_4729": {"edge_length": 1200, "pf": 0.5003152777777777, "in_bounds_one_im": 1, "error_one_im": 0.08044777799714123, "one_im_sa_cls": 49.285714285714285, "model_in_bounds": 1, "pred_cls": 82.870204594524, "error_w_gmm": 0.13802994465142188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13526686015242195}, "run_4730": {"edge_length": 1200, "pf": 0.5271798611111111, "in_bounds_one_im": 1, "error_one_im": 0.08090734475292273, "one_im_sa_cls": 52.30612244897959, "model_in_bounds": 1, "pred_cls": 65.9825034991762, "error_w_gmm": 0.10414684462924072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10206203228840036}, "run_4731": {"edge_length": 1200, "pf": 0.5571875, "in_bounds_one_im": 0, "error_one_im": 0.0820439242782323, "one_im_sa_cls": 56.3469387755102, "model_in_bounds": 0, "pred_cls": 62.95751954936277, "error_w_gmm": 0.09354177619821777, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0916692561992065}, "run_4732": {"edge_length": 1200, "pf": 0.47463541666666664, "in_bounds_one_im": 1, "error_one_im": 0.08802272548965483, "one_im_sa_cls": 51.224489795918366, "model_in_bounds": 1, "pred_cls": 68.0823176015751, "error_w_gmm": 0.11938050346434621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11699074362318887}, "run_4733": {"edge_length": 1200, "pf": 0.5078715277777778, "in_bounds_one_im": 1, "error_one_im": 0.09341584465714467, "one_im_sa_cls": 58.10204081632653, "model_in_bounds": 1, "pred_cls": 109.71767393110454, "error_w_gmm": 0.18000627892722168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17640291184421295}, "run_4734": {"edge_length": 1200, "pf": 0.554775, "in_bounds_one_im": 0, "error_one_im": 0.06049807224759332, "one_im_sa_cls": 41.3469387755102, "model_in_bounds": 0, "pred_cls": 60.024818219283596, "error_w_gmm": 0.08962123687243526, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08782719825995303}, "run_4735": {"edge_length": 1200, "pf": 0.43996805555555557, "in_bounds_one_im": 0, "error_one_im": 0.08529226402701666, "one_im_sa_cls": 46.285714285714285, "model_in_bounds": 0, "pred_cls": 64.15083167859557, "error_w_gmm": 0.12062765027133425, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11821292503575412}, "run_4736": {"edge_length": 1200, "pf": 0.5365145833333334, "in_bounds_one_im": 1, "error_one_im": 0.07258891831700466, "one_im_sa_cls": 47.816326530612244, "model_in_bounds": 1, "pred_cls": 81.49205599951901, "error_w_gmm": 0.1262383460449315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12371130585798502}, "run_4737": {"edge_length": 1200, "pf": 0.4367020833333333, "in_bounds_one_im": 0, "error_one_im": 0.09293915124577978, "one_im_sa_cls": 50.10204081632653, "model_in_bounds": 0, "pred_cls": 60.44826780482686, "error_w_gmm": 0.11442187246884324, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11213137454128391}, "run_4738": {"edge_length": 1200, "pf": 0.4998215277777778, "in_bounds_one_im": 1, "error_one_im": 0.07682600650575995, "one_im_sa_cls": 47.02040816326531, "model_in_bounds": 1, "pred_cls": 62.2621597676821, "error_w_gmm": 0.1038073131125277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1017292975162135}, "run_4739": {"edge_length": 1200, "pf": 0.46027986111111113, "in_bounds_one_im": 0, "error_one_im": 0.08590551525385064, "one_im_sa_cls": 48.57142857142857, "model_in_bounds": 1, "pred_cls": 64.0439677483913, "error_w_gmm": 0.1155846879362382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11327091275966417}, "run_4740": {"edge_length": 1200, "pf": 0.4467951388888889, "in_bounds_one_im": 0, "error_one_im": 0.07061979997908426, "one_im_sa_cls": 38.857142857142854, "model_in_bounds": 1, "pred_cls": 64.60311126936739, "error_w_gmm": 0.11980941780424638, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.11741107195251743}, "run_4741": {"edge_length": 1200, "pf": 0.5276673611111111, "in_bounds_one_im": 1, "error_one_im": 0.10400764882219227, "one_im_sa_cls": 67.3061224489796, "model_in_bounds": 1, "pred_cls": 91.91645814774999, "error_w_gmm": 0.14493921120000644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14203781694982862}, "run_4742": {"edge_length": 1200, "pf": 0.5047694444444445, "in_bounds_one_im": 1, "error_one_im": 0.08719595803326018, "one_im_sa_cls": 53.89795918367347, "model_in_bounds": 1, "pred_cls": 93.08888606656267, "error_w_gmm": 0.15367519418547484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15059892296036492}, "run_4743": {"edge_length": 1200, "pf": 0.5434923611111111, "in_bounds_one_im": 1, "error_one_im": 0.08559850866386169, "one_im_sa_cls": 57.183673469387756, "model_in_bounds": 1, "pred_cls": 66.42195301221048, "error_w_gmm": 0.10145832614043593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09942733258348654}, "run_4744": {"edge_length": 1200, "pf": 0.49333958333333333, "in_bounds_one_im": 1, "error_one_im": 0.09201600520377207, "one_im_sa_cls": 55.59183673469388, "model_in_bounds": 1, "pred_cls": 73.75269940115385, "error_w_gmm": 0.12456963062410994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12207599479535669}, "run_4745": {"edge_length": 1200, "pf": 0.4775916666666667, "in_bounds_one_im": 1, "error_one_im": 0.07422036815693192, "one_im_sa_cls": 43.44897959183673, "model_in_bounds": 1, "pred_cls": 62.236344998689695, "error_w_gmm": 0.10848495347744971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10631330084015232}, "run_4746": {"edge_length": 1200, "pf": 0.4759798611111111, "in_bounds_one_im": 1, "error_one_im": 0.08051110442921798, "one_im_sa_cls": 46.97959183673469, "model_in_bounds": 1, "pred_cls": 140.54810548867786, "error_w_gmm": 0.24578390813385476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24086380396092824}, "run_4747": {"edge_length": 1200, "pf": 0.48851319444444447, "in_bounds_one_im": 1, "error_one_im": 0.06292832960727958, "one_im_sa_cls": 37.6530612244898, "model_in_bounds": 1, "pred_cls": 61.94662499887662, "error_w_gmm": 0.1056441535935079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10352936811024653}, "run_4748": {"edge_length": 1200, "pf": 0.54301875, "in_bounds_one_im": 1, "error_one_im": 0.09650493827221299, "one_im_sa_cls": 64.40816326530613, "model_in_bounds": 1, "pred_cls": 128.90653807425514, "error_w_gmm": 0.19709040072907916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1931450435637809}, "run_4749": {"edge_length": 1200, "pf": 0.5029444444444444, "in_bounds_one_im": 1, "error_one_im": 0.08476445295891138, "one_im_sa_cls": 52.204081632653065, "model_in_bounds": 1, "pred_cls": 127.36984387587675, "error_w_gmm": 0.21103662099834575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20681208828789344}, "run_4750": {"edge_length": 1200, "pf": 0.5062222222222222, "in_bounds_one_im": 1, "error_one_im": 0.08286080494875829, "one_im_sa_cls": 51.36734693877551, "model_in_bounds": 1, "pred_cls": 63.93778283359555, "error_w_gmm": 0.10524500406912088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10313820876412422}, "run_4751": {"edge_length": 1200, "pf": 0.4993194444444444, "in_bounds_one_im": 1, "error_one_im": 0.0803077598014841, "one_im_sa_cls": 49.10204081632653, "model_in_bounds": 1, "pred_cls": 68.3627791324806, "error_w_gmm": 0.11409315313711528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11180923551567949}, "run_4752": {"edge_length": 1200, "pf": 0.5040763888888888, "in_bounds_one_im": 1, "error_one_im": 0.08764753526746498, "one_im_sa_cls": 54.10204081632653, "model_in_bounds": 1, "pred_cls": 80.01360650271265, "error_w_gmm": 0.13227318494205392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1296253393034157}, "run_4753": {"edge_length": 1200, "pf": 0.4998138888888889, "in_bounds_one_im": 1, "error_one_im": 0.08989847132897903, "one_im_sa_cls": 55.02040816326531, "model_in_bounds": 1, "pred_cls": 81.41477342604031, "error_w_gmm": 0.13574180576001643, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.133024525243032}, "run_4754": {"edge_length": 1200, "pf": 0.48683680555555553, "in_bounds_one_im": 1, "error_one_im": 0.07662330957789458, "one_im_sa_cls": 45.69387755102041, "model_in_bounds": 1, "pred_cls": 64.11792834515245, "error_w_gmm": 0.10971456344228053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10751829646320234}, "run_4755": {"edge_length": 1200, "pf": 0.46755069444444447, "in_bounds_one_im": 1, "error_one_im": 0.0929469094930619, "one_im_sa_cls": 53.326530612244895, "model_in_bounds": 1, "pred_cls": 83.43820525120842, "error_w_gmm": 0.1484015656381934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1454308619501079}, "run_4756": {"edge_length": 1200, "pf": 0.5352048611111111, "in_bounds_one_im": 1, "error_one_im": 0.0838076135693064, "one_im_sa_cls": 55.06122448979592, "model_in_bounds": 1, "pred_cls": 64.89568749136778, "error_w_gmm": 0.1007941556668753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09877645747959972}, "run_4757": {"edge_length": 1200, "pf": 0.5357770833333333, "in_bounds_one_im": 1, "error_one_im": 0.0946638566119036, "one_im_sa_cls": 62.265306122448976, "model_in_bounds": 1, "pred_cls": 67.05844162218915, "error_w_gmm": 0.10403355212504721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10195100767443148}, "run_4758": {"edge_length": 1200, "pf": 0.5434763888888889, "in_bounds_one_im": 0, "error_one_im": 0.07237308860967724, "one_im_sa_cls": 48.3469387755102, "model_in_bounds": 1, "pred_cls": 81.64867466420068, "error_w_gmm": 0.12472088118734026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12222421762364304}, "run_4759": {"edge_length": 1200, "pf": 0.46603819444444444, "in_bounds_one_im": 1, "error_one_im": 0.09108899714877484, "one_im_sa_cls": 52.10204081632653, "model_in_bounds": 1, "pred_cls": 64.84247915513765, "error_w_gmm": 0.11567851416041978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11336286076976479}, "run_4760": {"edge_length": 1200, "pf": 0.5374965277777778, "in_bounds_one_im": 1, "error_one_im": 0.08911163429851532, "one_im_sa_cls": 58.816326530612244, "model_in_bounds": 1, "pred_cls": 59.89400969767332, "error_w_gmm": 0.09259804239991205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09074441407137022}, "run_4761": {"edge_length": 1400, "pf": 0.4691127551020408, "in_bounds_one_im": 1, "error_one_im": 0.07121291915582202, "one_im_sa_cls": 47.816326530612244, "model_in_bounds": 1, "pred_cls": 62.092392789834946, "error_w_gmm": 0.09247598302750037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09247428375961123}, "run_4762": {"edge_length": 1400, "pf": 0.5191117346938775, "in_bounds_one_im": 1, "error_one_im": 0.06910478664648753, "one_im_sa_cls": 51.285714285714285, "model_in_bounds": 1, "pred_cls": 63.67817313223191, "error_w_gmm": 0.08580454597779553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08580296929912776}, "run_4763": {"edge_length": 1400, "pf": 0.4771984693877551, "in_bounds_one_im": 1, "error_one_im": 0.07147279740251522, "one_im_sa_cls": 48.775510204081634, "model_in_bounds": 1, "pred_cls": 61.20497775113371, "error_w_gmm": 0.08968786467437985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0896862166388198}, "run_4764": {"edge_length": 1400, "pf": 0.49311173469387753, "in_bounds_one_im": 1, "error_one_im": 0.06401764573024525, "one_im_sa_cls": 45.10204081632653, "model_in_bounds": 1, "pred_cls": 62.173580125281724, "error_w_gmm": 0.08825053795277142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08824891632842709}, "run_4765": {"edge_length": 1400, "pf": 0.5316270408163265, "in_bounds_one_im": 1, "error_one_im": 0.06371809558355784, "one_im_sa_cls": 48.48979591836735, "model_in_bounds": 1, "pred_cls": 62.52609711584369, "error_w_gmm": 0.08216402989789831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08216252011456787}, "run_4766": {"edge_length": 1400, "pf": 0.5105525510204082, "in_bounds_one_im": 1, "error_one_im": 0.06414470902628948, "one_im_sa_cls": 46.795918367346935, "model_in_bounds": 1, "pred_cls": 66.37482090159578, "error_w_gmm": 0.09098382845488638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09098215660568772}, "run_4767": {"edge_length": 1400, "pf": 0.5029341836734694, "in_bounds_one_im": 1, "error_one_im": 0.07396330795005214, "one_im_sa_cls": 53.142857142857146, "model_in_bounds": 1, "pred_cls": 64.56542925754549, "error_w_gmm": 0.08986269718826151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08986104594011289}, "run_4768": {"edge_length": 1400, "pf": 0.4878515306122449, "in_bounds_one_im": 1, "error_one_im": 0.07587751096009447, "one_im_sa_cls": 52.89795918367347, "model_in_bounds": 1, "pred_cls": 96.00953069492087, "error_w_gmm": 0.13771983258690082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13771730195265888}, "run_4769": {"edge_length": 1400, "pf": 0.5045938775510204, "in_bounds_one_im": 1, "error_one_im": 0.0838247137560204, "one_im_sa_cls": 60.42857142857143, "model_in_bounds": 1, "pred_cls": 66.55039066367843, "error_w_gmm": 0.09231841536578328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09231671899323694}, "run_4770": {"edge_length": 1400, "pf": 0.5578290816326531, "in_bounds_one_im": 0, "error_one_im": 0.07061353428624544, "one_im_sa_cls": 56.6530612244898, "model_in_bounds": 1, "pred_cls": 99.15574966592685, "error_w_gmm": 0.12359202553785806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12358975450538595}, "run_4771": {"edge_length": 1400, "pf": 0.48092551020408164, "in_bounds_one_im": 1, "error_one_im": 0.0839123182408798, "one_im_sa_cls": 57.69387755102041, "model_in_bounds": 1, "pred_cls": 63.73732061184703, "error_w_gmm": 0.09270385068497633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09270214722996549}, "run_4772": {"edge_length": 1400, "pf": 0.5183897959183673, "in_bounds_one_im": 1, "error_one_im": 0.062430255641520195, "one_im_sa_cls": 46.265306122448976, "model_in_bounds": 1, "pred_cls": 96.62988754658103, "error_w_gmm": 0.1303944562515276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1303920602227948}, "run_4773": {"edge_length": 1400, "pf": 0.5105530612244898, "in_bounds_one_im": 1, "error_one_im": 0.061766843848128535, "one_im_sa_cls": 45.06122448979592, "model_in_bounds": 1, "pred_cls": 62.211889513423905, "error_w_gmm": 0.08527736916040246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08527580216873247}, "run_4774": {"edge_length": 1400, "pf": 0.4755234693877551, "in_bounds_one_im": 1, "error_one_im": 0.07099303892554469, "one_im_sa_cls": 48.285714285714285, "model_in_bounds": 1, "pred_cls": 61.7043085836536, "error_w_gmm": 0.09072366312798444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0907219960593846}, "run_4775": {"edge_length": 1400, "pf": 0.5316642857142857, "in_bounds_one_im": 1, "error_one_im": 0.06813786715255417, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 64.14840627721392, "error_w_gmm": 0.08428956287563309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08428801403513533}, "run_4776": {"edge_length": 1400, "pf": 0.4883469387755102, "in_bounds_one_im": 1, "error_one_im": 0.0749542279376443, "one_im_sa_cls": 52.30612244897959, "model_in_bounds": 1, "pred_cls": 65.30011549230352, "error_w_gmm": 0.09357622877399092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.093574509288828}, "run_4777": {"edge_length": 1400, "pf": 0.5000423469387755, "in_bounds_one_im": 1, "error_one_im": 0.06665027290738512, "one_im_sa_cls": 47.61224489795919, "model_in_bounds": 1, "pred_cls": 60.38004714086668, "error_w_gmm": 0.08452490695191754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08452335378691708}, "run_4778": {"edge_length": 1400, "pf": 0.523705612244898, "in_bounds_one_im": 1, "error_one_im": 0.08269453106943377, "one_im_sa_cls": 61.93877551020408, "model_in_bounds": 1, "pred_cls": 66.39855596601316, "error_w_gmm": 0.08865041810421413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08864878913197816}, "run_4779": {"edge_length": 1400, "pf": 0.523040306122449, "in_bounds_one_im": 1, "error_one_im": 0.0859151785950157, "one_im_sa_cls": 64.26530612244898, "model_in_bounds": 1, "pred_cls": 62.875018432283916, "error_w_gmm": 0.08405807156391167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08405652697712108}, "run_4780": {"edge_length": 1400, "pf": 0.49073316326530614, "in_bounds_one_im": 1, "error_one_im": 0.07247251224790176, "one_im_sa_cls": 50.816326530612244, "model_in_bounds": 1, "pred_cls": 64.5489850567411, "error_w_gmm": 0.09205925321503985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09205756160465886}, "run_4781": {"edge_length": 1400, "pf": 0.49460714285714286, "in_bounds_one_im": 1, "error_one_im": 0.05221637988746117, "one_im_sa_cls": 36.89795918367347, "model_in_bounds": 1, "pred_cls": 58.77646613547923, "error_w_gmm": 0.08317941556764179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08317788712636132}, "run_4782": {"edge_length": 1400, "pf": 0.47369285714285714, "in_bounds_one_im": 1, "error_one_im": 0.08697458762264426, "one_im_sa_cls": 58.93877551020408, "model_in_bounds": 1, "pred_cls": 66.40431908088453, "error_w_gmm": 0.09799311822019202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0979913175736491}, "run_4783": {"edge_length": 1400, "pf": 0.525686224489796, "in_bounds_one_im": 1, "error_one_im": 0.07753607034034363, "one_im_sa_cls": 58.30612244897959, "model_in_bounds": 1, "pred_cls": 62.99365758872617, "error_w_gmm": 0.08377114121285714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0837696018984791}, "run_4784": {"edge_length": 1400, "pf": 0.4473867346938776, "in_bounds_one_im": 0, "error_one_im": 0.09145039055689615, "one_im_sa_cls": 58.775510204081634, "model_in_bounds": 0, "pred_cls": 62.7837344445114, "error_w_gmm": 0.09768868906056495, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09768689400797916}, "run_4785": {"edge_length": 1400, "pf": 0.5066474489795918, "in_bounds_one_im": 1, "error_one_im": 0.060531547755534536, "one_im_sa_cls": 43.816326530612244, "model_in_bounds": 1, "pred_cls": 70.65975895071347, "error_w_gmm": 0.09761711003570396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09761531629839959}, "run_4786": {"edge_length": 1400, "pf": 0.504715306122449, "in_bounds_one_im": 1, "error_one_im": 0.07774757472828596, "one_im_sa_cls": 56.06122448979592, "model_in_bounds": 1, "pred_cls": 66.06048312375482, "error_w_gmm": 0.09161656336820256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09161487989235136}, "run_4787": {"edge_length": 1400, "pf": 0.4877474489795918, "in_bounds_one_im": 1, "error_one_im": 0.07685955128569766, "one_im_sa_cls": 53.57142857142857, "model_in_bounds": 1, "pred_cls": 65.24388874496312, "error_w_gmm": 0.0936078856442064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0936061655773411}, "run_4788": {"edge_length": 1400, "pf": 0.47886734693877553, "in_bounds_one_im": 1, "error_one_im": 0.07370799920760933, "one_im_sa_cls": 50.46938775510204, "model_in_bounds": 1, "pred_cls": 63.47776487476804, "error_w_gmm": 0.09270778242390947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09270607889665203}, "run_4789": {"edge_length": 1400, "pf": 0.5158331632653061, "in_bounds_one_im": 1, "error_one_im": 0.07005820567736501, "one_im_sa_cls": 51.6530612244898, "model_in_bounds": 1, "pred_cls": 78.94892774809801, "error_w_gmm": 0.10708216943438957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1070802017743976}, "run_4790": {"edge_length": 1400, "pf": 0.5047076530612244, "in_bounds_one_im": 1, "error_one_im": 0.06699356622367712, "one_im_sa_cls": 48.30612244897959, "model_in_bounds": 1, "pred_cls": 65.02957606527708, "error_w_gmm": 0.09018822137029485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09018656414056303}, "run_4791": {"edge_length": 1400, "pf": 0.48025561224489793, "in_bounds_one_im": 1, "error_one_im": 0.06405159216327151, "one_im_sa_cls": 43.97959183673469, "model_in_bounds": 1, "pred_cls": 57.630320276434446, "error_w_gmm": 0.08393396678831287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08393242448197674}, "run_4792": {"edge_length": 1400, "pf": 0.4903887755102041, "in_bounds_one_im": 1, "error_one_im": 0.07776505234292085, "one_im_sa_cls": 54.48979591836735, "model_in_bounds": 1, "pred_cls": 117.5697703670602, "error_w_gmm": 0.16779265176135197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16778956853200053}, "run_4793": {"edge_length": 1400, "pf": 0.5380301020408164, "in_bounds_one_im": 0, "error_one_im": 0.06700692250291992, "one_im_sa_cls": 51.6530612244898, "model_in_bounds": 1, "pred_cls": 66.4885201349223, "error_w_gmm": 0.08625380330002187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08625221836614534}, "run_4794": {"edge_length": 1400, "pf": 0.44304948979591835, "in_bounds_one_im": 0, "error_one_im": 0.07249210518707168, "one_im_sa_cls": 46.183673469387756, "model_in_bounds": 0, "pred_cls": 65.36927088073853, "error_w_gmm": 0.102608622962495, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10260673750496921}, "run_4795": {"edge_length": 1400, "pf": 0.530863775510204, "in_bounds_one_im": 1, "error_one_im": 0.0631980736913198, "one_im_sa_cls": 48.02040816326531, "model_in_bounds": 1, "pred_cls": 59.768460947557415, "error_w_gmm": 0.0786607434842676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07865929807464711}, "run_4796": {"edge_length": 1400, "pf": 0.462740306122449, "in_bounds_one_im": 1, "error_one_im": 0.09060198292202197, "one_im_sa_cls": 60.06122448979592, "model_in_bounds": 1, "pred_cls": 66.17027727696495, "error_w_gmm": 0.09981928519084897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0998174509880594}, "run_4797": {"edge_length": 1400, "pf": 0.5142704081632653, "in_bounds_one_im": 1, "error_one_im": 0.07272119174903031, "one_im_sa_cls": 53.44897959183673, "model_in_bounds": 1, "pred_cls": 64.74909973070865, "error_w_gmm": 0.08809743903165926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08809582022054357}, "run_4798": {"edge_length": 1400, "pf": 0.5055117346938776, "in_bounds_one_im": 1, "error_one_im": 0.07900844539820408, "one_im_sa_cls": 57.06122448979592, "model_in_bounds": 1, "pred_cls": 63.41468763305413, "error_w_gmm": 0.08780722806344102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08780561458501997}, "run_4799": {"edge_length": 1400, "pf": 0.5191137755102041, "in_bounds_one_im": 1, "error_one_im": 0.07614419898834358, "one_im_sa_cls": 56.51020408163265, "model_in_bounds": 1, "pred_cls": 72.78679263059554, "error_w_gmm": 0.09807775347207903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09807595127034345}, "run_4800": {"edge_length": 1400, "pf": 0.5152260204081632, "in_bounds_one_im": 1, "error_one_im": 0.07266535826096551, "one_im_sa_cls": 53.51020408163265, "model_in_bounds": 1, "pred_cls": 60.85630183298974, "error_w_gmm": 0.08264267181321384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08264115323472579}}, "fractal_noise_0.015_12_True_simplex": {"true_cls": 21.775510204081634, "true_pf": 0.49991287, "run_4801": {"edge_length": 600, "pf": 0.5276388888888889, "in_bounds_one_im": 1, "error_one_im": 0.06351830500308811, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 37.59105684318711, "error_w_gmm": 0.12081447809080548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11618499551513914}, "run_4802": {"edge_length": 600, "pf": 0.49848888888888887, "in_bounds_one_im": 1, "error_one_im": 0.07201600111796677, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 23.11885699325709, "error_w_gmm": 0.07876706699435991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07574879658547197}, "run_4803": {"edge_length": 600, "pf": 0.49854166666666666, "in_bounds_one_im": 1, "error_one_im": 0.06465378140290987, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 27.467811310218064, "error_w_gmm": 0.09357428737351167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08998861999513287}, "run_4804": {"edge_length": 600, "pf": 0.4905777777777778, "in_bounds_one_im": 1, "error_one_im": 0.07234947359174003, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 22.768808395183214, "error_w_gmm": 0.07881177100937449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07579178759007713}, "run_4805": {"edge_length": 600, "pf": 0.49349166666666666, "in_bounds_one_im": 1, "error_one_im": 0.07327973406721643, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 26.45234660739966, "error_w_gmm": 0.09102975370297835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08754159015424888}, "run_4806": {"edge_length": 600, "pf": 0.4975111111111111, "in_bounds_one_im": 1, "error_one_im": 0.06793609110336112, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 16.19968253826851, "error_w_gmm": 0.05530114460966119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05318206344132303}, "run_4807": {"edge_length": 600, "pf": 0.5299388888888888, "in_bounds_one_im": 1, "error_one_im": 0.08338023246933188, "one_im_sa_cls": 27.10204081632653, "model_in_bounds": 1, "pred_cls": 25.954957709343535, "error_w_gmm": 0.08303293105834353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07985119726603941}, "run_4808": {"edge_length": 600, "pf": 0.5104472222222223, "in_bounds_one_im": 1, "error_one_im": 0.08859412954018202, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 23.287808569991896, "error_w_gmm": 0.07746735658988065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07449888970426258}, "run_4809": {"edge_length": 600, "pf": 0.5092361111111111, "in_bounds_one_im": 1, "error_one_im": 0.07624359910444457, "one_im_sa_cls": 23.775510204081634, "model_in_bounds": 1, "pred_cls": 36.65772096378183, "error_w_gmm": 0.12223848013690261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11755443131417476}, "run_4810": {"edge_length": 600, "pf": 0.5163472222222222, "in_bounds_one_im": 1, "error_one_im": 0.07606948681673248, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 52.222841043573844, "error_w_gmm": 0.1716809835416316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16510235046355076}, "run_4811": {"edge_length": 600, "pf": 0.4990722222222222, "in_bounds_one_im": 1, "error_one_im": 0.08094858077154889, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 31.80310628473887, "error_w_gmm": 0.10822838460010657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10408118776892786}, "run_4812": {"edge_length": 600, "pf": 0.4780333333333333, "in_bounds_one_im": 1, "error_one_im": 0.07363224500497456, "one_im_sa_cls": 21.571428571428573, "model_in_bounds": 1, "pred_cls": 20.777601043539413, "error_w_gmm": 0.07374854803970621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07092258195082493}, "run_4813": {"edge_length": 600, "pf": 0.5397027777777778, "in_bounds_one_im": 1, "error_one_im": 0.08902477893731148, "one_im_sa_cls": 29.510204081632654, "model_in_bounds": 1, "pred_cls": 28.536992147950873, "error_w_gmm": 0.08951912391670291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08608884609809743}, "run_4814": {"edge_length": 600, "pf": 0.5136083333333333, "in_bounds_one_im": 1, "error_one_im": 0.06351268667805803, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 15.347973391155163, "error_w_gmm": 0.05073338579219542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048789336293814996}, "run_4815": {"edge_length": 600, "pf": 0.5053555555555556, "in_bounds_one_im": 1, "error_one_im": 0.08547789287517361, "one_im_sa_cls": 26.448979591836736, "model_in_bounds": 1, "pred_cls": 28.07971028955249, "error_w_gmm": 0.09436402250584383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0907480933153685}, "run_4816": {"edge_length": 600, "pf": 0.4815611111111111, "in_bounds_one_im": 1, "error_one_im": 0.08646370779094487, "one_im_sa_cls": 25.510204081632654, "model_in_bounds": 1, "pred_cls": 50.45366716405926, "error_w_gmm": 0.17782040569757432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17100651647846854}, "run_4817": {"edge_length": 600, "pf": 0.5173527777777778, "in_bounds_one_im": 1, "error_one_im": 0.0656783819928797, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 59.332950548396525, "error_w_gmm": 0.19466292099363044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18720364446395016}, "run_4818": {"edge_length": 600, "pf": 0.506675, "in_bounds_one_im": 1, "error_one_im": 0.06939929272854725, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 20.89091116901988, "error_w_gmm": 0.07002046390880635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0673373540470706}, "run_4819": {"edge_length": 600, "pf": 0.5077527777777778, "in_bounds_one_im": 1, "error_one_im": 0.06852779254564756, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 15.47876828176975, "error_w_gmm": 0.05176874766383722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049785024197402376}, "run_4820": {"edge_length": 600, "pf": 0.5010805555555555, "in_bounds_one_im": 1, "error_one_im": 0.08115626119007108, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 20.63938653570739, "error_w_gmm": 0.06995584417783515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06727521047560703}, "run_4821": {"edge_length": 600, "pf": 0.49832777777777776, "in_bounds_one_im": 1, "error_one_im": 0.06956432558798198, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 18.026180347502773, "error_w_gmm": 0.06143586368986444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05908170659737201}, "run_4822": {"edge_length": 600, "pf": 0.5087833333333334, "in_bounds_one_im": 1, "error_one_im": 0.057971446902672336, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 33.66725514767047, "error_w_gmm": 0.11236824454088346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10806241267055719}, "run_4823": {"edge_length": 600, "pf": 0.4988638888888889, "in_bounds_one_im": 1, "error_one_im": 0.08058141396182907, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 17.327009271687633, "error_w_gmm": 0.05898970173028983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056729278967888264}, "run_4824": {"edge_length": 600, "pf": 0.48313055555555556, "in_bounds_one_im": 1, "error_one_im": 0.07157416513091236, "one_im_sa_cls": 21.183673469387756, "model_in_bounds": 1, "pred_cls": 17.396566439981598, "error_w_gmm": 0.06112058383688236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05877850793373835}, "run_4825": {"edge_length": 600, "pf": 0.5197611111111111, "in_bounds_one_im": 1, "error_one_im": 0.05985141308752457, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 24.013588720834704, "error_w_gmm": 0.07840605756820183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07540162065737185}, "run_4826": {"edge_length": 600, "pf": 0.487875, "in_bounds_one_im": 1, "error_one_im": 0.07704484159576706, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 12.93544269139104, "error_w_gmm": 0.04501743848110449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04329241801714356}, "run_4827": {"edge_length": 600, "pf": 0.5274416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06512098387522067, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 26.194341968797403, "error_w_gmm": 0.0842197146614367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0809925045810383}, "run_4828": {"edge_length": 600, "pf": 0.48183055555555554, "in_bounds_one_im": 1, "error_one_im": 0.07265946700450462, "one_im_sa_cls": 21.448979591836736, "model_in_bounds": 1, "pred_cls": 18.710390753943045, "error_w_gmm": 0.06590788357515283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06338236342697255}, "run_4829": {"edge_length": 600, "pf": 0.4967138888888889, "in_bounds_one_im": 1, "error_one_im": 0.07005765240014525, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 11.758722928760868, "error_w_gmm": 0.040205017485026494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038664403886038874}, "run_4830": {"edge_length": 600, "pf": 0.4932694444444444, "in_bounds_one_im": 1, "error_one_im": 0.081150314527549, "one_im_sa_cls": 24.510204081632654, "model_in_bounds": 1, "pred_cls": 40.062272116981966, "error_w_gmm": 0.13792652456799942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13264132653296068}, "run_4831": {"edge_length": 600, "pf": 0.4947916666666667, "in_bounds_one_im": 1, "error_one_im": 0.08016259848580906, "one_im_sa_cls": 24.285714285714285, "model_in_bounds": 1, "pred_cls": 16.986771261208453, "error_w_gmm": 0.05830431273211215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05607015334869257}, "run_4832": {"edge_length": 600, "pf": 0.4962861111111111, "in_bounds_one_im": 1, "error_one_im": 0.07716967860747787, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 17.337889617613857, "error_w_gmm": 0.05933185314236351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057058319500988885}, "run_4833": {"edge_length": 600, "pf": 0.5119055555555555, "in_bounds_one_im": 1, "error_one_im": 0.06919760063650494, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 51.909655686669396, "error_w_gmm": 0.17217533484008138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16557775874491695}, "run_4834": {"edge_length": 600, "pf": 0.48468333333333335, "in_bounds_one_im": 1, "error_one_im": 0.06928980580371183, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 1, "pred_cls": 23.023578697256294, "error_w_gmm": 0.08063928311782426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0775492713741358}, "run_4835": {"edge_length": 600, "pf": 0.5190083333333333, "in_bounds_one_im": 1, "error_one_im": 0.06546098605698791, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 22.61425127582342, "error_w_gmm": 0.07394853953640305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07111490998562646}, "run_4836": {"edge_length": 600, "pf": 0.5101333333333333, "in_bounds_one_im": 1, "error_one_im": 0.06526244526394759, "one_im_sa_cls": 20.387755102040817, "model_in_bounds": 1, "pred_cls": 24.33562831580992, "error_w_gmm": 0.08100380770192263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07789982776305461}, "run_4837": {"edge_length": 600, "pf": 0.4947472222222222, "in_bounds_one_im": 1, "error_one_im": 0.07147905746278747, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 18.767203446953037, "error_w_gmm": 0.06442108156007358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061952534087114396}, "run_4838": {"edge_length": 600, "pf": 0.4890111111111111, "in_bounds_one_im": 1, "error_one_im": 0.06119606005066465, "one_im_sa_cls": 18.3265306122449, "model_in_bounds": 1, "pred_cls": 20.883858368147187, "error_w_gmm": 0.07251417014558378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0697355041075154}, "run_4839": {"edge_length": 600, "pf": 0.4563055555555556, "in_bounds_one_im": 0, "error_one_im": 0.08463111152177567, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 0, "pred_cls": 22.268193996905282, "error_w_gmm": 0.08256582843888731, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07940199352320784}, "run_4840": {"edge_length": 600, "pf": 0.5059583333333333, "in_bounds_one_im": 1, "error_one_im": 0.08866867789663563, "one_im_sa_cls": 27.46938775510204, "model_in_bounds": 1, "pred_cls": 22.909560943036936, "error_w_gmm": 0.07689656776140169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07394997289789214}, "run_4841": {"edge_length": 800, "pf": 0.501109375, "in_bounds_one_im": 1, "error_one_im": 0.0507862574075083, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 19.470070897602035, "error_w_gmm": 0.048241596122558315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047595078177853245}, "run_4842": {"edge_length": 800, "pf": 0.521353125, "in_bounds_one_im": 1, "error_one_im": 0.05274617439588753, "one_im_sa_cls": 22.46938775510204, "model_in_bounds": 0, "pred_cls": 14.950925327029305, "error_w_gmm": 0.03557356775323248, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03509682254249737}, "run_4843": {"edge_length": 800, "pf": 0.51569375, "in_bounds_one_im": 1, "error_one_im": 0.05029484572987672, "one_im_sa_cls": 21.183673469387756, "model_in_bounds": 1, "pred_cls": 17.46119773416309, "error_w_gmm": 0.042019981921953484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04145684399675498}, "run_4844": {"edge_length": 800, "pf": 0.4854453125, "in_bounds_one_im": 1, "error_one_im": 0.06697071476217924, "one_im_sa_cls": 26.551020408163264, "model_in_bounds": 1, "pred_cls": 23.580647822907654, "error_w_gmm": 0.060286361529523325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059478423615305316}, "run_4845": {"edge_length": 800, "pf": 0.5145484375, "in_bounds_one_im": 1, "error_one_im": 0.04924473432331353, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 20.34824509207391, "error_w_gmm": 0.04907999476595968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0484222408794256}, "run_4846": {"edge_length": 800, "pf": 0.4868625, "in_bounds_one_im": 1, "error_one_im": 0.06323921151850392, "one_im_sa_cls": 25.142857142857142, "model_in_bounds": 1, "pred_cls": 29.478980241032296, "error_w_gmm": 0.07515258068728005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07414541061185838}, "run_4847": {"edge_length": 800, "pf": 0.4988875, "in_bounds_one_im": 1, "error_one_im": 0.056725033059989896, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 24.94575371435941, "error_w_gmm": 0.062084139357806836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06125210821865438}, "run_4848": {"edge_length": 800, "pf": 0.507628125, "in_bounds_one_im": 1, "error_one_im": 0.05894269040592213, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 19.902670291237012, "error_w_gmm": 0.04867465221950391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04802233059995725}, "run_4849": {"edge_length": 800, "pf": 0.53264375, "in_bounds_one_im": 0, "error_one_im": 0.051705495829925716, "one_im_sa_cls": 22.53061224489796, "model_in_bounds": 0, "pred_cls": 24.830753982304, "error_w_gmm": 0.05775814607438731, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05698409046903136}, "run_4850": {"edge_length": 800, "pf": 0.5003171875, "in_bounds_one_im": 1, "error_one_im": 0.05971101088477311, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 36.749412111985265, "error_w_gmm": 0.09119953381313103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08997730776967404}, "run_4851": {"edge_length": 800, "pf": 0.48818125, "in_bounds_one_im": 1, "error_one_im": 0.06348209600439964, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 24.60533035766615, "error_w_gmm": 0.06256255501043051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06172411230264616}, "run_4852": {"edge_length": 800, "pf": 0.4891125, "in_bounds_one_im": 1, "error_one_im": 0.06213751147496683, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 20.49110429236488, "error_w_gmm": 0.05200455076207074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05130760294159266}, "run_4853": {"edge_length": 800, "pf": 0.497253125, "in_bounds_one_im": 1, "error_one_im": 0.058519544040414394, "one_im_sa_cls": 23.755102040816325, "model_in_bounds": 1, "pred_cls": 25.749282033224045, "error_w_gmm": 0.06429375358537338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06343210992582729}, "run_4854": {"edge_length": 800, "pf": 0.4877375, "in_bounds_one_im": 1, "error_one_im": 0.056416033871512526, "one_im_sa_cls": 22.46938775510204, "model_in_bounds": 1, "pred_cls": 22.374435682538156, "error_w_gmm": 0.05694072950944201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056177628651026795}, "run_4855": {"edge_length": 800, "pf": 0.495309375, "in_bounds_one_im": 1, "error_one_im": 0.060009253357482154, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 20.71984844944759, "error_w_gmm": 0.051937213702151014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05124116831071924}, "run_4856": {"edge_length": 800, "pf": 0.510053125, "in_bounds_one_im": 1, "error_one_im": 0.059000446806057115, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 26.179656907884443, "error_w_gmm": 0.06371599481775661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06286209409047228}, "run_4857": {"edge_length": 800, "pf": 0.485284375, "in_bounds_one_im": 1, "error_one_im": 0.05314069661361171, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 14.919319277790734, "error_w_gmm": 0.038155070290863985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03764372863537947}, "run_4858": {"edge_length": 800, "pf": 0.4981671875, "in_bounds_one_im": 1, "error_one_im": 0.05038342705423312, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 25.821651008973117, "error_w_gmm": 0.06435669053762345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06349420341782136}, "run_4859": {"edge_length": 800, "pf": 0.5150625, "in_bounds_one_im": 1, "error_one_im": 0.04856339279554006, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 23.177047595439756, "error_w_gmm": 0.05584557404098332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05509715009460054}, "run_4860": {"edge_length": 800, "pf": 0.4995046875, "in_bounds_one_im": 1, "error_one_im": 0.047245912511851465, "one_im_sa_cls": 19.26530612244898, "model_in_bounds": 1, "pred_cls": 22.71229361338874, "error_w_gmm": 0.05645584927765394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05569924662402619}, "run_4861": {"edge_length": 800, "pf": 0.50703125, "in_bounds_one_im": 1, "error_one_im": 0.06808446572506427, "one_im_sa_cls": 28.183673469387756, "model_in_bounds": 1, "pred_cls": 27.253513479255552, "error_w_gmm": 0.06673175673678626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06583743976388967}, "run_4862": {"edge_length": 800, "pf": 0.5043859375, "in_bounds_one_im": 1, "error_one_im": 0.05922707086004106, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 23.060318762814283, "error_w_gmm": 0.056764048127081725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05600331509422298}, "run_4863": {"edge_length": 800, "pf": 0.4879609375, "in_bounds_one_im": 1, "error_one_im": 0.06069311011020775, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 25.440430813087907, "error_w_gmm": 0.06471444154773856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06384715996700711}, "run_4864": {"edge_length": 800, "pf": 0.50344375, "in_bounds_one_im": 1, "error_one_im": 0.060282250896718376, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 24.436827607148633, "error_w_gmm": 0.06026585224314873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059458189187615654}, "run_4865": {"edge_length": 800, "pf": 0.4990015625, "in_bounds_one_im": 1, "error_one_im": 0.048846547462913587, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 20.03483681602274, "error_w_gmm": 0.049850643678928615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049182561810085734}, "run_4866": {"edge_length": 800, "pf": 0.4884640625, "in_bounds_one_im": 1, "error_one_im": 0.051012774977904865, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 28.16854113359326, "error_w_gmm": 0.07158200349898754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07062268512024941}, "run_4867": {"edge_length": 800, "pf": 0.503015625, "in_bounds_one_im": 1, "error_one_im": 0.056159223868484286, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 22.00794084957307, "error_w_gmm": 0.054322252231752584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053594243341346166}, "run_4868": {"edge_length": 800, "pf": 0.5197703125, "in_bounds_one_im": 1, "error_one_im": 0.05449966660090287, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 26.25269222237879, "error_w_gmm": 0.06266287865955666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06182309144734766}, "run_4869": {"edge_length": 800, "pf": 0.4905109375, "in_bounds_one_im": 1, "error_one_im": 0.05136480465638212, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 1, "pred_cls": 22.093866845037667, "error_w_gmm": 0.055915542770560524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055166181126363484}, "run_4870": {"edge_length": 800, "pf": 0.48255, "in_bounds_one_im": 1, "error_one_im": 0.0622860352201612, "one_im_sa_cls": 24.551020408163264, "model_in_bounds": 1, "pred_cls": 16.97071250622763, "error_w_gmm": 0.043639607912981354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04305476429495603}, "run_4871": {"edge_length": 800, "pf": 0.5039703125, "in_bounds_one_im": 1, "error_one_im": 0.048859566832803306, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 20.407440719542997, "error_w_gmm": 0.05027564250948601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04960186494662553}, "run_4872": {"edge_length": 800, "pf": 0.50233125, "in_bounds_one_im": 1, "error_one_im": 0.05887377122669253, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 24.82608354938, "error_w_gmm": 0.061362214983634235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06053985883660753}, "run_4873": {"edge_length": 800, "pf": 0.49156875, "in_bounds_one_im": 1, "error_one_im": 0.07093494176639437, "one_im_sa_cls": 28.46938775510204, "model_in_bounds": 1, "pred_cls": 26.430085196241468, "error_w_gmm": 0.06674831025825326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06585377144052708}, "run_4874": {"edge_length": 800, "pf": 0.5068078125, "in_bounds_one_im": 1, "error_one_im": 0.06530349918019993, "one_im_sa_cls": 27.020408163265305, "model_in_bounds": 1, "pred_cls": 18.651203943538455, "error_w_gmm": 0.045688935821393106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045076627787306395}, "run_4875": {"edge_length": 800, "pf": 0.507953125, "in_bounds_one_im": 1, "error_one_im": 0.05260549965149873, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 21.6067250818483, "error_w_gmm": 0.05280780241533023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05210008968138146}, "run_4876": {"edge_length": 800, "pf": 0.5152640625, "in_bounds_one_im": 1, "error_one_im": 0.06212248737330088, "one_im_sa_cls": 26.142857142857142, "model_in_bounds": 1, "pred_cls": 23.802835843227175, "error_w_gmm": 0.05733028651175401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05656196493900239}, "run_4877": {"edge_length": 800, "pf": 0.50023125, "in_bounds_one_im": 1, "error_one_im": 0.06207014481428324, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 21.429517412233842, "error_w_gmm": 0.05318991027171931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05247707665442865}, "run_4878": {"edge_length": 800, "pf": 0.5206640625, "in_bounds_one_im": 1, "error_one_im": 0.05363459698246206, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 1, "pred_cls": 29.617198764645224, "error_w_gmm": 0.07056720265977873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06962148430686026}, "run_4879": {"edge_length": 800, "pf": 0.501103125, "in_bounds_one_im": 1, "error_one_im": 0.04884122544764479, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 21.768967950294954, "error_w_gmm": 0.053938318594447865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05321545505589641}, "run_4880": {"edge_length": 800, "pf": 0.514265625, "in_bounds_one_im": 1, "error_one_im": 0.05330578254159899, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 24.045709143115438, "error_w_gmm": 0.058031124906836935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057253410929289934}, "run_4881": {"edge_length": 1000, "pf": 0.526131, "in_bounds_one_im": 0, "error_one_im": 0.04585652583799427, "one_im_sa_cls": 24.653061224489797, "model_in_bounds": 0, "pred_cls": 24.237085924002702, "error_w_gmm": 0.04600368294898774, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045082780868107734}, "run_4882": {"edge_length": 1000, "pf": 0.483154, "in_bounds_one_im": 1, "error_one_im": 0.03913640570412885, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 19.951779617194205, "error_w_gmm": 0.04127142124825978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04044524961868517}, "run_4883": {"edge_length": 1000, "pf": 0.496578, "in_bounds_one_im": 1, "error_one_im": 0.052315878189315976, "one_im_sa_cls": 26.510204081632654, "model_in_bounds": 1, "pred_cls": 12.096183861704583, "error_w_gmm": 0.02435851077520327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023870901918214647}, "run_4884": {"edge_length": 1000, "pf": 0.50202, "in_bounds_one_im": 1, "error_one_im": 0.0456543400596774, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 23.717808196016183, "error_w_gmm": 0.047244362055171685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04629862405035357}, "run_4885": {"edge_length": 1000, "pf": 0.492716, "in_bounds_one_im": 1, "error_one_im": 0.0437925974754918, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 24.623461720705443, "error_w_gmm": 0.0499696553490938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048969362402051596}, "run_4886": {"edge_length": 1000, "pf": 0.495482, "in_bounds_one_im": 1, "error_one_im": 0.04621488635466489, "one_im_sa_cls": 23.367346938775512, "model_in_bounds": 1, "pred_cls": 23.411190908424256, "error_w_gmm": 0.04724739775670202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04630159898318722}, "run_4887": {"edge_length": 1000, "pf": 0.510578, "in_bounds_one_im": 1, "error_one_im": 0.05177190683137592, "one_im_sa_cls": 26.979591836734695, "model_in_bounds": 1, "pred_cls": 24.19603499136044, "error_w_gmm": 0.047378891372128557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04643046035840378}, "run_4888": {"edge_length": 1000, "pf": 0.483721, "in_bounds_one_im": 1, "error_one_im": 0.04223258510194082, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 19.78170347455011, "error_w_gmm": 0.040873181360086476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04005498169967173}, "run_4889": {"edge_length": 1000, "pf": 0.489577, "in_bounds_one_im": 1, "error_one_im": 0.04615142009686234, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 22.952282942926516, "error_w_gmm": 0.046871677750690656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04593340014316055}, "run_4890": {"edge_length": 1000, "pf": 0.50239, "in_bounds_one_im": 1, "error_one_im": 0.04020660851995861, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 23.65811839456542, "error_w_gmm": 0.04709060315282034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04614794309489807}, "run_4891": {"edge_length": 1000, "pf": 0.495409, "in_bounds_one_im": 1, "error_one_im": 0.04505095582114094, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 18.18898376288282, "error_w_gmm": 0.036713537699309934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03597860581785045}, "run_4892": {"edge_length": 1000, "pf": 0.498001, "in_bounds_one_im": 1, "error_one_im": 0.055460273654264446, "one_im_sa_cls": 28.183673469387756, "model_in_bounds": 1, "pred_cls": 19.010893272786213, "error_w_gmm": 0.038174102736906204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03740993325323401}, "run_4893": {"edge_length": 1000, "pf": 0.506307, "in_bounds_one_im": 1, "error_one_im": 0.040919779539319405, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 26.50310195070869, "error_w_gmm": 0.05234174793722474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05129397042241715}, "run_4894": {"edge_length": 1000, "pf": 0.498142, "in_bounds_one_im": 1, "error_one_im": 0.05448107952243654, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 23.5430009006468, "error_w_gmm": 0.04726129969262851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04631522263005285}, "run_4895": {"edge_length": 1000, "pf": 0.500891, "in_bounds_one_im": 1, "error_one_im": 0.039568697249420234, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 18.654268791783416, "error_w_gmm": 0.037242112901251546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03649659999731375}, "run_4896": {"edge_length": 1000, "pf": 0.484879, "in_bounds_one_im": 1, "error_one_im": 0.04885491941498444, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 24.83973603865232, "error_w_gmm": 0.051205299662892986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0501802715784256}, "run_4897": {"edge_length": 1000, "pf": 0.485909, "in_bounds_one_im": 1, "error_one_im": 0.04809601020299267, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 27.349317797322446, "error_w_gmm": 0.05626249952631985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055136236375894404}, "run_4898": {"edge_length": 1000, "pf": 0.490789, "in_bounds_one_im": 1, "error_one_im": 0.04139493425067528, "one_im_sa_cls": 20.73469387755102, "model_in_bounds": 1, "pred_cls": 21.570727845905818, "error_w_gmm": 0.043943664803916746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04306400018218858}, "run_4899": {"edge_length": 1000, "pf": 0.482474, "in_bounds_one_im": 1, "error_one_im": 0.05062352076348736, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 24.1296712211459, "error_w_gmm": 0.049981643141271286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04898111022251255}, "run_4900": {"edge_length": 1000, "pf": 0.523551, "in_bounds_one_im": 0, "error_one_im": 0.04162991026404992, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 0, "pred_cls": 23.610017790328726, "error_w_gmm": 0.045045874563713235, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04414414589849344}, "run_4901": {"edge_length": 1000, "pf": 0.515579, "in_bounds_one_im": 1, "error_one_im": 0.040477751575255454, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 22.213924914053617, "error_w_gmm": 0.04306447590713221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04220241089553598}, "run_4902": {"edge_length": 1000, "pf": 0.487494, "in_bounds_one_im": 1, "error_one_im": 0.04039736898432329, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 19.448386037128856, "error_w_gmm": 0.03988213522387065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039083774332671385}, "run_4903": {"edge_length": 1000, "pf": 0.508324, "in_bounds_one_im": 1, "error_one_im": 0.04099103907847896, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 20.763517422966878, "error_w_gmm": 0.0408413528730666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040023790355551044}, "run_4904": {"edge_length": 1000, "pf": 0.498172, "in_bounds_one_im": 1, "error_one_im": 0.045525303866347865, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 19.70102463767664, "error_w_gmm": 0.039546367463404695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0387547279738299}, "run_4905": {"edge_length": 1000, "pf": 0.489023, "in_bounds_one_im": 1, "error_one_im": 0.04652970577751252, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 24.52398609136138, "error_w_gmm": 0.050136855253758994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049133215297732756}, "run_4906": {"edge_length": 1000, "pf": 0.490115, "in_bounds_one_im": 1, "error_one_im": 0.051609500678457924, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 25.913378473582338, "error_w_gmm": 0.05286170351670046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05180351752708361}, "run_4907": {"edge_length": 1000, "pf": 0.503237, "in_bounds_one_im": 1, "error_one_im": 0.04085389457903238, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 23.860035603946113, "error_w_gmm": 0.04741212506182159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04646302877583959}, "run_4908": {"edge_length": 1000, "pf": 0.509724, "in_bounds_one_im": 1, "error_one_im": 0.044720807641940204, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 26.812181092483, "error_w_gmm": 0.05259142221734746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051538646720870274}, "run_4909": {"edge_length": 1000, "pf": 0.499841, "in_bounds_one_im": 1, "error_one_im": 0.0438131255240633, "one_im_sa_cls": 22.346938775510203, "model_in_bounds": 1, "pred_cls": 22.771874481283696, "error_w_gmm": 0.04555823417825302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446462490943088}, "run_4910": {"edge_length": 1000, "pf": 0.48979, "in_bounds_one_im": 1, "error_one_im": 0.04605010628419733, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 20.238857871811042, "error_w_gmm": 0.04131288484617279, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04048588319797469}, "run_4911": {"edge_length": 1000, "pf": 0.521256, "in_bounds_one_im": 0, "error_one_im": 0.03887013997057243, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 24.922240210152488, "error_w_gmm": 0.04776867684096495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046812443098711964}, "run_4912": {"edge_length": 1000, "pf": 0.488443, "in_bounds_one_im": 1, "error_one_im": 0.04547850091647853, "one_im_sa_cls": 22.6734693877551, "model_in_bounds": 1, "pred_cls": 22.93688578284865, "error_w_gmm": 0.046946640382646544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0460068621725705}, "run_4913": {"edge_length": 1000, "pf": 0.50648, "in_bounds_one_im": 1, "error_one_im": 0.052119131551732895, "one_im_sa_cls": 26.93877551020408, "model_in_bounds": 1, "pred_cls": 31.672708960173736, "error_w_gmm": 0.06252971281992865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06127799254534633}, "run_4914": {"edge_length": 1000, "pf": 0.486902, "in_bounds_one_im": 1, "error_one_im": 0.0457421510314033, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 24.100759630300598, "error_w_gmm": 0.049481186920555795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04849067213829185}, "run_4915": {"edge_length": 1000, "pf": 0.500821, "in_bounds_one_im": 1, "error_one_im": 0.040892047392108916, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 20.77780973345956, "error_w_gmm": 0.04148744106826471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040656945152263355}, "run_4916": {"edge_length": 1000, "pf": 0.52079, "in_bounds_one_im": 1, "error_one_im": 0.044201408433712286, "one_im_sa_cls": 23.510204081632654, "model_in_bounds": 1, "pred_cls": 24.317842162672946, "error_w_gmm": 0.0466537597763385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045719844452503426}, "run_4917": {"edge_length": 1000, "pf": 0.470896, "in_bounds_one_im": 0, "error_one_im": 0.04384101208793643, "one_im_sa_cls": 21.10204081632653, "model_in_bounds": 0, "pred_cls": 20.87157465972639, "error_w_gmm": 0.04424795798688869, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04336220202187165}, "run_4918": {"edge_length": 1000, "pf": 0.509595, "in_bounds_one_im": 1, "error_one_im": 0.04602723526440889, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 23.92464739935822, "error_w_gmm": 0.04693971054474758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046000071056220095}, "run_4919": {"edge_length": 1000, "pf": 0.503025, "in_bounds_one_im": 1, "error_one_im": 0.04436992472467641, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 17.93839714083416, "error_w_gmm": 0.035660392311991154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03494654230303579}, "run_4920": {"edge_length": 1000, "pf": 0.503833, "in_bounds_one_im": 1, "error_one_im": 0.04251205658277026, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 20.581031907934364, "error_w_gmm": 0.040847715712501204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0400300258236166}, "run_4921": {"edge_length": 1200, "pf": 0.5051368055555555, "in_bounds_one_im": 1, "error_one_im": 0.037083024372078735, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 22.036164435787303, "error_w_gmm": 0.03635154087020412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03562385544406791}, "run_4922": {"edge_length": 1200, "pf": 0.5002784722222222, "in_bounds_one_im": 1, "error_one_im": 0.034979869594573415, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 21.521259654536685, "error_w_gmm": 0.03584879474080854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03513117329057688}, "run_4923": {"edge_length": 1200, "pf": 0.5093826388888889, "in_bounds_one_im": 1, "error_one_im": 0.033563520836133114, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 21.80774750833966, "error_w_gmm": 0.035670479424447996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03495642749159759}, "run_4924": {"edge_length": 1200, "pf": 0.5132645833333334, "in_bounds_one_im": 1, "error_one_im": 0.0345048270335774, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 22.869538334012947, "error_w_gmm": 0.03711777821688241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036374754245617445}, "run_4925": {"edge_length": 1200, "pf": 0.5039430555555555, "in_bounds_one_im": 1, "error_one_im": 0.04411655879301894, "one_im_sa_cls": 27.224489795918366, "model_in_bounds": 1, "pred_cls": 26.931213452434523, "error_w_gmm": 0.044532769635987034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04364131230917679}, "run_4926": {"edge_length": 1200, "pf": 0.5077138888888889, "in_bounds_one_im": 1, "error_one_im": 0.0399776556478669, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 25.95580716845713, "error_w_gmm": 0.04259734763950267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04174463360517874}, "run_4927": {"edge_length": 1200, "pf": 0.4934159722222222, "in_bounds_one_im": 1, "error_one_im": 0.04201557290328294, "one_im_sa_cls": 25.387755102040817, "model_in_bounds": 1, "pred_cls": 23.86038280286143, "error_w_gmm": 0.040294456382867674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03948784164352033}, "run_4928": {"edge_length": 1200, "pf": 0.49523541666666665, "in_bounds_one_im": 1, "error_one_im": 0.040012087450988165, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 23.766572139153123, "error_w_gmm": 0.039990228641526744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03918970393545724}, "run_4929": {"edge_length": 1200, "pf": 0.5118361111111112, "in_bounds_one_im": 1, "error_one_im": 0.04003992357882768, "one_im_sa_cls": 25.10204081632653, "model_in_bounds": 1, "pred_cls": 26.245219131747458, "error_w_gmm": 0.0427185316437246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041863391747067456}, "run_4930": {"edge_length": 1200, "pf": 0.5065201388888889, "in_bounds_one_im": 1, "error_one_im": 0.03227573422433553, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 20.478454259787213, "error_w_gmm": 0.03368854701732723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033014169422722825}, "run_4931": {"edge_length": 1200, "pf": 0.5016333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04040039762711811, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 25.848744532174592, "error_w_gmm": 0.04294073794669776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04208114992254999}, "run_4932": {"edge_length": 1200, "pf": 0.5061784722222222, "in_bounds_one_im": 1, "error_one_im": 0.03776307550128985, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 24.582609735720098, "error_w_gmm": 0.04046782937171733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03965774405053906}, "run_4933": {"edge_length": 1200, "pf": 0.5063125, "in_bounds_one_im": 1, "error_one_im": 0.037588380084126724, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 24.44577332935901, "error_w_gmm": 0.0402317821473502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03942642202133394}, "run_4934": {"edge_length": 1200, "pf": 0.5013590277777777, "in_bounds_one_im": 1, "error_one_im": 0.036566467775938735, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 20.98781855675973, "error_w_gmm": 0.03488474969468931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034186426505642895}, "run_4935": {"edge_length": 1200, "pf": 0.5039451388888889, "in_bounds_one_im": 1, "error_one_im": 0.0408754418697368, "one_im_sa_cls": 25.224489795918366, "model_in_bounds": 1, "pred_cls": 19.966591352015136, "error_w_gmm": 0.033016110082738345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03235519333588846}, "run_4936": {"edge_length": 1200, "pf": 0.5117465277777777, "in_bounds_one_im": 1, "error_one_im": 0.035944715971774885, "one_im_sa_cls": 22.53061224489796, "model_in_bounds": 1, "pred_cls": 19.94749740363592, "error_w_gmm": 0.03247374564935487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03182368595792491}, "run_4937": {"edge_length": 1200, "pf": 0.48958958333333336, "in_bounds_one_im": 1, "error_one_im": 0.036178262825901225, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 18.96294408915174, "error_w_gmm": 0.03226994269543678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03162396273311373}, "run_4938": {"edge_length": 1200, "pf": 0.49880555555555556, "in_bounds_one_im": 1, "error_one_im": 0.036386151876423384, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 1, "pred_cls": 22.952587991900078, "error_w_gmm": 0.038345808039770696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0375782013580185}, "run_4939": {"edge_length": 1200, "pf": 0.49857708333333334, "in_bounds_one_im": 1, "error_one_im": 0.0402803972443136, "one_im_sa_cls": 24.591836734693878, "model_in_bounds": 1, "pred_cls": 24.949623072607938, "error_w_gmm": 0.04170121143388364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040866436261051}, "run_4940": {"edge_length": 1200, "pf": 0.49871041666666666, "in_bounds_one_im": 1, "error_one_im": 0.04534931515639642, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 25.839855058523977, "error_w_gmm": 0.04317764419686139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042313313781566546}, "run_4941": {"edge_length": 1200, "pf": 0.49908125, "in_bounds_one_im": 1, "error_one_im": 0.03783543154407941, "one_im_sa_cls": 23.122448979591837, "model_in_bounds": 1, "pred_cls": 26.089341745946896, "error_w_gmm": 0.04356220839426023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04269017976988922}, "run_4942": {"edge_length": 1200, "pf": 0.49881180555555554, "in_bounds_one_im": 1, "error_one_im": 0.038925011077135155, "one_im_sa_cls": 23.775510204081634, "model_in_bounds": 1, "pred_cls": 23.68722044730389, "error_w_gmm": 0.039572629229217324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038780464031411555}, "run_4943": {"edge_length": 1200, "pf": 0.49674722222222223, "in_bounds_one_im": 1, "error_one_im": 0.04566192925879634, "one_im_sa_cls": 27.775510204081634, "model_in_bounds": 1, "pred_cls": 25.207946245107383, "error_w_gmm": 0.04228745809279744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04144094742981489}, "run_4944": {"edge_length": 1200, "pf": 0.49972916666666667, "in_bounds_one_im": 1, "error_one_im": 0.04015434025404502, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 22.37074226595866, "error_w_gmm": 0.0373047717249168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03655800451616251}, "run_4945": {"edge_length": 1200, "pf": 0.4996659722222222, "in_bounds_one_im": 1, "error_one_im": 0.03285467143230938, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 21.419692350162013, "error_w_gmm": 0.03572334446269155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035008234277096914}, "run_4946": {"edge_length": 1200, "pf": 0.48339166666666666, "in_bounds_one_im": 1, "error_one_im": 0.03669876900283555, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 24.807829228959626, "error_w_gmm": 0.042743357923240806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041887721053928344}, "run_4947": {"edge_length": 1200, "pf": 0.4985909722222222, "in_bounds_one_im": 1, "error_one_im": 0.04221803199772497, "one_im_sa_cls": 25.775510204081634, "model_in_bounds": 1, "pred_cls": 28.54894716377336, "error_w_gmm": 0.047715855604831915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04676067923849217}, "run_4948": {"edge_length": 1200, "pf": 0.4990041666666667, "in_bounds_one_im": 1, "error_one_im": 0.035369726046917765, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 20.67075515109769, "error_w_gmm": 0.034519942474330684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0338289219990413}, "run_4949": {"edge_length": 1200, "pf": 0.5003118055555555, "in_bounds_one_im": 1, "error_one_im": 0.041739861631687546, "one_im_sa_cls": 25.571428571428573, "model_in_bounds": 1, "pred_cls": 23.27567713596359, "error_w_gmm": 0.038768611146850825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03799254078923282}, "run_4950": {"edge_length": 1200, "pf": 0.4996673611111111, "in_bounds_one_im": 1, "error_one_im": 0.037357492172334715, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 23.898604127551653, "error_w_gmm": 0.03985751438335569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03905964635233224}, "run_4951": {"edge_length": 1200, "pf": 0.4875777777777778, "in_bounds_one_im": 1, "error_one_im": 0.038271969648345484, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 19.658594173743875, "error_w_gmm": 0.03358870289434548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03291632398016668}, "run_4952": {"edge_length": 1200, "pf": 0.49990277777777775, "in_bounds_one_im": 1, "error_one_im": 0.038240065632416734, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 23.78449907444321, "error_w_gmm": 0.03964854047978225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03885485568997586}, "run_4953": {"edge_length": 1200, "pf": 0.48731458333333333, "in_bounds_one_im": 1, "error_one_im": 0.037574156101079254, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 20.95361842982341, "error_w_gmm": 0.035820245546847915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03510319559460161}, "run_4954": {"edge_length": 1200, "pf": 0.49395625, "in_bounds_one_im": 1, "error_one_im": 0.041295428127621964, "one_im_sa_cls": 24.979591836734695, "model_in_bounds": 1, "pred_cls": 25.751461581605536, "error_w_gmm": 0.04344106094084948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04257145744713732}, "run_4955": {"edge_length": 1200, "pf": 0.48975416666666666, "in_bounds_one_im": 1, "error_one_im": 0.03899025237574568, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 20.090766777716517, "error_w_gmm": 0.03417794334559212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03349376901150548}, "run_4956": {"edge_length": 1200, "pf": 0.5047944444444444, "in_bounds_one_im": 1, "error_one_im": 0.03724048560491595, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 22.137254376641348, "error_w_gmm": 0.03654331789920835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0358117934790231}, "run_4957": {"edge_length": 1200, "pf": 0.48115555555555556, "in_bounds_one_im": 0, "error_one_im": 0.03627503838798443, "one_im_sa_cls": 21.387755102040817, "model_in_bounds": 0, "pred_cls": 17.39248225660157, "error_w_gmm": 0.03010136235244818, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02949879304819413}, "run_4958": {"edge_length": 1200, "pf": 0.5037479166666666, "in_bounds_one_im": 1, "error_one_im": 0.041520161177373026, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 24.017469822807808, "error_w_gmm": 0.03973018097234177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03893486190252428}, "run_4959": {"edge_length": 1200, "pf": 0.50266875, "in_bounds_one_im": 1, "error_one_im": 0.03650396296103629, "one_im_sa_cls": 22.46938775510204, "model_in_bounds": 1, "pred_cls": 21.544941437638087, "error_w_gmm": 0.035717084295147805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03500209942563543}, "run_4960": {"edge_length": 1200, "pf": 0.4995131944444444, "in_bounds_one_im": 1, "error_one_im": 0.03803631631114231, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 22.843609136709876, "error_w_gmm": 0.0381097679431219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037346886313849005}, "run_4961": {"edge_length": 1400, "pf": 0.5003301020408163, "in_bounds_one_im": 1, "error_one_im": 0.028723359443017727, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 21.840943440544518, "error_w_gmm": 0.030557140204216036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030556578709594082}, "run_4962": {"edge_length": 1400, "pf": 0.49989438775510203, "in_bounds_one_im": 1, "error_one_im": 0.03503532730808763, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 25.025756300652738, "error_w_gmm": 0.035043460076308486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035042816144506064}, "run_4963": {"edge_length": 1400, "pf": 0.5056005102040816, "in_bounds_one_im": 1, "error_one_im": 0.03573960563474473, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 24.70785123007486, "error_w_gmm": 0.03420568315658226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03420505461912733}, "run_4964": {"edge_length": 1400, "pf": 0.49863826530612243, "in_bounds_one_im": 1, "error_one_im": 0.0336050679648373, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 23.67785484061608, "error_w_gmm": 0.03323940032810885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03323878954632763}, "run_4965": {"edge_length": 1400, "pf": 0.5135545918367347, "in_bounds_one_im": 1, "error_one_im": 0.02950279115225167, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 23.419950031902818, "error_w_gmm": 0.03191080393192494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03191021756341426}, "run_4966": {"edge_length": 1400, "pf": 0.5050117346938775, "in_bounds_one_im": 1, "error_one_im": 0.03230254915200703, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 18.614290219292172, "error_w_gmm": 0.025800090730867087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025799616648145396}, "run_4967": {"edge_length": 1400, "pf": 0.49492755102040814, "in_bounds_one_im": 1, "error_one_im": 0.035962348223883195, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 24.813399445845306, "error_w_gmm": 0.03509298630494048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03509234146308198}, "run_4968": {"edge_length": 1400, "pf": 0.4986454081632653, "in_bounds_one_im": 1, "error_one_im": 0.03056785616462955, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 23.812138259264785, "error_w_gmm": 0.03342743227514334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03342681803823096}, "run_4969": {"edge_length": 1400, "pf": 0.5015193877551021, "in_bounds_one_im": 1, "error_one_im": 0.027886046011966096, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 20.529233856536983, "error_w_gmm": 0.028653722469616373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028653195950741898}, "run_4970": {"edge_length": 1400, "pf": 0.503088775510204, "in_bounds_one_im": 1, "error_one_im": 0.03069493788141837, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 22.00244206348866, "error_w_gmm": 0.030613713345023545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030613150810856856}, "run_4971": {"edge_length": 1400, "pf": 0.49695, "in_bounds_one_im": 1, "error_one_im": 0.031304090055287816, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 1, "pred_cls": 23.014536453873085, "error_w_gmm": 0.032417498309905146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03241690263076641}, "run_4972": {"edge_length": 1400, "pf": 0.4922811224489796, "in_bounds_one_im": 1, "error_one_im": 0.03238122202721444, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 19.75025066194344, "error_w_gmm": 0.028080556611457884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028080040624640628}, "run_4973": {"edge_length": 1400, "pf": 0.5076341836734694, "in_bounds_one_im": 1, "error_one_im": 0.03337161167374028, "one_im_sa_cls": 24.20408163265306, "model_in_bounds": 1, "pred_cls": 22.40032955776023, "error_w_gmm": 0.030885238576545012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030884671053038503}, "run_4974": {"edge_length": 1400, "pf": 0.5075795918367347, "in_bounds_one_im": 1, "error_one_im": 0.032559166609303455, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 23.179572895868414, "error_w_gmm": 0.03196313807917291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03196255074901006}, "run_4975": {"edge_length": 1400, "pf": 0.5055316326530612, "in_bounds_one_im": 1, "error_one_im": 0.03142127845506543, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 26.642951300860474, "error_w_gmm": 0.03688972821061869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036889050353206075}, "run_4976": {"edge_length": 1400, "pf": 0.502938775510204, "in_bounds_one_im": 1, "error_one_im": 0.032521969981847004, "one_im_sa_cls": 23.367346938775512, "model_in_bounds": 1, "pred_cls": 26.53649670053388, "error_w_gmm": 0.036933375870618124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03693269721116952}, "run_4977": {"edge_length": 1400, "pf": 0.4956484693877551, "in_bounds_one_im": 1, "error_one_im": 0.033230208750748454, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 23.511711929375295, "error_w_gmm": 0.033204127635397346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03320351750176026}, "run_4978": {"edge_length": 1400, "pf": 0.494469387755102, "in_bounds_one_im": 1, "error_one_im": 0.034406441787113363, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 21.46425824024032, "error_w_gmm": 0.030384209728128664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03038365141114479}, "run_4979": {"edge_length": 1400, "pf": 0.4964234693877551, "in_bounds_one_im": 1, "error_one_im": 0.035106731196330496, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 25.53537084246036, "error_w_gmm": 0.036006158841354816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036005497219736636}, "run_4980": {"edge_length": 1400, "pf": 0.4974045918367347, "in_bounds_one_im": 1, "error_one_im": 0.03233826599530269, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 19.034403881063145, "error_w_gmm": 0.0267868520482841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0267863598335917}, "run_4981": {"edge_length": 1400, "pf": 0.4966163265306122, "in_bounds_one_im": 1, "error_one_im": 0.030145627212328555, "one_im_sa_cls": 21.387755102040817, "model_in_bounds": 1, "pred_cls": 24.899951890663072, "error_w_gmm": 0.03509664557488215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035096000665783764}, "run_4982": {"edge_length": 1400, "pf": 0.5008765306122449, "in_bounds_one_im": 1, "error_one_im": 0.03413947043393281, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 21.989032193325155, "error_w_gmm": 0.030730724924303794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03073016024002192}, "run_4983": {"edge_length": 1400, "pf": 0.5029469387755102, "in_bounds_one_im": 1, "error_one_im": 0.03343033510855123, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 24.137683351391836, "error_w_gmm": 0.03359416982061393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03359355251986}, "run_4984": {"edge_length": 1400, "pf": 0.49336326530612246, "in_bounds_one_im": 1, "error_one_im": 0.03332454527558147, "one_im_sa_cls": 23.489795918367346, "model_in_bounds": 1, "pred_cls": 20.909563263637278, "error_w_gmm": 0.0296645613364679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029664016243192065}, "run_4985": {"edge_length": 1400, "pf": 0.492384693877551, "in_bounds_one_im": 1, "error_one_im": 0.03620375715053553, "one_im_sa_cls": 25.46938775510204, "model_in_bounds": 1, "pred_cls": 22.66236372323985, "error_w_gmm": 0.03221427217074883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03221368022593816}, "run_4986": {"edge_length": 1400, "pf": 0.516744387755102, "in_bounds_one_im": 1, "error_one_im": 0.03442647737022903, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 25.860282180409776, "error_w_gmm": 0.035011592418705925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03501094907247921}, "run_4987": {"edge_length": 1400, "pf": 0.489355612244898, "in_bounds_one_im": 1, "error_one_im": 0.03446837964716121, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 20.06490796371227, "error_w_gmm": 0.028695394683976652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028694867399365418}, "run_4988": {"edge_length": 1400, "pf": 0.5036204081632653, "in_bounds_one_im": 1, "error_one_im": 0.033044957613537145, "one_im_sa_cls": 23.775510204081634, "model_in_bounds": 1, "pred_cls": 26.786361899591462, "error_w_gmm": 0.03723034547775152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03722966136141669}, "run_4989": {"edge_length": 1400, "pf": 0.49716785714285716, "in_bounds_one_im": 1, "error_one_im": 0.03318684400092531, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 25.409164848366665, "error_w_gmm": 0.035774899372872884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035774242000701666}, "run_4990": {"edge_length": 1400, "pf": 0.5028765306122449, "in_bounds_one_im": 1, "error_one_im": 0.03255442602772938, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 22.196320951722036, "error_w_gmm": 0.030896585129051093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030896017397049003}, "run_4991": {"edge_length": 1400, "pf": 0.5045882653061224, "in_bounds_one_im": 1, "error_one_im": 0.03221668189228621, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 25.884245614178482, "error_w_gmm": 0.03590691712818286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035906257330154526}, "run_4992": {"edge_length": 1400, "pf": 0.4972198979591837, "in_bounds_one_im": 1, "error_one_im": 0.03427513782481089, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 24.086379469873123, "error_w_gmm": 0.033908950683835794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033908327598909674}, "run_4993": {"edge_length": 1400, "pf": 0.497534693877551, "in_bounds_one_im": 1, "error_one_im": 0.03290409481811507, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 22.513583982069637, "error_w_gmm": 0.03167481065340433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03167422862132564}, "run_4994": {"edge_length": 1400, "pf": 0.5042295918367347, "in_bounds_one_im": 1, "error_one_im": 0.031559876984441675, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 23.007864041557802, "error_w_gmm": 0.031939673597821454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03193908669882392}, "run_4995": {"edge_length": 1400, "pf": 0.4880964285714286, "in_bounds_one_im": 1, "error_one_im": 0.03587200986140679, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 25.2793000997994, "error_w_gmm": 0.03624385181391841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03624318582463607}, "run_4996": {"edge_length": 1400, "pf": 0.49336887755102043, "in_bounds_one_im": 1, "error_one_im": 0.032600362056530365, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 19.697392880851908, "error_w_gmm": 0.027944531990698258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02794401850336527}, "run_4997": {"edge_length": 1400, "pf": 0.4937357142857143, "in_bounds_one_im": 1, "error_one_im": 0.031505997138081894, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 1, "pred_cls": 25.922342989152845, "error_w_gmm": 0.0367488423369238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03674816706832205}, "run_4998": {"edge_length": 1400, "pf": 0.5006316326530612, "in_bounds_one_im": 1, "error_one_im": 0.04320173822482586, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 25.171997394193884, "error_w_gmm": 0.035196305960314186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03519565921993276}, "run_4999": {"edge_length": 1400, "pf": 0.4978505102040816, "in_bounds_one_im": 1, "error_one_im": 0.034891897248020616, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 18.287402781247394, "error_w_gmm": 0.025712665535511436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02571219305924842}, "run_5000": {"edge_length": 1400, "pf": 0.5017683673469387, "in_bounds_one_im": 1, "error_one_im": 0.03111774707238252, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 21.647248484526358, "error_w_gmm": 0.030199151947218138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030198597030714407}}, "fractal_noise_0.015_12_True_value": {"true_cls": 64.51020408163265, "true_pf": 0.49987322333333334, "run_5001": {"edge_length": 600, "pf": 0.43182777777777775, "in_bounds_one_im": 1, "error_one_im": 0.18214918347846953, "one_im_sa_cls": 48.61224489795919, "model_in_bounds": 1, "pred_cls": 64.95372698461259, "error_w_gmm": 0.2530780990900311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24338041493383714}, "run_5002": {"edge_length": 600, "pf": 0.4269222222222222, "in_bounds_one_im": 0, "error_one_im": 0.13331344624698657, "one_im_sa_cls": 35.224489795918366, "model_in_bounds": 1, "pred_cls": 51.14259344639997, "error_w_gmm": 0.20127087190511864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19355838570976733}, "run_5003": {"edge_length": 600, "pf": 0.5348777777777778, "in_bounds_one_im": 1, "error_one_im": 0.12594950611968428, "one_im_sa_cls": 41.3469387755102, "model_in_bounds": 1, "pred_cls": 64.44397448151638, "error_w_gmm": 0.2041288370900952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19630683670211732}, "run_5004": {"edge_length": 600, "pf": 0.4993416666666667, "in_bounds_one_im": 1, "error_one_im": 0.14899331131329163, "one_im_sa_cls": 45.55102040816327, "model_in_bounds": 1, "pred_cls": 136.0270578745056, "error_w_gmm": 0.46266101194302794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.44493233300422946}, "run_5005": {"edge_length": 600, "pf": 0.5176, "in_bounds_one_im": 1, "error_one_im": 0.1275589472970134, "one_im_sa_cls": 40.44897959183673, "model_in_bounds": 1, "pred_cls": 96.2441147986952, "error_w_gmm": 0.3156068897670515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3035131687161801}, "run_5006": {"edge_length": 600, "pf": 0.5049111111111111, "in_bounds_one_im": 1, "error_one_im": 0.13876105662248753, "one_im_sa_cls": 42.89795918367347, "model_in_bounds": 1, "pred_cls": 66.25097212823889, "error_w_gmm": 0.222839491277839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21430051847968057}, "run_5007": {"edge_length": 600, "pf": 0.4786722222222222, "in_bounds_one_im": 1, "error_one_im": 0.16453876217981464, "one_im_sa_cls": 48.265306122448976, "model_in_bounds": 1, "pred_cls": 61.247442109257655, "error_w_gmm": 0.21711511210366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2087954914399655}, "run_5008": {"edge_length": 600, "pf": 0.42914444444444444, "in_bounds_one_im": 0, "error_one_im": 0.15815991428733334, "one_im_sa_cls": 41.97959183673469, "model_in_bounds": 1, "pred_cls": 58.06697170464976, "error_w_gmm": 0.2274868636934167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21876980851671776}, "run_5009": {"edge_length": 600, "pf": 0.4447333333333333, "in_bounds_one_im": 1, "error_one_im": 0.20738194926324213, "one_im_sa_cls": 56.816326530612244, "model_in_bounds": 1, "pred_cls": 74.84200639885749, "error_w_gmm": 0.2840613584772101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2731764287049527}, "run_5010": {"edge_length": 600, "pf": 0.4736, "in_bounds_one_im": 1, "error_one_im": 0.15061735792475117, "one_im_sa_cls": 43.734693877551024, "model_in_bounds": 1, "pred_cls": 118.26676474413868, "error_w_gmm": 0.4235264980173743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.40729741211733245}, "run_5011": {"edge_length": 600, "pf": 0.5448361111111111, "in_bounds_one_im": 1, "error_one_im": 0.1207689716338191, "one_im_sa_cls": 40.44897959183673, "model_in_bounds": 1, "pred_cls": 70.05585011251648, "error_w_gmm": 0.21750094197329922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2091665367184953}, "run_5012": {"edge_length": 600, "pf": 0.46930555555555553, "in_bounds_one_im": 1, "error_one_im": 0.13845142398222982, "one_im_sa_cls": 39.857142857142854, "model_in_bounds": 1, "pred_cls": 60.52123205186334, "error_w_gmm": 0.21860896126770482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21023209788952024}, "run_5013": {"edge_length": 600, "pf": 0.4092388888888889, "in_bounds_one_im": 0, "error_one_im": 0.1569107497304281, "one_im_sa_cls": 39.97959183673469, "model_in_bounds": 0, "pred_cls": 51.85357353804958, "error_w_gmm": 0.21162256288125947, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.20351341087432626}, "run_5014": {"edge_length": 600, "pf": 0.52795, "in_bounds_one_im": 1, "error_one_im": 0.12708341954606628, "one_im_sa_cls": 41.142857142857146, "model_in_bounds": 1, "pred_cls": 61.47224992552164, "error_w_gmm": 0.19744334041078584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18987752115999987}, "run_5015": {"edge_length": 600, "pf": 0.45711666666666667, "in_bounds_one_im": 1, "error_one_im": 0.16157541121830443, "one_im_sa_cls": 45.38775510204081, "model_in_bounds": 1, "pred_cls": 54.685337052216546, "error_w_gmm": 0.20243070928032095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19467377934772928}, "run_5016": {"edge_length": 600, "pf": 0.5149305555555556, "in_bounds_one_im": 1, "error_one_im": 0.12675433587821425, "one_im_sa_cls": 39.97959183673469, "model_in_bounds": 1, "pred_cls": 115.51972727498162, "error_w_gmm": 0.3808461412474273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3662525213206042}, "run_5017": {"edge_length": 600, "pf": 0.4292972222222222, "in_bounds_one_im": 0, "error_one_im": 0.16080087025101641, "one_im_sa_cls": 42.69387755102041, "model_in_bounds": 1, "pred_cls": 72.4918182001063, "error_w_gmm": 0.28391002230838297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2730308915774965}, "run_5018": {"edge_length": 600, "pf": 0.53525, "in_bounds_one_im": 1, "error_one_im": 0.11281009527988373, "one_im_sa_cls": 37.06122448979592, "model_in_bounds": 1, "pred_cls": 60.49632801826106, "error_w_gmm": 0.19148120561700324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18414384904368575}, "run_5019": {"edge_length": 600, "pf": 0.49446666666666667, "in_bounds_one_im": 1, "error_one_im": 0.12504060405779527, "one_im_sa_cls": 37.857142857142854, "model_in_bounds": 1, "pred_cls": 63.30115453771761, "error_w_gmm": 0.21741214297389974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2090811404025072}, "run_5020": {"edge_length": 600, "pf": 0.4981305555555556, "in_bounds_one_im": 1, "error_one_im": 0.14299770556408942, "one_im_sa_cls": 43.61224489795919, "model_in_bounds": 1, "pred_cls": 71.76038409740204, "error_w_gmm": 0.24466639229605652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23529103581655908}, "run_5021": {"edge_length": 600, "pf": 0.5291361111111111, "in_bounds_one_im": 1, "error_one_im": 0.12986281377013226, "one_im_sa_cls": 42.142857142857146, "model_in_bounds": 1, "pred_cls": 63.3727871843186, "error_w_gmm": 0.2030638319500859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19528264142874485}, "run_5022": {"edge_length": 600, "pf": 0.5746861111111111, "in_bounds_one_im": 0, "error_one_im": 0.12989977500427513, "one_im_sa_cls": 46.224489795918366, "model_in_bounds": 1, "pred_cls": 135.04633536713365, "error_w_gmm": 0.39462810562148554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.37950637544714555}, "run_5023": {"edge_length": 600, "pf": 0.5683833333333334, "in_bounds_one_im": 0, "error_one_im": 0.10491726056756503, "one_im_sa_cls": 36.857142857142854, "model_in_bounds": 1, "pred_cls": 54.36233793915787, "error_w_gmm": 0.16091344733397647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15474741481539758}, "run_5024": {"edge_length": 600, "pf": 0.47638888888888886, "in_bounds_one_im": 1, "error_one_im": 0.1297885197909183, "one_im_sa_cls": 37.89795918367347, "model_in_bounds": 1, "pred_cls": 57.076539553469615, "error_w_gmm": 0.20325770940799742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1954690897082383}, "run_5025": {"edge_length": 600, "pf": 0.5337777777777778, "in_bounds_one_im": 1, "error_one_im": 0.1720840724353425, "one_im_sa_cls": 56.36734693877551, "model_in_bounds": 1, "pred_cls": 163.24556499591475, "error_w_gmm": 0.5182310244409065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.4983729616016526}, "run_5026": {"edge_length": 600, "pf": 0.48717777777777777, "in_bounds_one_im": 1, "error_one_im": 0.1930862383615387, "one_im_sa_cls": 57.61224489795919, "model_in_bounds": 1, "pred_cls": 66.92575918716119, "error_w_gmm": 0.2332377089062435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22430028744456892}, "run_5027": {"edge_length": 600, "pf": 0.6037027777777778, "in_bounds_one_im": 0, "error_one_im": 0.11531812356386957, "one_im_sa_cls": 43.57142857142857, "model_in_bounds": 1, "pred_cls": 63.626937389046944, "error_w_gmm": 0.17510789353263564, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.16839794490080315}, "run_5028": {"edge_length": 600, "pf": 0.444125, "in_bounds_one_im": 1, "error_one_im": 0.1519244772185454, "one_im_sa_cls": 41.57142857142857, "model_in_bounds": 1, "pred_cls": 60.45391610644594, "error_w_gmm": 0.22973447758224663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22093129622680144}, "run_5029": {"edge_length": 600, "pf": 0.45684166666666665, "in_bounds_one_im": 1, "error_one_im": 0.16122881881675602, "one_im_sa_cls": 45.265306122448976, "model_in_bounds": 1, "pred_cls": 53.68962829816942, "error_w_gmm": 0.19885501328614658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19123510022903623}, "run_5030": {"edge_length": 600, "pf": 0.5066527777777777, "in_bounds_one_im": 1, "error_one_im": 0.13380515294785625, "one_im_sa_cls": 41.51020408163265, "model_in_bounds": 1, "pred_cls": 70.60232969344789, "error_w_gmm": 0.23664968933161037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2275815244012938}, "run_5031": {"edge_length": 600, "pf": 0.5122305555555555, "in_bounds_one_im": 1, "error_one_im": 0.1301083924907303, "one_im_sa_cls": 40.816326530612244, "model_in_bounds": 1, "pred_cls": 61.993926691209566, "error_w_gmm": 0.20548942525911912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19761528857654567}, "run_5032": {"edge_length": 600, "pf": 0.6196388888888889, "in_bounds_one_im": 0, "error_one_im": 0.15178368451127605, "one_im_sa_cls": 59.30612244897959, "model_in_bounds": 0, "pred_cls": 64.11874910688184, "error_w_gmm": 0.17063948776063398, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.16410076369550383}, "run_5033": {"edge_length": 600, "pf": 0.5254444444444445, "in_bounds_one_im": 1, "error_one_im": 0.17156533765373377, "one_im_sa_cls": 55.265306122448976, "model_in_bounds": 1, "pred_cls": 75.01899812797494, "error_w_gmm": 0.24216822902285273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23288859950859359}, "run_5034": {"edge_length": 600, "pf": 0.47289722222222225, "in_bounds_one_im": 1, "error_one_im": 0.13675330536961336, "one_im_sa_cls": 39.6530612244898, "model_in_bounds": 1, "pred_cls": 100.08666230682813, "error_w_gmm": 0.3589271039302605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.34517339824996446}, "run_5035": {"edge_length": 600, "pf": 0.5410527777777778, "in_bounds_one_im": 1, "error_one_im": 0.12255269183496241, "one_im_sa_cls": 40.734693877551024, "model_in_bounds": 1, "pred_cls": 49.269954773706125, "error_w_gmm": 0.1541379214064069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14823151985026178}, "run_5036": {"edge_length": 600, "pf": 0.5626222222222222, "in_bounds_one_im": 0, "error_one_im": 0.11021024012872313, "one_im_sa_cls": 38.265306122448976, "model_in_bounds": 1, "pred_cls": 57.46784696037206, "error_w_gmm": 0.17211178933677831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16551664823785733}, "run_5037": {"edge_length": 600, "pf": 0.5435361111111111, "in_bounds_one_im": 1, "error_one_im": 0.12719513405679667, "one_im_sa_cls": 42.48979591836735, "model_in_bounds": 1, "pred_cls": 63.33784743176067, "error_w_gmm": 0.19715967262648676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18960472322412825}, "run_5038": {"edge_length": 600, "pf": 0.5457277777777778, "in_bounds_one_im": 1, "error_one_im": 0.10711003894941945, "one_im_sa_cls": 35.93877551020408, "model_in_bounds": 1, "pred_cls": 59.13731332716785, "error_w_gmm": 0.18327255231323783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17624974262238016}, "run_5039": {"edge_length": 600, "pf": 0.4015722222222222, "in_bounds_one_im": 0, "error_one_im": 0.18782811728115786, "one_im_sa_cls": 47.10204081632653, "model_in_bounds": 1, "pred_cls": 60.73491415827768, "error_w_gmm": 0.2518420462668223, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.24219172634294614}, "run_5040": {"edge_length": 600, "pf": 0.5125666666666666, "in_bounds_one_im": 1, "error_one_im": 0.15765034894650698, "one_im_sa_cls": 49.48979591836735, "model_in_bounds": 1, "pred_cls": 133.75743892269483, "error_w_gmm": 0.4430636844141911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.4260859542669455}, "run_5041": {"edge_length": 800, "pf": 0.5395078125, "in_bounds_one_im": 1, "error_one_im": 0.08905971845243647, "one_im_sa_cls": 39.3469387755102, "model_in_bounds": 1, "pred_cls": 62.010784283811155, "error_w_gmm": 0.14226472096255702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14035813613963627}, "run_5042": {"edge_length": 800, "pf": 0.474875, "in_bounds_one_im": 1, "error_one_im": 0.10888895172874796, "one_im_sa_cls": 42.265306122448976, "model_in_bounds": 1, "pred_cls": 63.275885785769724, "error_w_gmm": 0.16523333000002313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16301892746166202}, "run_5043": {"edge_length": 800, "pf": 0.4966875, "in_bounds_one_im": 1, "error_one_im": 0.10479003664069576, "one_im_sa_cls": 42.48979591836735, "model_in_bounds": 1, "pred_cls": 65.92523061162133, "error_w_gmm": 0.16479598579317303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16258744439748687}, "run_5044": {"edge_length": 800, "pf": 0.4610609375, "in_bounds_one_im": 1, "error_one_im": 0.14254855542545505, "one_im_sa_cls": 53.816326530612244, "model_in_bounds": 1, "pred_cls": 152.23767985764135, "error_w_gmm": 0.4087243871406755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.4032467978409003}, "run_5045": {"edge_length": 800, "pf": 0.510503125, "in_bounds_one_im": 1, "error_one_im": 0.0930232233686771, "one_im_sa_cls": 38.775510204081634, "model_in_bounds": 1, "pred_cls": 60.8023519995549, "error_w_gmm": 0.14784745957875398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1458660567359899}, "run_5046": {"edge_length": 800, "pf": 0.474984375, "in_bounds_one_im": 1, "error_one_im": 0.14019466665123848, "one_im_sa_cls": 54.42857142857143, "model_in_bounds": 1, "pred_cls": 62.42886038686101, "error_w_gmm": 0.1629857321537577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16080145117970812}, "run_5047": {"edge_length": 800, "pf": 0.462953125, "in_bounds_one_im": 1, "error_one_im": 0.11658898236084464, "one_im_sa_cls": 44.183673469387756, "model_in_bounds": 1, "pred_cls": 67.73162692576528, "error_w_gmm": 0.18115353885409538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17872577893258598}, "run_5048": {"edge_length": 800, "pf": 0.45484375, "in_bounds_one_im": 1, "error_one_im": 0.12310646520105907, "one_im_sa_cls": 45.89795918367347, "model_in_bounds": 1, "pred_cls": 65.74854061578989, "error_w_gmm": 0.1787447222833423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17634924452626488}, "run_5049": {"edge_length": 800, "pf": 0.431765625, "in_bounds_one_im": 0, "error_one_im": 0.11982299860755777, "one_im_sa_cls": 42.63265306122449, "model_in_bounds": 1, "pred_cls": 61.51782329817121, "error_w_gmm": 0.175250153903261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1729015091979133}, "run_5050": {"edge_length": 800, "pf": 0.49675, "in_bounds_one_im": 1, "error_one_im": 0.10633701743094548, "one_im_sa_cls": 43.12244897959184, "model_in_bounds": 1, "pred_cls": 69.2881345856631, "error_w_gmm": 0.17318072403880969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17085981314930163}, "run_5051": {"edge_length": 800, "pf": 0.412678125, "in_bounds_one_im": 0, "error_one_im": 0.13569873182026593, "one_im_sa_cls": 46.42857142857143, "model_in_bounds": 0, "pred_cls": 65.53395357236965, "error_w_gmm": 0.19414064182353422, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.1915388330356038}, "run_5052": {"edge_length": 800, "pf": 0.4981953125, "in_bounds_one_im": 1, "error_one_im": 0.14491947476772846, "one_im_sa_cls": 58.93877551020408, "model_in_bounds": 1, "pred_cls": 72.41321290145696, "error_w_gmm": 0.18046919600009817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17805060741558834}, "run_5053": {"edge_length": 800, "pf": 0.4999734375, "in_bounds_one_im": 1, "error_one_im": 0.10170353409537368, "one_im_sa_cls": 41.51020408163265, "model_in_bounds": 1, "pred_cls": 34.170466632324086, "error_w_gmm": 0.08485778852078728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08372055245406818}, "run_5054": {"edge_length": 800, "pf": 0.46425625, "in_bounds_one_im": 1, "error_one_im": 0.14227993541550318, "one_im_sa_cls": 54.06122448979592, "model_in_bounds": 1, "pred_cls": 66.44969345536434, "error_w_gmm": 0.17725985383011014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17488427578982702}, "run_5055": {"edge_length": 800, "pf": 0.483975, "in_bounds_one_im": 1, "error_one_im": 0.1465721044952265, "one_im_sa_cls": 57.93877551020408, "model_in_bounds": 1, "pred_cls": 62.552107033108456, "error_w_gmm": 0.16039232329304945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1582427983283603}, "run_5056": {"edge_length": 800, "pf": 0.5285171875, "in_bounds_one_im": 1, "error_one_im": 0.10002103746067935, "one_im_sa_cls": 43.224489795918366, "model_in_bounds": 1, "pred_cls": 63.84698367628207, "error_w_gmm": 0.14974815759663715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1477412822265358}, "run_5057": {"edge_length": 800, "pf": 0.401084375, "in_bounds_one_im": 0, "error_one_im": 0.1273893240762142, "one_im_sa_cls": 42.55102040816327, "model_in_bounds": 1, "pred_cls": 117.59126789437413, "error_w_gmm": 0.3568270347506072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.35204495663411894}, "run_5058": {"edge_length": 800, "pf": 0.50350625, "in_bounds_one_im": 1, "error_one_im": 0.1199536352431351, "one_im_sa_cls": 49.30612244897959, "model_in_bounds": 1, "pred_cls": 68.89788003338937, "error_w_gmm": 0.16989400213432002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16761713880669407}, "run_5059": {"edge_length": 800, "pf": 0.486453125, "in_bounds_one_im": 1, "error_one_im": 0.13053778392718074, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 68.67945155977253, "error_w_gmm": 0.1752322724346855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17288386737087616}, "run_5060": {"edge_length": 800, "pf": 0.528728125, "in_bounds_one_im": 1, "error_one_im": 0.09459742089933691, "one_im_sa_cls": 40.89795918367347, "model_in_bounds": 1, "pred_cls": 61.398564965292486, "error_w_gmm": 0.14394464185110006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14201554328304175}, "run_5061": {"edge_length": 800, "pf": 0.5479296875, "in_bounds_one_im": 1, "error_one_im": 0.10890599339531776, "one_im_sa_cls": 48.93877551020408, "model_in_bounds": 1, "pred_cls": 69.27664230256599, "error_w_gmm": 0.15625903436958669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15416490237848168}, "run_5062": {"edge_length": 800, "pf": 0.4672734375, "in_bounds_one_im": 1, "error_one_im": 0.10239464762790443, "one_im_sa_cls": 39.142857142857146, "model_in_bounds": 1, "pred_cls": 59.642783011065575, "error_w_gmm": 0.1581401902479998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.156020847626859}, "run_5063": {"edge_length": 800, "pf": 0.5125921875, "in_bounds_one_im": 1, "error_one_im": 0.1311518906561234, "one_im_sa_cls": 54.89795918367347, "model_in_bounds": 1, "pred_cls": 74.21006304536253, "error_w_gmm": 0.179696980737399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17728874112690005}, "run_5064": {"edge_length": 800, "pf": 0.5053234375, "in_bounds_one_im": 1, "error_one_im": 0.10072000620978505, "one_im_sa_cls": 41.55102040816327, "model_in_bounds": 1, "pred_cls": 60.20680594656232, "error_w_gmm": 0.14792421119287452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14594177975031677}, "run_5065": {"edge_length": 800, "pf": 0.483659375, "in_bounds_one_im": 1, "error_one_im": 0.15405223589943878, "one_im_sa_cls": 60.857142857142854, "model_in_bounds": 1, "pred_cls": 69.44886455293212, "error_w_gmm": 0.17818913538125855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1758011034164209}, "run_5066": {"edge_length": 800, "pf": 0.4840046875, "in_bounds_one_im": 1, "error_one_im": 0.12157689001704274, "one_im_sa_cls": 48.06122448979592, "model_in_bounds": 1, "pred_cls": 73.70968658482546, "error_w_gmm": 0.18899067965335023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18645788895821092}, "run_5067": {"edge_length": 800, "pf": 0.5152640625, "in_bounds_one_im": 1, "error_one_im": 0.08976481196563615, "one_im_sa_cls": 37.775510204081634, "model_in_bounds": 1, "pred_cls": 55.95639144318877, "error_w_gmm": 0.13477368725015462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1329674947879499}, "run_5068": {"edge_length": 800, "pf": 0.4865796875, "in_bounds_one_im": 1, "error_one_im": 0.10924185086078969, "one_im_sa_cls": 43.40816326530612, "model_in_bounds": 1, "pred_cls": 65.21649520513843, "error_w_gmm": 0.1663545636383102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1641251346968941}, "run_5069": {"edge_length": 800, "pf": 0.4804515625, "in_bounds_one_im": 1, "error_one_im": 0.10492316978186945, "one_im_sa_cls": 41.183673469387756, "model_in_bounds": 1, "pred_cls": 113.7897114229598, "error_w_gmm": 0.293838663819817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.28990073505549846}, "run_5070": {"edge_length": 800, "pf": 0.555025, "in_bounds_one_im": 1, "error_one_im": 0.12024847171130569, "one_im_sa_cls": 54.816326530612244, "model_in_bounds": 1, "pred_cls": 68.48255910520136, "error_w_gmm": 0.15226820989206044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15022756161306844}, "run_5071": {"edge_length": 800, "pf": 0.540784375, "in_bounds_one_im": 1, "error_one_im": 0.09956645663377284, "one_im_sa_cls": 44.10204081632653, "model_in_bounds": 1, "pred_cls": 62.92556696039338, "error_w_gmm": 0.1439929157934255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14206317027392937}, "run_5072": {"edge_length": 800, "pf": 0.4939875, "in_bounds_one_im": 1, "error_one_im": 0.14695395503320402, "one_im_sa_cls": 59.265306122448976, "model_in_bounds": 1, "pred_cls": 66.20866144515904, "error_w_gmm": 0.16640071137340423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16417066397527755}, "run_5073": {"edge_length": 800, "pf": 0.514771875, "in_bounds_one_im": 1, "error_one_im": 0.13393044193868292, "one_im_sa_cls": 56.30612244897959, "model_in_bounds": 1, "pred_cls": 67.93179042969972, "error_w_gmm": 0.16377830288408057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16158340013876332}, "run_5074": {"edge_length": 800, "pf": 0.4907109375, "in_bounds_one_im": 1, "error_one_im": 0.10299413176576505, "one_im_sa_cls": 41.265306122448976, "model_in_bounds": 1, "pred_cls": 26.3841379552509, "error_w_gmm": 0.06674672212026271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06585220458623763}, "run_5075": {"edge_length": 800, "pf": 0.5167328125, "in_bounds_one_im": 1, "error_one_im": 0.09259583164457905, "one_im_sa_cls": 39.08163265306123, "model_in_bounds": 1, "pred_cls": 59.67019976236047, "error_w_gmm": 0.14329658945761675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14137617587378726}, "run_5076": {"edge_length": 800, "pf": 0.51425, "in_bounds_one_im": 1, "error_one_im": 0.09898566554056182, "one_im_sa_cls": 41.57142857142857, "model_in_bounds": 1, "pred_cls": 62.84335148954312, "error_w_gmm": 0.15166882446159288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1496362089482583}, "run_5077": {"edge_length": 800, "pf": 0.5384671875, "in_bounds_one_im": 1, "error_one_im": 0.11229863820805291, "one_im_sa_cls": 49.51020408163265, "model_in_bounds": 1, "pred_cls": 71.54092772298978, "error_w_gmm": 0.16447275415720325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16226854460519052}, "run_5078": {"edge_length": 800, "pf": 0.5019140625, "in_bounds_one_im": 1, "error_one_im": 0.10693786931666359, "one_im_sa_cls": 43.816326530612244, "model_in_bounds": 1, "pred_cls": 62.618125320395094, "error_w_gmm": 0.15490136603962032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1528254290712515}, "run_5079": {"edge_length": 800, "pf": 0.5235078125, "in_bounds_one_im": 1, "error_one_im": 0.09444816462499375, "one_im_sa_cls": 40.40816326530612, "model_in_bounds": 1, "pred_cls": 62.85241255510714, "error_w_gmm": 0.1489038713303836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1469083108060891}, "run_5080": {"edge_length": 800, "pf": 0.4852640625, "in_bounds_one_im": 1, "error_one_im": 0.12739867164694332, "one_im_sa_cls": 50.48979591836735, "model_in_bounds": 1, "pred_cls": 72.23104956139368, "error_w_gmm": 0.18473314921928558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18225741654143812}, "run_5081": {"edge_length": 1000, "pf": 0.518112, "in_bounds_one_im": 1, "error_one_im": 0.09643912246476755, "one_im_sa_cls": 51.02040816326531, "model_in_bounds": 1, "pred_cls": 66.20603182936236, "error_w_gmm": 0.12769937873601445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1251430915853642}, "run_5082": {"edge_length": 1000, "pf": 0.518262, "in_bounds_one_im": 1, "error_one_im": 0.09224523797770813, "one_im_sa_cls": 48.816326530612244, "model_in_bounds": 1, "pred_cls": 83.67813919799853, "error_w_gmm": 0.161351415201455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15812148132471024}, "run_5083": {"edge_length": 1000, "pf": 0.487672, "in_bounds_one_im": 1, "error_one_im": 0.09655017334657154, "one_im_sa_cls": 48.06122448979592, "model_in_bounds": 1, "pred_cls": 46.30389680952288, "error_w_gmm": 0.0949199875651818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09301987852037304}, "run_5084": {"edge_length": 1000, "pf": 0.542759, "in_bounds_one_im": 0, "error_one_im": 0.07625311219136861, "one_im_sa_cls": 42.38775510204081, "model_in_bounds": 1, "pred_cls": 119.84965375677596, "error_w_gmm": 0.22000666891423015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2156025737152595}, "run_5085": {"edge_length": 1000, "pf": 0.479281, "in_bounds_one_im": 1, "error_one_im": 0.09030609628384828, "one_im_sa_cls": 44.204081632653065, "model_in_bounds": 1, "pred_cls": 62.195341565495305, "error_w_gmm": 0.12965654922437606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12706108341976088}, "run_5086": {"edge_length": 1000, "pf": 0.484226, "in_bounds_one_im": 1, "error_one_im": 0.10489682579777597, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 67.42063621131675, "error_w_gmm": 0.1391645156976289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13637871934665574}, "run_5087": {"edge_length": 1000, "pf": 0.485319, "in_bounds_one_im": 1, "error_one_im": 0.09684117743539736, "one_im_sa_cls": 47.97959183673469, "model_in_bounds": 1, "pred_cls": 68.1882541681326, "error_w_gmm": 0.1404413475696879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13762999158843006}, "run_5088": {"edge_length": 1000, "pf": 0.501271, "in_bounds_one_im": 1, "error_one_im": 0.08881231529072445, "one_im_sa_cls": 45.42857142857143, "model_in_bounds": 1, "pred_cls": 111.26692505176355, "error_w_gmm": 0.22196888621300143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21752551133297612}, "run_5089": {"edge_length": 1000, "pf": 0.495161, "in_bounds_one_im": 1, "error_one_im": 0.09382194976633676, "one_im_sa_cls": 47.40816326530612, "model_in_bounds": 1, "pred_cls": 104.7272639445959, "error_w_gmm": 0.21149153358012304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20725789442609235}, "run_5090": {"edge_length": 1000, "pf": 0.474721, "in_bounds_one_im": 1, "error_one_im": 0.10502009078854484, "one_im_sa_cls": 50.93877551020408, "model_in_bounds": 1, "pred_cls": 68.50189515874538, "error_w_gmm": 0.1441147324521001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1412298426238711}, "run_5091": {"edge_length": 1000, "pf": 0.535821, "in_bounds_one_im": 1, "error_one_im": 0.09314771277825123, "one_im_sa_cls": 51.06122448979592, "model_in_bounds": 1, "pred_cls": 59.10385372658096, "error_w_gmm": 0.11002178168827387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10781936481197263}, "run_5092": {"edge_length": 1000, "pf": 0.454827, "in_bounds_one_im": 1, "error_one_im": 0.12020939470378154, "one_im_sa_cls": 56.02040816326531, "model_in_bounds": 1, "pred_cls": 65.1899056033885, "error_w_gmm": 0.14274286142865739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13988543372518009}, "run_5093": {"edge_length": 1000, "pf": 0.537247, "in_bounds_one_im": 1, "error_one_im": 0.08779520111163899, "one_im_sa_cls": 48.265306122448976, "model_in_bounds": 1, "pred_cls": 123.06527951061497, "error_w_gmm": 0.22843001065789434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22385729693878684}, "run_5094": {"edge_length": 1000, "pf": 0.523813, "in_bounds_one_im": 1, "error_one_im": 0.08748750991370535, "one_im_sa_cls": 46.816326530612244, "model_in_bounds": 1, "pred_cls": 74.16230406492384, "error_w_gmm": 0.1414209794654642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13859001320534417}, "run_5095": {"edge_length": 1000, "pf": 0.502134, "in_bounds_one_im": 1, "error_one_im": 0.08949556276421436, "one_im_sa_cls": 45.857142857142854, "model_in_bounds": 1, "pred_cls": 63.48134853826122, "error_w_gmm": 0.12642197173083683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12389125572349058}, "run_5096": {"edge_length": 1000, "pf": 0.492292, "in_bounds_one_im": 1, "error_one_im": 0.11284436228720698, "one_im_sa_cls": 56.69387755102041, "model_in_bounds": 1, "pred_cls": 65.97203212524381, "error_w_gmm": 0.13399403693724826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13131174327006817}, "run_5097": {"edge_length": 1000, "pf": 0.49007, "in_bounds_one_im": 1, "error_one_im": 0.10836930904218796, "one_im_sa_cls": 54.204081632653065, "model_in_bounds": 1, "pred_cls": 71.31448295860342, "error_w_gmm": 0.1454902721175294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14257784672564472}, "run_5098": {"edge_length": 1000, "pf": 0.536715, "in_bounds_one_im": 1, "error_one_im": 0.09450409427298843, "one_im_sa_cls": 51.89795918367347, "model_in_bounds": 1, "pred_cls": 109.4549646061787, "error_w_gmm": 0.20338443510909618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19931308391492616}, "run_5099": {"edge_length": 1000, "pf": 0.488613, "in_bounds_one_im": 1, "error_one_im": 0.08417412987434064, "one_im_sa_cls": 41.97959183673469, "model_in_bounds": 1, "pred_cls": 102.3025673172282, "error_w_gmm": 0.2093191012180581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2051289498318441}, "run_5100": {"edge_length": 1000, "pf": 0.497443, "in_bounds_one_im": 1, "error_one_im": 0.10067168480605776, "one_im_sa_cls": 51.10204081632653, "model_in_bounds": 1, "pred_cls": 106.43512921066466, "error_w_gmm": 0.21396167481060216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20967858835032552}, "run_5101": {"edge_length": 1000, "pf": 0.500248, "in_bounds_one_im": 1, "error_one_im": 0.07871949820747412, "one_im_sa_cls": 40.183673469387756, "model_in_bounds": 1, "pred_cls": 87.74329393159174, "error_w_gmm": 0.1753995680911548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1718884181812721}, "run_5102": {"edge_length": 1000, "pf": 0.536354, "in_bounds_one_im": 1, "error_one_im": 0.0806266815939419, "one_im_sa_cls": 44.244897959183675, "model_in_bounds": 1, "pred_cls": 59.9988578499947, "error_w_gmm": 0.11156821263525504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10933483929230328}, "run_5103": {"edge_length": 1000, "pf": 0.471225, "in_bounds_one_im": 1, "error_one_im": 0.10351344760237494, "one_im_sa_cls": 49.857142857142854, "model_in_bounds": 1, "pred_cls": 117.83188593839004, "error_w_gmm": 0.2496399689157404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2446426740882748}, "run_5104": {"edge_length": 1000, "pf": 0.520766, "in_bounds_one_im": 1, "error_one_im": 0.09961143559343161, "one_im_sa_cls": 52.97959183673469, "model_in_bounds": 1, "pred_cls": 61.3957164654366, "error_w_gmm": 0.1177932942253677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11543530715102539}, "run_5105": {"edge_length": 1000, "pf": 0.497149, "in_bounds_one_im": 1, "error_one_im": 0.09843790319573, "one_im_sa_cls": 49.93877551020408, "model_in_bounds": 1, "pred_cls": 93.40203641259126, "error_w_gmm": 0.18787228380062676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18411145497125814}, "run_5106": {"edge_length": 1000, "pf": 0.484579, "in_bounds_one_im": 1, "error_one_im": 0.08823919867136394, "one_im_sa_cls": 43.6530612244898, "model_in_bounds": 1, "pred_cls": 63.87212645874335, "error_w_gmm": 0.13174681676823838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12910950797177248}, "run_5107": {"edge_length": 1000, "pf": 0.525439, "in_bounds_one_im": 1, "error_one_im": 0.07899187528156762, "one_im_sa_cls": 42.40816326530612, "model_in_bounds": 1, "pred_cls": 125.92292073100661, "error_w_gmm": 0.2393424068630361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2345512487123415}, "run_5108": {"edge_length": 1000, "pf": 0.517238, "in_bounds_one_im": 1, "error_one_im": 0.08644488922800511, "one_im_sa_cls": 45.6530612244898, "model_in_bounds": 1, "pred_cls": 117.33234245532651, "error_w_gmm": 0.22670915793082785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2221708922549128}, "run_5109": {"edge_length": 1000, "pf": 0.455425, "in_bounds_one_im": 0, "error_one_im": 0.0960516353277887, "one_im_sa_cls": 44.816326530612244, "model_in_bounds": 1, "pred_cls": 66.04608132571788, "error_w_gmm": 0.14444332171926147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14155185418854238}, "run_5110": {"edge_length": 1000, "pf": 0.431464, "in_bounds_one_im": 0, "error_one_im": 0.1095542304242758, "one_im_sa_cls": 48.69387755102041, "model_in_bounds": 1, "pred_cls": 91.4585464402081, "error_w_gmm": 0.20997181031355697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2057685929916238}, "run_5111": {"edge_length": 1000, "pf": 0.541342, "in_bounds_one_im": 0, "error_one_im": 0.07201608138047488, "one_im_sa_cls": 39.91836734693877, "model_in_bounds": 1, "pred_cls": 74.60210695318442, "error_w_gmm": 0.13733768223932322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13458845545463988}, "run_5112": {"edge_length": 1000, "pf": 0.510376, "in_bounds_one_im": 1, "error_one_im": 0.09986379668381588, "one_im_sa_cls": 52.02040816326531, "model_in_bounds": 1, "pred_cls": 61.8264891167697, "error_w_gmm": 0.1211130128247012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11868857159777599}, "run_5113": {"edge_length": 1000, "pf": 0.503057, "in_bounds_one_im": 1, "error_one_im": 0.09915009863628396, "one_im_sa_cls": 50.89795918367347, "model_in_bounds": 1, "pred_cls": 64.85469597660384, "error_w_gmm": 0.12891875830911834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12633806160874797}, "run_5114": {"edge_length": 1000, "pf": 0.48542, "in_bounds_one_im": 1, "error_one_im": 0.09715106598443478, "one_im_sa_cls": 48.142857142857146, "model_in_bounds": 1, "pred_cls": 67.08687742039295, "error_w_gmm": 0.1381450067588774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13537961894572104}, "run_5115": {"edge_length": 1000, "pf": 0.476414, "in_bounds_one_im": 1, "error_one_im": 0.11418298900452543, "one_im_sa_cls": 55.57142857142857, "model_in_bounds": 1, "pred_cls": 65.77269683214561, "error_w_gmm": 0.13790417043689657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1351436036870953}, "run_5116": {"edge_length": 1000, "pf": 0.442284, "in_bounds_one_im": 0, "error_one_im": 0.1139536960189271, "one_im_sa_cls": 51.775510204081634, "model_in_bounds": 1, "pred_cls": 64.26377531827055, "error_w_gmm": 0.14432852352588554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14143935402628882}, "run_5117": {"edge_length": 1000, "pf": 0.529059, "in_bounds_one_im": 1, "error_one_im": 0.10242195276471751, "one_im_sa_cls": 55.38775510204081, "model_in_bounds": 1, "pred_cls": 53.44822876784237, "error_w_gmm": 0.10085432120667132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09883541862515498}, "run_5118": {"edge_length": 1000, "pf": 0.485137, "in_bounds_one_im": 1, "error_one_im": 0.08402003905687058, "one_im_sa_cls": 41.61224489795919, "model_in_bounds": 1, "pred_cls": 62.49097640635023, "error_w_gmm": 0.1287540647180201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12617666485522935}, "run_5119": {"edge_length": 1000, "pf": 0.464132, "in_bounds_one_im": 1, "error_one_im": 0.10770633130913701, "one_im_sa_cls": 51.142857142857146, "model_in_bounds": 1, "pred_cls": 63.838965024216655, "error_w_gmm": 0.13719048414219032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13444420397015316}, "run_5120": {"edge_length": 1000, "pf": 0.537482, "in_bounds_one_im": 1, "error_one_im": 0.07472980249538486, "one_im_sa_cls": 41.10204081632653, "model_in_bounds": 1, "pred_cls": 64.88188671300149, "error_w_gmm": 0.12037486781491817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11796520278050461}, "run_5121": {"edge_length": 1200, "pf": 0.4925388888888889, "in_bounds_one_im": 1, "error_one_im": 0.07450221751002588, "one_im_sa_cls": 44.93877551020408, "model_in_bounds": 1, "pred_cls": 103.82884489380612, "error_w_gmm": 0.17564989395890804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17213373302386972}, "run_5122": {"edge_length": 1200, "pf": 0.5444041666666667, "in_bounds_one_im": 0, "error_one_im": 0.07760464260184465, "one_im_sa_cls": 51.93877551020408, "model_in_bounds": 1, "pred_cls": 63.2833519010286, "error_w_gmm": 0.09648668272822881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09455521156753573}, "run_5123": {"edge_length": 1200, "pf": 0.4717513888888889, "in_bounds_one_im": 1, "error_one_im": 0.08154947751981484, "one_im_sa_cls": 47.183673469387756, "model_in_bounds": 1, "pred_cls": 66.41367009500456, "error_w_gmm": 0.1171301820614714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11478546917155176}, "run_5124": {"edge_length": 1200, "pf": 0.46467430555555556, "in_bounds_one_im": 1, "error_one_im": 0.11158886362900007, "one_im_sa_cls": 63.6530612244898, "model_in_bounds": 1, "pred_cls": 134.34787733288456, "error_w_gmm": 0.24033347938614807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23552248193802486}, "run_5125": {"edge_length": 1200, "pf": 0.4703513888888889, "in_bounds_one_im": 1, "error_one_im": 0.08266319380621052, "one_im_sa_cls": 47.69387755102041, "model_in_bounds": 1, "pred_cls": 67.98443961671096, "error_w_gmm": 0.12023778722902366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11783086627483821}, "run_5126": {"edge_length": 1200, "pf": 0.5168972222222222, "in_bounds_one_im": 1, "error_one_im": 0.07089426657226712, "one_im_sa_cls": 44.89795918367347, "model_in_bounds": 1, "pred_cls": 62.46912748748797, "error_w_gmm": 0.10065418992242622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09863929357050483}, "run_5127": {"edge_length": 1200, "pf": 0.5040986111111111, "in_bounds_one_im": 1, "error_one_im": 0.08523021614926743, "one_im_sa_cls": 52.61224489795919, "model_in_bounds": 1, "pred_cls": 69.49012553155076, "error_w_gmm": 0.11487135864103812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11257186289580921}, "run_5128": {"edge_length": 1200, "pf": 0.5463541666666667, "in_bounds_one_im": 1, "error_one_im": 0.09330680308472349, "one_im_sa_cls": 62.69387755102041, "model_in_bounds": 1, "pred_cls": 66.78776844877589, "error_w_gmm": 0.10143013787677256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09939970859270313}, "run_5129": {"edge_length": 1200, "pf": 0.5139430555555555, "in_bounds_one_im": 1, "error_one_im": 0.07757102652529074, "one_im_sa_cls": 48.83673469387755, "model_in_bounds": 1, "pred_cls": 64.70189695913402, "error_w_gmm": 0.10487013773745263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10277084650958088}, "run_5130": {"edge_length": 1200, "pf": 0.5312, "in_bounds_one_im": 1, "error_one_im": 0.09613331283993912, "one_im_sa_cls": 62.6530612244898, "model_in_bounds": 1, "pred_cls": 116.1811602677142, "error_w_gmm": 0.1819069228124149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1782655086254203}, "run_5131": {"edge_length": 1200, "pf": 0.48621805555555553, "in_bounds_one_im": 1, "error_one_im": 0.0782258974572644, "one_im_sa_cls": 46.59183673469388, "model_in_bounds": 1, "pred_cls": 63.74697006319871, "error_w_gmm": 0.10921497100698692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10702870487314026}, "run_5132": {"edge_length": 1200, "pf": 0.5398930555555556, "in_bounds_one_im": 1, "error_one_im": 0.07603596003798095, "one_im_sa_cls": 50.42857142857143, "model_in_bounds": 1, "pred_cls": 64.0919955918575, "error_w_gmm": 0.09861161402646018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0966376059746133}, "run_5133": {"edge_length": 1200, "pf": 0.5036284722222222, "in_bounds_one_im": 1, "error_one_im": 0.06840054078264292, "one_im_sa_cls": 42.183673469387756, "model_in_bounds": 1, "pred_cls": 63.16174827313921, "error_w_gmm": 0.10450839686994269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10241634697355313}, "run_5134": {"edge_length": 1200, "pf": 0.45708333333333334, "in_bounds_one_im": 0, "error_one_im": 0.08667824278441114, "one_im_sa_cls": 48.69387755102041, "model_in_bounds": 1, "pred_cls": 57.802334255478854, "error_w_gmm": 0.10499364684580961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10289188321165212}, "run_5135": {"edge_length": 1200, "pf": 0.5266131944444444, "in_bounds_one_im": 1, "error_one_im": 0.07373059014745922, "one_im_sa_cls": 47.61224489795919, "model_in_bounds": 1, "pred_cls": 67.89903575065988, "error_w_gmm": 0.10729378415754032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10514597635689654}, "run_5136": {"edge_length": 1200, "pf": 0.5587131944444444, "in_bounds_one_im": 0, "error_one_im": 0.06620858399397404, "one_im_sa_cls": 45.61224489795919, "model_in_bounds": 0, "pred_cls": 64.54146643973108, "error_w_gmm": 0.0955990519988442, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09368534943695321}, "run_5137": {"edge_length": 1200, "pf": 0.50355, "in_bounds_one_im": 1, "error_one_im": 0.10888877706638336, "one_im_sa_cls": 67.14285714285714, "model_in_bounds": 1, "pred_cls": 73.74496796551314, "error_w_gmm": 0.12203870717931044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11959573539563918}, "run_5138": {"edge_length": 1200, "pf": 0.5413347222222222, "in_bounds_one_im": 0, "error_one_im": 0.07293146483509133, "one_im_sa_cls": 48.51020408163265, "model_in_bounds": 1, "pred_cls": 63.897892739506474, "error_w_gmm": 0.09802803009259525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0960657042284476}, "run_5139": {"edge_length": 1200, "pf": 0.47312916666666666, "in_bounds_one_im": 1, "error_one_im": 0.10200723618072904, "one_im_sa_cls": 59.183673469387756, "model_in_bounds": 1, "pred_cls": 70.64500879810589, "error_w_gmm": 0.12424887098936956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12176165612946394}, "run_5140": {"edge_length": 1200, "pf": 0.4815229166666667, "in_bounds_one_im": 1, "error_one_im": 0.07868799295066063, "one_im_sa_cls": 46.42857142857143, "model_in_bounds": 1, "pred_cls": 64.67215328701472, "error_w_gmm": 0.11184649349023829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10960754951898033}, "run_5141": {"edge_length": 1200, "pf": 0.4971409722222222, "in_bounds_one_im": 1, "error_one_im": 0.08511709889783671, "one_im_sa_cls": 51.816326530612244, "model_in_bounds": 1, "pred_cls": 116.3748268327894, "error_w_gmm": 0.19507029664729722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1911653779411235}, "run_5142": {"edge_length": 1200, "pf": 0.49611041666666666, "in_bounds_one_im": 1, "error_one_im": 0.07706242935617216, "one_im_sa_cls": 46.816326530612244, "model_in_bounds": 1, "pred_cls": 67.58257510430411, "error_w_gmm": 0.1135172868589128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1112448969330855}, "run_5143": {"edge_length": 1200, "pf": 0.52389375, "in_bounds_one_im": 1, "error_one_im": 0.08074316380569985, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 147.24751789651043, "error_w_gmm": 0.23395216310339992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22926890689395216}, "run_5144": {"edge_length": 1200, "pf": 0.5404854166666667, "in_bounds_one_im": 1, "error_one_im": 0.08218448293627435, "one_im_sa_cls": 54.57142857142857, "model_in_bounds": 1, "pred_cls": 86.83993205974319, "error_w_gmm": 0.13345224493417815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13078079686350347}, "run_5145": {"edge_length": 1200, "pf": 0.5588534722222223, "in_bounds_one_im": 0, "error_one_im": 0.08007923359829552, "one_im_sa_cls": 55.183673469387756, "model_in_bounds": 0, "pred_cls": 68.91762333334918, "error_w_gmm": 0.10205199464411698, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10000911702647187}, "run_5146": {"edge_length": 1200, "pf": 0.4845715277777778, "in_bounds_one_im": 1, "error_one_im": 0.0789310545266089, "one_im_sa_cls": 46.857142857142854, "model_in_bounds": 1, "pred_cls": 66.42911101114494, "error_w_gmm": 0.11418589138451057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11190011732812154}, "run_5147": {"edge_length": 1200, "pf": 0.4942375, "in_bounds_one_im": 1, "error_one_im": 0.07134965768507903, "one_im_sa_cls": 43.183673469387756, "model_in_bounds": 1, "pred_cls": 61.97221358447838, "error_w_gmm": 0.1044843449063778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10239277648238077}, "run_5148": {"edge_length": 1200, "pf": 0.5196465277777778, "in_bounds_one_im": 1, "error_one_im": 0.07278038547674749, "one_im_sa_cls": 46.3469387755102, "model_in_bounds": 1, "pred_cls": 57.65727980600591, "error_w_gmm": 0.09239093261968265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09054145021632239}, "run_5149": {"edge_length": 1200, "pf": 0.49788958333333333, "in_bounds_one_im": 1, "error_one_im": 0.07287226854294696, "one_im_sa_cls": 44.42857142857143, "model_in_bounds": 1, "pred_cls": 62.58763105564877, "error_w_gmm": 0.10475393814769779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10265697300411211}, "run_5150": {"edge_length": 1200, "pf": 0.5036465277777777, "in_bounds_one_im": 1, "error_one_im": 0.08848400628459102, "one_im_sa_cls": 54.57142857142857, "model_in_bounds": 1, "pred_cls": 61.918856380769824, "error_w_gmm": 0.10244818911255883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10039738047098189}, "run_5151": {"edge_length": 1200, "pf": 0.4880145833333333, "in_bounds_one_im": 1, "error_one_im": 0.07920838256857432, "one_im_sa_cls": 47.3469387755102, "model_in_bounds": 1, "pred_cls": 59.32106090524512, "error_w_gmm": 0.10126749198971288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09924031855226781}, "run_5152": {"edge_length": 1200, "pf": 0.44770486111111113, "in_bounds_one_im": 0, "error_one_im": 0.08777928203351192, "one_im_sa_cls": 48.38775510204081, "model_in_bounds": 1, "pred_cls": 102.543278979387, "error_w_gmm": 0.18982161130161032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18602176081925875}, "run_5153": {"edge_length": 1200, "pf": 0.4952951388888889, "in_bounds_one_im": 1, "error_one_im": 0.09579546351698182, "one_im_sa_cls": 58.10204081632653, "model_in_bounds": 1, "pred_cls": 65.97179030785787, "error_w_gmm": 0.11099252478917865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10877067556997976}, "run_5154": {"edge_length": 1200, "pf": 0.5218368055555556, "in_bounds_one_im": 1, "error_one_im": 0.07290842020749559, "one_im_sa_cls": 46.63265306122449, "model_in_bounds": 1, "pred_cls": 63.547413999971006, "error_w_gmm": 0.1013835164034451, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0993540203883891}, "run_5155": {"edge_length": 1200, "pf": 0.5170548611111111, "in_bounds_one_im": 1, "error_one_im": 0.07625171388397395, "one_im_sa_cls": 48.30612244897959, "model_in_bounds": 1, "pred_cls": 57.5623355457052, "error_w_gmm": 0.092718787390744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09086274198804241}, "run_5156": {"edge_length": 1200, "pf": 0.55175625, "in_bounds_one_im": 0, "error_one_im": 0.07282606948541101, "one_im_sa_cls": 49.46938775510204, "model_in_bounds": 1, "pred_cls": 143.2447634610237, "error_w_gmm": 0.21518450475128653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2108769396718049}, "run_5157": {"edge_length": 1200, "pf": 0.4588451388888889, "in_bounds_one_im": 0, "error_one_im": 0.08553861243194326, "one_im_sa_cls": 48.224489795918366, "model_in_bounds": 1, "pred_cls": 64.9982721844414, "error_w_gmm": 0.11764630086283138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11529125630275655}, "run_5158": {"edge_length": 1200, "pf": 0.4908402777777778, "in_bounds_one_im": 1, "error_one_im": 0.09526104809714447, "one_im_sa_cls": 57.265306122448976, "model_in_bounds": 1, "pred_cls": 109.88560066607195, "error_w_gmm": 0.18652904209500412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18279510228848192}, "run_5159": {"edge_length": 1200, "pf": 0.4977298611111111, "in_bounds_one_im": 1, "error_one_im": 0.09077622402822225, "one_im_sa_cls": 55.326530612244895, "model_in_bounds": 1, "pred_cls": 66.62244160164151, "error_w_gmm": 0.1115426930045271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10930983051374049}, "run_5160": {"edge_length": 1200, "pf": 0.5434888888888889, "in_bounds_one_im": 1, "error_one_im": 0.08223868584740761, "one_im_sa_cls": 54.93877551020408, "model_in_bounds": 1, "pred_cls": 80.53957909229027, "error_w_gmm": 0.12302360425872133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12056091679770117}, "run_5161": {"edge_length": 1400, "pf": 0.5230515306122449, "in_bounds_one_im": 1, "error_one_im": 0.07377244098123745, "one_im_sa_cls": 55.183673469387756, "model_in_bounds": 1, "pred_cls": 64.60001632329349, "error_w_gmm": 0.08636229095408601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08636070402672343}, "run_5162": {"edge_length": 1400, "pf": 0.4969877551020408, "in_bounds_one_im": 1, "error_one_im": 0.06358073326915148, "one_im_sa_cls": 45.142857142857146, "model_in_bounds": 1, "pred_cls": 65.9337682556897, "error_w_gmm": 0.09286506505744295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09286335864008029}, "run_5163": {"edge_length": 1400, "pf": 0.48841173469387755, "in_bounds_one_im": 1, "error_one_im": 0.0725759943337415, "one_im_sa_cls": 50.6530612244898, "model_in_bounds": 1, "pred_cls": 113.89950451398234, "error_w_gmm": 0.1631988569627067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1631958581454128}, "run_5164": {"edge_length": 1400, "pf": 0.5008969387755102, "in_bounds_one_im": 1, "error_one_im": 0.07235447065573479, "one_im_sa_cls": 51.775510204081634, "model_in_bounds": 1, "pred_cls": 67.56228689448959, "error_w_gmm": 0.09441767571263267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09441594076568481}, "run_5165": {"edge_length": 1400, "pf": 0.47986632653061223, "in_bounds_one_im": 1, "error_one_im": 0.08480443017902971, "one_im_sa_cls": 58.183673469387756, "model_in_bounds": 1, "pred_cls": 68.2937642031047, "error_w_gmm": 0.09954201646085453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0995401873529429}, "run_5166": {"edge_length": 1400, "pf": 0.4836311224489796, "in_bounds_one_im": 1, "error_one_im": 0.06686750066450003, "one_im_sa_cls": 46.224489795918366, "model_in_bounds": 1, "pred_cls": 64.26216272990943, "error_w_gmm": 0.09296217630033757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0929604680985329}, "run_5167": {"edge_length": 1400, "pf": 0.5025311224489796, "in_bounds_one_im": 1, "error_one_im": 0.08940176673322119, "one_im_sa_cls": 64.18367346938776, "model_in_bounds": 1, "pred_cls": 87.66866676985248, "error_w_gmm": 0.12211637781922036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12211413390212136}, "run_5168": {"edge_length": 1400, "pf": 0.4723760204081633, "in_bounds_one_im": 1, "error_one_im": 0.0700535746821859, "one_im_sa_cls": 47.3469387755102, "model_in_bounds": 1, "pred_cls": 63.69190576333079, "error_w_gmm": 0.0942389894976285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0942372578340818}, "run_5169": {"edge_length": 1400, "pf": 0.5223357142857142, "in_bounds_one_im": 1, "error_one_im": 0.069916678125901, "one_im_sa_cls": 52.224489795918366, "model_in_bounds": 1, "pred_cls": 66.83448775991056, "error_w_gmm": 0.0894777766692968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08947613249415308}, "run_5170": {"edge_length": 1400, "pf": 0.507625, "in_bounds_one_im": 1, "error_one_im": 0.06840461923785972, "one_im_sa_cls": 49.61224489795919, "model_in_bounds": 1, "pred_cls": 65.1282176368695, "error_w_gmm": 0.08979945984568488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08979780975953737}, "run_5171": {"edge_length": 1400, "pf": 0.466725, "in_bounds_one_im": 1, "error_one_im": 0.08203044426771487, "one_im_sa_cls": 54.816326530612244, "model_in_bounds": 1, "pred_cls": 64.61707429117098, "error_w_gmm": 0.09669864888488118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09669687202451599}, "run_5172": {"edge_length": 1400, "pf": 0.5258464285714286, "in_bounds_one_im": 1, "error_one_im": 0.08288295732563392, "one_im_sa_cls": 62.3469387755102, "model_in_bounds": 1, "pred_cls": 67.4969578904647, "error_w_gmm": 0.08973095375100772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08972930492367572}, "run_5173": {"edge_length": 1400, "pf": 0.5279760204081633, "in_bounds_one_im": 1, "error_one_im": 0.06653701584800602, "one_im_sa_cls": 50.265306122448976, "model_in_bounds": 1, "pred_cls": 66.16376506394938, "error_w_gmm": 0.08758367788324618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0875820685126121}, "run_5174": {"edge_length": 1400, "pf": 0.4758673469387755, "in_bounds_one_im": 1, "error_one_im": 0.0782004438525006, "one_im_sa_cls": 53.224489795918366, "model_in_bounds": 1, "pred_cls": 66.74934574907522, "error_w_gmm": 0.09807373263308314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09807193050523147}, "run_5175": {"edge_length": 1400, "pf": 0.5318132653061225, "in_bounds_one_im": 1, "error_one_im": 0.0607722708461265, "one_im_sa_cls": 46.265306122448976, "model_in_bounds": 1, "pred_cls": 62.69337655894626, "error_w_gmm": 0.08235304575077387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08235153249423273}, "run_5176": {"edge_length": 1400, "pf": 0.4821668367346939, "in_bounds_one_im": 1, "error_one_im": 0.07378503288879953, "one_im_sa_cls": 50.857142857142854, "model_in_bounds": 1, "pred_cls": 73.90126017511703, "error_w_gmm": 0.10722008364311142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10721811344891347}, "run_5177": {"edge_length": 1400, "pf": 0.4964071428571429, "in_bounds_one_im": 1, "error_one_im": 0.0708488481074802, "one_im_sa_cls": 50.244897959183675, "model_in_bounds": 1, "pred_cls": 70.80326767786688, "error_w_gmm": 0.09983943323422508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09983759866121049}, "run_5178": {"edge_length": 1400, "pf": 0.49314438775510205, "in_bounds_one_im": 1, "error_one_im": 0.0659541440206434, "one_im_sa_cls": 46.46938775510204, "model_in_bounds": 1, "pred_cls": 66.14926455325077, "error_w_gmm": 0.09388757849527803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09388585328899095}, "run_5179": {"edge_length": 1400, "pf": 0.5337790816326531, "in_bounds_one_im": 0, "error_one_im": 0.06349666684241023, "one_im_sa_cls": 48.53061224489796, "model_in_bounds": 1, "pred_cls": 65.65768035456976, "error_w_gmm": 0.08590702385224394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08590544529052122}, "run_5180": {"edge_length": 1400, "pf": 0.5163545918367347, "in_bounds_one_im": 1, "error_one_im": 0.07244606135153751, "one_im_sa_cls": 53.46938775510204, "model_in_bounds": 1, "pred_cls": 85.42666170687718, "error_w_gmm": 0.11574733054031476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1157452036559541}, "run_5181": {"edge_length": 1400, "pf": 0.5344969387755102, "in_bounds_one_im": 1, "error_one_im": 0.07527027678146686, "one_im_sa_cls": 57.61224489795919, "model_in_bounds": 1, "pred_cls": 65.80691718001194, "error_w_gmm": 0.08597817875105758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08597659888184686}, "run_5182": {"edge_length": 1400, "pf": 0.5249505102040817, "in_bounds_one_im": 1, "error_one_im": 0.06794761712067886, "one_im_sa_cls": 51.02040816326531, "model_in_bounds": 1, "pred_cls": 76.03835328462947, "error_w_gmm": 0.10126770916114991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10126584834322995}, "run_5183": {"edge_length": 1400, "pf": 0.496775, "in_bounds_one_im": 1, "error_one_im": 0.06665590743993204, "one_im_sa_cls": 47.30612244897959, "model_in_bounds": 1, "pred_cls": 67.47510450218037, "error_w_gmm": 0.09507642422574644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09507467717414009}, "run_5184": {"edge_length": 1400, "pf": 0.49614132653061227, "in_bounds_one_im": 1, "error_one_im": 0.06668285690379598, "one_im_sa_cls": 47.265306122448976, "model_in_bounds": 1, "pred_cls": 62.963522640767174, "error_w_gmm": 0.08883185292369372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08883022061755036}, "run_5185": {"edge_length": 1400, "pf": 0.5182265306122449, "in_bounds_one_im": 1, "error_one_im": 0.06820814434127684, "one_im_sa_cls": 50.53061224489796, "model_in_bounds": 1, "pred_cls": 64.35713998971427, "error_w_gmm": 0.08687331424835104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08687171793081558}, "run_5186": {"edge_length": 1400, "pf": 0.5167132653061225, "in_bounds_one_im": 1, "error_one_im": 0.07112301352998085, "one_im_sa_cls": 52.53061224489796, "model_in_bounds": 1, "pred_cls": 74.93220147104867, "error_w_gmm": 0.10145516456306906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10145330030061213}, "run_5187": {"edge_length": 1400, "pf": 0.5128882653061224, "in_bounds_one_im": 1, "error_one_im": 0.0615902564776217, "one_im_sa_cls": 45.142857142857146, "model_in_bounds": 1, "pred_cls": 65.65237743876776, "error_w_gmm": 0.08957388440233355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08957223846118768}, "run_5188": {"edge_length": 1400, "pf": 0.4824362244897959, "in_bounds_one_im": 1, "error_one_im": 0.08315574835900112, "one_im_sa_cls": 57.3469387755102, "model_in_bounds": 1, "pred_cls": 64.72049660921758, "error_w_gmm": 0.09384947723057264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09384775272440513}, "run_5189": {"edge_length": 1400, "pf": 0.517920918367347, "in_bounds_one_im": 1, "error_one_im": 0.057720232273642764, "one_im_sa_cls": 42.734693877551024, "model_in_bounds": 1, "pred_cls": 61.5985787517012, "error_w_gmm": 0.08320053999967086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08319901117022396}, "run_5190": {"edge_length": 1400, "pf": 0.47012908163265305, "in_bounds_one_im": 1, "error_one_im": 0.08499014885379053, "one_im_sa_cls": 57.183673469387756, "model_in_bounds": 1, "pred_cls": 123.14177096225374, "error_w_gmm": 0.18302478880719325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18302142568374904}, "run_5191": {"edge_length": 1400, "pf": 0.5408357142857143, "in_bounds_one_im": 0, "error_one_im": 0.06734042989038527, "one_im_sa_cls": 52.204081632653065, "model_in_bounds": 1, "pred_cls": 67.88568076478579, "error_w_gmm": 0.08757045016705739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08756884103948574}, "run_5192": {"edge_length": 1400, "pf": 0.5180622448979592, "in_bounds_one_im": 1, "error_one_im": 0.06153429114023168, "one_im_sa_cls": 45.57142857142857, "model_in_bounds": 1, "pred_cls": 49.97551233998022, "error_w_gmm": 0.06748228728648253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06748104728361784}, "run_5193": {"edge_length": 1400, "pf": 0.49337040816326533, "in_bounds_one_im": 1, "error_one_im": 0.07492848906089364, "one_im_sa_cls": 52.816326530612244, "model_in_bounds": 1, "pred_cls": 112.48793480360449, "error_w_gmm": 0.15958523482274867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15958230240660945}, "run_5194": {"edge_length": 1400, "pf": 0.5071397959183673, "in_bounds_one_im": 1, "error_one_im": 0.06323220857958148, "one_im_sa_cls": 45.816326530612244, "model_in_bounds": 1, "pred_cls": 64.05822748901137, "error_w_gmm": 0.08840991715402081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08840829260104628}, "run_5195": {"edge_length": 1400, "pf": 0.5112091836734693, "in_bounds_one_im": 1, "error_one_im": 0.08786316033850451, "one_im_sa_cls": 64.18367346938776, "model_in_bounds": 1, "pred_cls": 68.55008381687719, "error_w_gmm": 0.09384220872090258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09384048434829567}, "run_5196": {"edge_length": 1400, "pf": 0.5323122448979591, "in_bounds_one_im": 0, "error_one_im": 0.06073818318143886, "one_im_sa_cls": 46.285714285714285, "model_in_bounds": 1, "pred_cls": 66.19893952348983, "error_w_gmm": 0.08687080369844993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08686920742704637}, "run_5197": {"edge_length": 1400, "pf": 0.5054239795918367, "in_bounds_one_im": 1, "error_one_im": 0.08617276059556923, "one_im_sa_cls": 62.224489795918366, "model_in_bounds": 1, "pred_cls": 69.10123306994446, "error_w_gmm": 0.09569790694494842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09569614847345122}, "run_5198": {"edge_length": 1400, "pf": 0.4933811224489796, "in_bounds_one_im": 1, "error_one_im": 0.07527430304596539, "one_im_sa_cls": 53.06122448979592, "model_in_bounds": 1, "pred_cls": 67.31734865699501, "error_w_gmm": 0.09550023893538581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09549848409608465}, "run_5199": {"edge_length": 1400, "pf": 0.51215, "in_bounds_one_im": 1, "error_one_im": 0.06025919259658538, "one_im_sa_cls": 44.10204081632653, "model_in_bounds": 1, "pred_cls": 58.2524985779215, "error_w_gmm": 0.07959525157768942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07959378899626335}, "run_5200": {"edge_length": 1400, "pf": 0.5262520408163265, "in_bounds_one_im": 1, "error_one_im": 0.06733678022921569, "one_im_sa_cls": 50.69387755102041, "model_in_bounds": 1, "pred_cls": 67.37268776369984, "error_w_gmm": 0.08949292207035037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08949127761690641}}, "fractal_noise_0.025_2_True_simplex": {"true_cls": 14.061224489795919, "true_pf": 0.5003095166666667, "run_5201": {"edge_length": 600, "pf": 0.5129861111111111, "in_bounds_one_im": 1, "error_one_im": 0.046898162608380464, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 16.135519399617674, "error_w_gmm": 0.053403115839600536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051356765119284505}, "run_5202": {"edge_length": 600, "pf": 0.5125111111111111, "in_bounds_one_im": 1, "error_one_im": 0.044667147193892476, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 12.695566092349456, "error_w_gmm": 0.042057995097616103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04044637736314615}, "run_5203": {"edge_length": 600, "pf": 0.5074444444444445, "in_bounds_one_im": 1, "error_one_im": 0.05451452255463029, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 18.994488258226216, "error_w_gmm": 0.06356627091554316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061130478879240883}, "run_5204": {"edge_length": 600, "pf": 0.49017777777777777, "in_bounds_one_im": 1, "error_one_im": 0.04840757486217999, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 15.42748564210734, "error_w_gmm": 0.053443328628359904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051395436996657856}, "run_5205": {"edge_length": 600, "pf": 0.4879222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04514346450785545, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 13.06726841518948, "error_w_gmm": 0.045471916089854084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0437294805262793}, "run_5206": {"edge_length": 600, "pf": 0.5033027777777778, "in_bounds_one_im": 1, "error_one_im": 0.04092799197497282, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 16.22167563226504, "error_w_gmm": 0.05473847477997631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052640954522329836}, "run_5207": {"edge_length": 600, "pf": 0.5160722222222223, "in_bounds_one_im": 1, "error_one_im": 0.03711963005701824, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 0, "pred_cls": 6.6094206979543655, "error_w_gmm": 0.021740233651596653, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020907170971763478}, "run_5208": {"edge_length": 600, "pf": 0.486375, "in_bounds_one_im": 1, "error_one_im": 0.05295630926159902, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 12.088902667342557, "error_w_gmm": 0.04219782952915021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04058085348767519}, "run_5209": {"edge_length": 600, "pf": 0.4891611111111111, "in_bounds_one_im": 1, "error_one_im": 0.046939233873700824, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 9.078492479443712, "error_w_gmm": 0.03151341942756835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03030585864143524}, "run_5210": {"edge_length": 600, "pf": 0.4913416666666667, "in_bounds_one_im": 1, "error_one_im": 0.051550827084552206, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 11.58754777620382, "error_w_gmm": 0.040047794118431325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03851320515198482}, "run_5211": {"edge_length": 600, "pf": 0.49394166666666667, "in_bounds_one_im": 1, "error_one_im": 0.05141835649014112, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 15.724890609725916, "error_w_gmm": 0.05406495790262198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05199324609688796}, "run_5212": {"edge_length": 600, "pf": 0.5011666666666666, "in_bounds_one_im": 1, "error_one_im": 0.04462825697622255, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 6.692460275422047, "error_w_gmm": 0.022679747941457735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02181068407117752}, "run_5213": {"edge_length": 600, "pf": 0.5149361111111111, "in_bounds_one_im": 1, "error_one_im": 0.04904477697565941, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 18.571784225121913, "error_w_gmm": 0.06122689056259159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05888074109854555}, "run_5214": {"edge_length": 600, "pf": 0.501125, "in_bounds_one_im": 1, "error_one_im": 0.050684896934676, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 16.950242761875245, "error_w_gmm": 0.0574466271998179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05524533341570323}, "run_5215": {"edge_length": 600, "pf": 0.4812472222222222, "in_bounds_one_im": 1, "error_one_im": 0.04360511235072093, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 19.61888227906528, "error_w_gmm": 0.06918885414509052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06653761068688295}, "run_5216": {"edge_length": 600, "pf": 0.5066055555555555, "in_bounds_one_im": 1, "error_one_im": 0.04315854088274517, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 12.924841112066487, "error_w_gmm": 0.043326453743911864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0416662300203769}, "run_5217": {"edge_length": 600, "pf": 0.49703055555555553, "in_bounds_one_im": 1, "error_one_im": 0.05673491135561825, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 13.564331946458656, "error_w_gmm": 0.04634932817263073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0445732711092732}, "run_5218": {"edge_length": 600, "pf": 0.5049361111111111, "in_bounds_one_im": 1, "error_one_im": 0.054788733586276145, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 11.553727546109684, "error_w_gmm": 0.03885977738033623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03737071195440837}, "run_5219": {"edge_length": 600, "pf": 0.4830361111111111, "in_bounds_one_im": 1, "error_one_im": 0.04896653954034332, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 12.755328389096643, "error_w_gmm": 0.044822670256276835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0431051131039767}, "run_5220": {"edge_length": 600, "pf": 0.49173055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04446189852816081, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 13.384723086817985, "error_w_gmm": 0.04622304704666157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0444518289420244}, "run_5221": {"edge_length": 600, "pf": 0.5054833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04424460548691254, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 14.768876444176373, "error_w_gmm": 0.04961925971861425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04771790234891122}, "run_5222": {"edge_length": 600, "pf": 0.476575, "in_bounds_one_im": 1, "error_one_im": 0.050023650972543646, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 15.704823859574343, "error_w_gmm": 0.0559062612486369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0537639926529253}, "run_5223": {"edge_length": 600, "pf": 0.5257555555555555, "in_bounds_one_im": 0, "error_one_im": 0.04773987716716268, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 16.885745644878188, "error_w_gmm": 0.054474745637280324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05238733120047667}, "run_5224": {"edge_length": 600, "pf": 0.491425, "in_bounds_one_im": 1, "error_one_im": 0.051677870900400096, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 18.81781362154269, "error_w_gmm": 0.06502551803006532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06253380919308635}, "run_5225": {"edge_length": 600, "pf": 0.4810333333333333, "in_bounds_one_im": 1, "error_one_im": 0.05040972008530078, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 11.497033317405998, "error_w_gmm": 0.04056334049681245, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03900899634031436}, "run_5226": {"edge_length": 600, "pf": 0.5045416666666667, "in_bounds_one_im": 1, "error_one_im": 0.04637596105921528, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 20.345758670057158, "error_w_gmm": 0.06848488265953491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06586061464150336}, "run_5227": {"edge_length": 600, "pf": 0.48570833333333335, "in_bounds_one_im": 1, "error_one_im": 0.045755526892660166, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 13.506736667740816, "error_w_gmm": 0.04720991040601931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04540087674484529}, "run_5228": {"edge_length": 600, "pf": 0.49791111111111114, "in_bounds_one_im": 1, "error_one_im": 0.0516142397798344, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 17.374580858167274, "error_w_gmm": 0.05926448436154576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05699353222035118}, "run_5229": {"edge_length": 600, "pf": 0.4961027777777778, "in_bounds_one_im": 1, "error_one_im": 0.04743409449532338, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 12.566718632410428, "error_w_gmm": 0.04302023925225508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04137174934304386}, "run_5230": {"edge_length": 600, "pf": 0.48896944444444446, "in_bounds_one_im": 1, "error_one_im": 0.053363597066952796, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 14.549827916691065, "error_w_gmm": 0.050524986678620896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04858892281309114}, "run_5231": {"edge_length": 600, "pf": 0.49064722222222223, "in_bounds_one_im": 1, "error_one_im": 0.042792334264262995, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 10.999408769864898, "error_w_gmm": 0.038067975964083095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036609251528058565}, "run_5232": {"edge_length": 600, "pf": 0.4932, "in_bounds_one_im": 1, "error_one_im": 0.04379076535130291, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 13.743786341263077, "error_w_gmm": 0.04732372711507128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04551033211840429}, "run_5233": {"edge_length": 600, "pf": 0.5025027777777777, "in_bounds_one_im": 1, "error_one_im": 0.04358050183097083, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 17.032209363892573, "error_w_gmm": 0.057565576825898815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05535972501835821}, "run_5234": {"edge_length": 600, "pf": 0.4981027777777778, "in_bounds_one_im": 1, "error_one_im": 0.04624094726167366, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 12.57079871164625, "error_w_gmm": 0.04286240778210296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041219965807315656}, "run_5235": {"edge_length": 600, "pf": 0.5057555555555555, "in_bounds_one_im": 1, "error_one_im": 0.0455385685657556, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 12.902795165137148, "error_w_gmm": 0.043326154806271625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04166594253770969}, "run_5236": {"edge_length": 600, "pf": 0.48791666666666667, "in_bounds_one_im": 1, "error_one_im": 0.04582693109355679, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 17.25557929237426, "error_w_gmm": 0.06004720743035329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05774626217189418}, "run_5237": {"edge_length": 600, "pf": 0.4917611111111111, "in_bounds_one_im": 1, "error_one_im": 0.046966786986102516, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 13.078401128025185, "error_w_gmm": 0.04516242843933101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043431852114053864}, "run_5238": {"edge_length": 600, "pf": 0.49948611111111113, "in_bounds_one_im": 1, "error_one_im": 0.043110160225403586, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 7.78528894822795, "error_w_gmm": 0.02647200715018434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025457627931887557}, "run_5239": {"edge_length": 600, "pf": 0.4957111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05029533803629004, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 12.522445551042875, "error_w_gmm": 0.042902273002906624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041258303435168654}, "run_5240": {"edge_length": 600, "pf": 0.4953472222222222, "in_bounds_one_im": 1, "error_one_im": 0.048918895123855985, "one_im_sa_cls": 14.83673469387755, "model_in_bounds": 1, "pred_cls": 16.076330423263215, "error_w_gmm": 0.05511809120691584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05300602445068963}, "run_5241": {"edge_length": 800, "pf": 0.503790625, "in_bounds_one_im": 1, "error_one_im": 0.035777066696833434, "one_im_sa_cls": 14.714285714285714, "model_in_bounds": 1, "pred_cls": 13.289271080450757, "error_w_gmm": 0.03275113312198825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03231221324837966}, "run_5242": {"edge_length": 800, "pf": 0.49103125, "in_bounds_one_im": 1, "error_one_im": 0.03726182295365618, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 14.181875702688135, "error_w_gmm": 0.03585439474169333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03537388598037139}, "run_5243": {"edge_length": 800, "pf": 0.49486875, "in_bounds_one_im": 1, "error_one_im": 0.03470370673444649, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 14.246390883340645, "error_w_gmm": 0.03574206889613864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0352630654887155}, "run_5244": {"edge_length": 800, "pf": 0.5195421875, "in_bounds_one_im": 0, "error_one_im": 0.03461877857364635, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 0, "pred_cls": 13.694008475702669, "error_w_gmm": 0.032701339378031734, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03226308682374078}, "run_5245": {"edge_length": 800, "pf": 0.496646875, "in_bounds_one_im": 1, "error_one_im": 0.03704694233659195, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 13.677870377864606, "error_w_gmm": 0.034193908301261434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033735652831019466}, "run_5246": {"edge_length": 800, "pf": 0.4885921875, "in_bounds_one_im": 1, "error_one_im": 0.03544913795167864, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 13.192606928308695, "error_w_gmm": 0.03351650850102124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03306733131926468}, "run_5247": {"edge_length": 800, "pf": 0.5090953125, "in_bounds_one_im": 1, "error_one_im": 0.036774170227635225, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 13.306361410248131, "error_w_gmm": 0.032447114651864374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03201226913342345}, "run_5248": {"edge_length": 800, "pf": 0.506878125, "in_bounds_one_im": 1, "error_one_im": 0.03264715740056264, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 13.372311727009796, "error_w_gmm": 0.03275288645625001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03231394308503451}, "run_5249": {"edge_length": 800, "pf": 0.4851546875, "in_bounds_one_im": 1, "error_one_im": 0.03790863125703885, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 15.798264423214704, "error_w_gmm": 0.04041339838929023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03987179136619734}, "run_5250": {"edge_length": 800, "pf": 0.4997015625, "in_bounds_one_im": 1, "error_one_im": 0.0353204269461799, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 15.432155415465115, "error_w_gmm": 0.038344540333227206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03783065946278679}, "run_5251": {"edge_length": 800, "pf": 0.5110796875, "in_bounds_one_im": 1, "error_one_im": 0.03550368034391243, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 15.726545733306047, "error_w_gmm": 0.03819669617692448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037684796665057405}, "run_5252": {"edge_length": 800, "pf": 0.505346875, "in_bounds_one_im": 1, "error_one_im": 0.039722187367216576, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 15.493569519633176, "error_w_gmm": 0.038064909314024765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03755477596618601}, "run_5253": {"edge_length": 800, "pf": 0.5111328125, "in_bounds_one_im": 1, "error_one_im": 0.030316724487773398, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 11.486414974298283, "error_w_gmm": 0.027895284405570705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02752144101334476}, "run_5254": {"edge_length": 800, "pf": 0.520703125, "in_bounds_one_im": 0, "error_one_im": 0.035209940451355164, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 0, "pred_cls": 13.498162413047211, "error_w_gmm": 0.032158781431125376, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03172780005931816}, "run_5255": {"edge_length": 800, "pf": 0.507509375, "in_bounds_one_im": 1, "error_one_im": 0.04176714841551855, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 15.838433444213942, "error_w_gmm": 0.03874421813591625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03822498091551416}, "run_5256": {"edge_length": 800, "pf": 0.502171875, "in_bounds_one_im": 1, "error_one_im": 0.03808351104745257, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 14.764450231212795, "error_w_gmm": 0.03650467864630767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0360154549947815}, "run_5257": {"edge_length": 800, "pf": 0.4905171875, "in_bounds_one_im": 1, "error_one_im": 0.03791164365342649, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 11.156001650092547, "error_w_gmm": 0.028233450106626357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02785507472931717}, "run_5258": {"edge_length": 800, "pf": 0.4886328125, "in_bounds_one_im": 1, "error_one_im": 0.03774796128818434, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 18.90452291664585, "error_w_gmm": 0.048024025937976944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0473804237970568}, "run_5259": {"edge_length": 800, "pf": 0.5136484375, "in_bounds_one_im": 1, "error_one_im": 0.03322958364412975, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.050370274728865, "error_w_gmm": 0.03153426653048356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031111654701196777}, "run_5260": {"edge_length": 800, "pf": 0.49798125, "in_bounds_one_im": 1, "error_one_im": 0.04297236562104603, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 15.908301151612795, "error_w_gmm": 0.03966386262463855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03913230063241101}, "run_5261": {"edge_length": 800, "pf": 0.48609375, "in_bounds_one_im": 1, "error_one_im": 0.03603810722828038, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 14.024892896012572, "error_w_gmm": 0.03580957877815295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03532967062557889}, "run_5262": {"edge_length": 800, "pf": 0.4894109375, "in_bounds_one_im": 1, "error_one_im": 0.04289831445005192, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 15.507189947260226, "error_w_gmm": 0.03933233711479283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0388052181179981}, "run_5263": {"edge_length": 800, "pf": 0.5110453125, "in_bounds_one_im": 1, "error_one_im": 0.03389220784220677, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.505191928297407, "error_w_gmm": 0.037661661602307946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037156932447173094}, "run_5264": {"edge_length": 800, "pf": 0.5034171875, "in_bounds_one_im": 1, "error_one_im": 0.0400744325181994, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 16.7674256402999, "error_w_gmm": 0.04135384917051192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04079963853653049}, "run_5265": {"edge_length": 800, "pf": 0.496490625, "in_bounds_one_im": 1, "error_one_im": 0.03418850046659484, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 9.402084490642453, "error_w_gmm": 0.023512030260743794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0231969297934748}, "run_5266": {"edge_length": 800, "pf": 0.49614375, "in_bounds_one_im": 1, "error_one_im": 0.03678192434074031, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 13.042207827441525, "error_w_gmm": 0.0326376143901833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03220021585714122}, "run_5267": {"edge_length": 800, "pf": 0.4885703125, "in_bounds_one_im": 1, "error_one_im": 0.0387757904597394, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 10.16960850358, "error_w_gmm": 0.025837553714753513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025491287349904617}, "run_5268": {"edge_length": 800, "pf": 0.5023859375, "in_bounds_one_im": 1, "error_one_im": 0.0324442100931255, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 16.866656548101457, "error_w_gmm": 0.0416844729591767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041125831414332105}, "run_5269": {"edge_length": 800, "pf": 0.5131484375, "in_bounds_one_im": 1, "error_one_im": 0.03823036631954656, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 19.807416059220298, "error_w_gmm": 0.04790957637353414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047267508047892225}, "run_5270": {"edge_length": 800, "pf": 0.5017859375, "in_bounds_one_im": 1, "error_one_im": 0.03577134056415187, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 14.451713964229642, "error_w_gmm": 0.03575903851042747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035279807681835966}, "run_5271": {"edge_length": 800, "pf": 0.495990625, "in_bounds_one_im": 1, "error_one_im": 0.033164273736453184, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 12.346964131040759, "error_w_gmm": 0.03090725874811648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030493049870127995}, "run_5272": {"edge_length": 800, "pf": 0.5116859375, "in_bounds_one_im": 1, "error_one_im": 0.037316702261212496, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 12.925000243823401, "error_w_gmm": 0.0313542316601055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030934032598714634}, "run_5273": {"edge_length": 800, "pf": 0.5008390625, "in_bounds_one_im": 1, "error_one_im": 0.03778584183771671, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 13.918995234418766, "error_w_gmm": 0.034506174400899974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0340437340434826}, "run_5274": {"edge_length": 800, "pf": 0.5124734375, "in_bounds_one_im": 1, "error_one_im": 0.036672737179373714, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 14.191779910807401, "error_w_gmm": 0.03437304897252987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03391239271815323}, "run_5275": {"edge_length": 800, "pf": 0.500340625, "in_bounds_one_im": 1, "error_one_im": 0.03497552167101925, "one_im_sa_cls": 14.285714285714286, "model_in_bounds": 1, "pred_cls": 13.13349271891075, "error_w_gmm": 0.032591331408248714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03215455314445055}, "run_5276": {"edge_length": 800, "pf": 0.4988734375, "in_bounds_one_im": 1, "error_one_im": 0.03322416491479854, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 15.504275060494024, "error_w_gmm": 0.038587595199782485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03807045698826293}, "run_5277": {"edge_length": 800, "pf": 0.5004203125, "in_bounds_one_im": 1, "error_one_im": 0.036368745803713846, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 15.482560642288686, "error_w_gmm": 0.038414522466442245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03789970371855647}, "run_5278": {"edge_length": 800, "pf": 0.5, "in_bounds_one_im": 1, "error_one_im": 0.03569934400412241, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 14.253107255803753, "error_w_gmm": 0.03539380723101493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034919471111452355}, "run_5279": {"edge_length": 800, "pf": 0.4993265625, "in_bounds_one_im": 1, "error_one_im": 0.036748788365588154, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 12.264317071112934, "error_w_gmm": 0.03049622186722724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030087521569816294}, "run_5280": {"edge_length": 800, "pf": 0.49575, "in_bounds_one_im": 1, "error_one_im": 0.03857580974932496, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.31806866509745, "error_w_gmm": 0.04337193290168094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042790676575786564}, "run_5281": {"edge_length": 1000, "pf": 0.507954, "in_bounds_one_im": 1, "error_one_im": 0.028738594967347306, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 14.54257062519708, "error_w_gmm": 0.02862607717400765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028053040139859584}, "run_5282": {"edge_length": 1000, "pf": 0.491028, "in_bounds_one_im": 1, "error_one_im": 0.030053993598792926, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 16.35615714335818, "error_w_gmm": 0.033304666323019705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03263797325512135}, "run_5283": {"edge_length": 1000, "pf": 0.512579, "in_bounds_one_im": 1, "error_one_im": 0.02609455182315974, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 0, "pred_cls": 10.37810797106251, "error_w_gmm": 0.02024043741435968, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019835264181740888}, "run_5284": {"edge_length": 1000, "pf": 0.516756, "in_bounds_one_im": 0, "error_one_im": 0.029590609957356004, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 0, "pred_cls": 15.40459283510029, "error_w_gmm": 0.02979344276446524, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02919703739690372}, "run_5285": {"edge_length": 1000, "pf": 0.513965, "in_bounds_one_im": 1, "error_one_im": 0.027189184783319557, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 15.505429727579589, "error_w_gmm": 0.03015649075691041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029552817891829678}, "run_5286": {"edge_length": 1000, "pf": 0.494408, "in_bounds_one_im": 1, "error_one_im": 0.028516648336462655, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 12.599609206695208, "error_w_gmm": 0.025482640229932726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024972528540829837}, "run_5287": {"edge_length": 1000, "pf": 0.499517, "in_bounds_one_im": 1, "error_one_im": 0.031189541986940465, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 16.01520421080598, "error_w_gmm": 0.03206136475527809, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03141956010777353}, "run_5288": {"edge_length": 1000, "pf": 0.515406, "in_bounds_one_im": 1, "error_one_im": 0.03129967492412281, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 16.593667231044794, "error_w_gmm": 0.0321800454751667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03153586507609391}, "run_5289": {"edge_length": 1000, "pf": 0.499439, "in_bounds_one_im": 1, "error_one_im": 0.025147738365253514, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 14.028225224707295, "error_w_gmm": 0.02808794746655824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02752568271705359}, "run_5290": {"edge_length": 1000, "pf": 0.507594, "in_bounds_one_im": 1, "error_one_im": 0.02659250269815809, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.241757069091946, "error_w_gmm": 0.031993844833862736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031353391800666874}, "run_5291": {"edge_length": 1000, "pf": 0.506381, "in_bounds_one_im": 1, "error_one_im": 0.028829167670008128, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 14.649092082251702, "error_w_gmm": 0.02892663645514549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028347582822984267}, "run_5292": {"edge_length": 1000, "pf": 0.499181, "in_bounds_one_im": 1, "error_one_im": 0.02776493241145355, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 13.101347821381626, "error_w_gmm": 0.026245650867367725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025720265225426624}, "run_5293": {"edge_length": 1000, "pf": 0.509779, "in_bounds_one_im": 1, "error_one_im": 0.02710410328564473, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 14.049988501791965, "error_w_gmm": 0.02755566839069296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027004058807843453}, "run_5294": {"edge_length": 1000, "pf": 0.494332, "in_bounds_one_im": 1, "error_one_im": 0.027469146047736554, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 13.511271292828347, "error_w_gmm": 0.02733062624446848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026783521557041695}, "run_5295": {"edge_length": 1000, "pf": 0.482133, "in_bounds_one_im": 0, "error_one_im": 0.028977097118474526, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 0, "pred_cls": 8.59372160669209, "error_w_gmm": 0.01781299581627937, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017456415128335092}, "run_5296": {"edge_length": 1000, "pf": 0.505794, "in_bounds_one_im": 1, "error_one_im": 0.028783961198889173, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 13.184041597864557, "error_w_gmm": 0.026064279884887995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025542524928676147}, "run_5297": {"edge_length": 1000, "pf": 0.512388, "in_bounds_one_im": 1, "error_one_im": 0.02848476156691799, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 14.154376962886378, "error_w_gmm": 0.02761585353793276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027063039168340637}, "run_5298": {"edge_length": 1000, "pf": 0.487402, "in_bounds_one_im": 1, "error_one_im": 0.02859101604897864, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 0, "pred_cls": 11.780587900381178, "error_w_gmm": 0.024162494043592986, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02367880905105293}, "run_5299": {"edge_length": 1000, "pf": 0.495556, "in_bounds_one_im": 1, "error_one_im": 0.02804767888493491, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 13.07894226349093, "error_w_gmm": 0.0263914182406614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025863114626314916}, "run_5300": {"edge_length": 1000, "pf": 0.473008, "in_bounds_one_im": 0, "error_one_im": 0.03098959061827555, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 0, "pred_cls": 12.120613289553665, "error_w_gmm": 0.02558717615713048, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0250749718670289}, "run_5301": {"edge_length": 1000, "pf": 0.505485, "in_bounds_one_im": 1, "error_one_im": 0.025241100622317294, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 10.882027718669072, "error_w_gmm": 0.021526599053313254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021095679427063987}, "run_5302": {"edge_length": 1000, "pf": 0.508275, "in_bounds_one_im": 1, "error_one_im": 0.028720145852407633, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 15.68764611351539, "error_w_gmm": 0.030860257780993588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03024249690218462}, "run_5303": {"edge_length": 1000, "pf": 0.491535, "in_bounds_one_im": 1, "error_one_im": 0.03059307699830215, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 10.406225810695716, "error_w_gmm": 0.02116784025979904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0207441022698515}, "run_5304": {"edge_length": 1000, "pf": 0.50019, "in_bounds_one_im": 1, "error_one_im": 0.027149182278444615, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.41620088656809, "error_w_gmm": 0.028821447541370972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028244499581698803}, "run_5305": {"edge_length": 1000, "pf": 0.501691, "in_bounds_one_im": 1, "error_one_im": 0.031293409135315295, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 15.46692719716736, "error_w_gmm": 0.030829412411515354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03021226899555107}, "run_5306": {"edge_length": 1000, "pf": 0.493279, "in_bounds_one_im": 1, "error_one_im": 0.029351392852782553, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 12.6832400139005, "error_w_gmm": 0.02570977907337043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025195120517143812}, "run_5307": {"edge_length": 1000, "pf": 0.500092, "in_bounds_one_im": 1, "error_one_im": 0.03255341132351018, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 12.198783902434295, "error_w_gmm": 0.024393079065318585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023904778220031155}, "run_5308": {"edge_length": 1000, "pf": 0.502665, "in_bounds_one_im": 1, "error_one_im": 0.0261000319430198, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 13.303486066088722, "error_w_gmm": 0.026465532901721708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025935745659517208}, "run_5309": {"edge_length": 1000, "pf": 0.50147, "in_bounds_one_im": 1, "error_one_im": 0.03302216311696886, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 15.019737295725434, "error_w_gmm": 0.02995128797990807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029351722865603665}, "run_5310": {"edge_length": 1000, "pf": 0.498313, "in_bounds_one_im": 1, "error_one_im": 0.02684994768832523, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 13.895594553044104, "error_w_gmm": 0.027885115298931232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027326910845326076}, "run_5311": {"edge_length": 1000, "pf": 0.500747, "in_bounds_one_im": 1, "error_one_im": 0.02939550928723177, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 15.12712485433554, "error_w_gmm": 0.030209083573506126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02960435790501632}, "run_5312": {"edge_length": 1000, "pf": 0.494008, "in_bounds_one_im": 1, "error_one_im": 0.028337066232325733, "one_im_sa_cls": 14.285714285714286, "model_in_bounds": 1, "pred_cls": 12.804841660468187, "error_w_gmm": 0.025918450988128387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025399615235899158}, "run_5313": {"edge_length": 1000, "pf": 0.510146, "in_bounds_one_im": 1, "error_one_im": 0.02606512084532335, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 13.961800226621852, "error_w_gmm": 0.02736260881880642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026814863903959273}, "run_5314": {"edge_length": 1000, "pf": 0.495097, "in_bounds_one_im": 1, "error_one_im": 0.029891145524997317, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 14.468631685681592, "error_w_gmm": 0.029222427189517647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028637452416149303}, "run_5315": {"edge_length": 1000, "pf": 0.501576, "in_bounds_one_im": 1, "error_one_im": 0.028110736693583993, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 11.271563293906816, "error_w_gmm": 0.022472182284820175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022022333966133276}, "run_5316": {"edge_length": 1000, "pf": 0.48995, "in_bounds_one_im": 1, "error_one_im": 0.03277163062621017, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 15.81275432305723, "error_w_gmm": 0.03226770026518462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03162176519184775}, "run_5317": {"edge_length": 1000, "pf": 0.498806, "in_bounds_one_im": 1, "error_one_im": 0.028627756855721317, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 13.560952167669994, "error_w_gmm": 0.02718674895981939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026642524408988868}, "run_5318": {"edge_length": 1000, "pf": 0.503138, "in_bounds_one_im": 1, "error_one_im": 0.03283268426865823, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 16.116250932293386, "error_w_gmm": 0.03203084150730773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031389647874416976}, "run_5319": {"edge_length": 1000, "pf": 0.49973, "in_bounds_one_im": 1, "error_one_im": 0.026453795353404818, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 13.488544902270418, "error_w_gmm": 0.02699166136841984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02645134208250196}, "run_5320": {"edge_length": 1000, "pf": 0.498163, "in_bounds_one_im": 1, "error_one_im": 0.03087265330565596, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 14.389798858192163, "error_w_gmm": 0.028885528911473113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028307298170438807}, "run_5321": {"edge_length": 1200, "pf": 0.4886159722222222, "in_bounds_one_im": 1, "error_one_im": 0.027178083985780567, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 0, "pred_cls": 13.51666855584656, "error_w_gmm": 0.02304666898473609, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02258532058684956}, "run_5322": {"edge_length": 1200, "pf": 0.4977701388888889, "in_bounds_one_im": 1, "error_one_im": 0.02517824476482016, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 14.25791245719996, "error_w_gmm": 0.02386940201562129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023391584141562755}, "run_5323": {"edge_length": 1200, "pf": 0.50149375, "in_bounds_one_im": 1, "error_one_im": 0.028946193524439372, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 16.65865773521536, "error_w_gmm": 0.027681606856994515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02712747623695315}, "run_5324": {"edge_length": 1200, "pf": 0.49130416666666665, "in_bounds_one_im": 1, "error_one_im": 0.02364054092787805, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 14.370718265632904, "error_w_gmm": 0.024371434439270243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023883566876274416}, "run_5325": {"edge_length": 1200, "pf": 0.5005243055555556, "in_bounds_one_im": 1, "error_one_im": 0.024041001543242055, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 11.291901050806972, "error_w_gmm": 0.01880011073266435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018423769970693577}, "run_5326": {"edge_length": 1200, "pf": 0.5060041666666667, "in_bounds_one_im": 1, "error_one_im": 0.025096336719017884, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 12.843697384055744, "error_w_gmm": 0.021150634990888668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020727241416147214}, "run_5327": {"edge_length": 1200, "pf": 0.5032083333333334, "in_bounds_one_im": 1, "error_one_im": 0.02391229177865646, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 11.617528794253607, "error_w_gmm": 0.019238701041625283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018853580575459314}, "run_5328": {"edge_length": 1200, "pf": 0.49131736111111113, "in_bounds_one_im": 1, "error_one_im": 0.022520666888991216, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 12.422688927786387, "error_w_gmm": 0.021067197296037173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02064547397771626}, "run_5329": {"edge_length": 1200, "pf": 0.4911979166666667, "in_bounds_one_im": 1, "error_one_im": 0.025036482298822917, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 15.319369439567085, "error_w_gmm": 0.02598578385008285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025465600228102507}, "run_5330": {"edge_length": 1200, "pf": 0.5093270833333333, "in_bounds_one_im": 1, "error_one_im": 0.019597255093618655, "one_im_sa_cls": 12.224489795918368, "model_in_bounds": 1, "pred_cls": 13.28018739497508, "error_w_gmm": 0.021724541102588077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021289659070866274}, "run_5331": {"edge_length": 1200, "pf": 0.4955111111111111, "in_bounds_one_im": 1, "error_one_im": 0.023307897720928453, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 11.63990110024736, "error_w_gmm": 0.019574791460960105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019182943134181986}, "run_5332": {"edge_length": 1200, "pf": 0.5071645833333334, "in_bounds_one_im": 1, "error_one_im": 0.024315263521980202, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 14.19264818330573, "error_w_gmm": 0.023317859596265762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022851082502621335}, "run_5333": {"edge_length": 1200, "pf": 0.49220416666666666, "in_bounds_one_im": 1, "error_one_im": 0.023835010504841735, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 14.410920792355657, "error_w_gmm": 0.024395650581929187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023907298260002458}, "run_5334": {"edge_length": 1200, "pf": 0.5110583333333333, "in_bounds_one_im": 1, "error_one_im": 0.024746046688639972, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 13.01319726868734, "error_w_gmm": 0.021214170261958848, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020789504837670007}, "run_5335": {"edge_length": 1200, "pf": 0.49297152777777775, "in_bounds_one_im": 1, "error_one_im": 0.023697036553741155, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 13.289129042391403, "error_w_gmm": 0.022462108658424434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022012461993668585}, "run_5336": {"edge_length": 1200, "pf": 0.5007944444444444, "in_bounds_one_im": 1, "error_one_im": 0.024227695014679543, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 16.186030002371258, "error_w_gmm": 0.026933887663477676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026394724892031977}, "run_5337": {"edge_length": 1200, "pf": 0.5077041666666666, "in_bounds_one_im": 1, "error_one_im": 0.022089889599785115, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 14.0098358941247, "error_w_gmm": 0.02299267570623678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022532408146216567}, "run_5338": {"edge_length": 1200, "pf": 0.49613402777777776, "in_bounds_one_im": 1, "error_one_im": 0.02458894263298955, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 13.13497532697789, "error_w_gmm": 0.02206154983976146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021619921564533927}, "run_5339": {"edge_length": 1200, "pf": 0.49849166666666667, "in_bounds_one_im": 1, "error_one_im": 0.02310249782234724, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 13.34907256902905, "error_w_gmm": 0.022315671991769554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021868956697338775}, "run_5340": {"edge_length": 1200, "pf": 0.5050541666666667, "in_bounds_one_im": 1, "error_one_im": 0.02319722030620248, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 11.92014304508662, "error_w_gmm": 0.019667088577860155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019273392646682447}, "run_5341": {"edge_length": 1200, "pf": 0.4937666666666667, "in_bounds_one_im": 1, "error_one_im": 0.02558317582623086, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 12.554286012866868, "error_w_gmm": 0.021186306614699023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020762198965116403}, "run_5342": {"edge_length": 1200, "pf": 0.49612222222222224, "in_bounds_one_im": 1, "error_one_im": 0.02418641630844347, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 14.928586782577995, "error_w_gmm": 0.02507469789374669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02457275239748298}, "run_5343": {"edge_length": 1200, "pf": 0.4926888888888889, "in_bounds_one_im": 1, "error_one_im": 0.024420736948681104, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 13.352882071417959, "error_w_gmm": 0.02258263245236583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022130573141371252}, "run_5344": {"edge_length": 1200, "pf": 0.5088430555555555, "in_bounds_one_im": 1, "error_one_im": 0.0223671003980067, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.414538809574683, "error_w_gmm": 0.021965581978998255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021525874789149343}, "run_5345": {"edge_length": 1200, "pf": 0.4982402777777778, "in_bounds_one_im": 1, "error_one_im": 0.02435177519378418, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 12.950910220304605, "error_w_gmm": 0.02166095120086769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02122734211229017}, "run_5346": {"edge_length": 1200, "pf": 0.5040361111111111, "in_bounds_one_im": 1, "error_one_im": 0.023806604861936732, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 13.178221182468464, "error_w_gmm": 0.021787115931856196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021350981276718525}, "run_5347": {"edge_length": 1200, "pf": 0.4940395833333333, "in_bounds_one_im": 1, "error_one_im": 0.025940270597328747, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 12.838500190906483, "error_w_gmm": 0.021654115000613126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021220642759145092}, "run_5348": {"edge_length": 1200, "pf": 0.4974159722222222, "in_bounds_one_im": 1, "error_one_im": 0.024861031750845187, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 14.92858822488108, "error_w_gmm": 0.025009900658080824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024509252273381462}, "run_5349": {"edge_length": 1200, "pf": 0.5058958333333333, "in_bounds_one_im": 1, "error_one_im": 0.021412275789681093, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 10.961387022838164, "error_w_gmm": 0.018054811912978273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01769339054854102}, "run_5350": {"edge_length": 1200, "pf": 0.49392430555555555, "in_bounds_one_im": 1, "error_one_im": 0.024225500038807392, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 16.624417551455625, "error_w_gmm": 0.028046116192263083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027484688821530615}, "run_5351": {"edge_length": 1200, "pf": 0.4983798611111111, "in_bounds_one_im": 1, "error_one_im": 0.022907019003845508, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 13.800703017852836, "error_w_gmm": 0.023075823023399108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02261389101974126}, "run_5352": {"edge_length": 1200, "pf": 0.5015888888888889, "in_bounds_one_im": 1, "error_one_im": 0.025252493106548136, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 14.103299357843309, "error_w_gmm": 0.023430921983790078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02296188160639819}, "run_5353": {"edge_length": 1200, "pf": 0.49618541666666666, "in_bounds_one_im": 1, "error_one_im": 0.026568107369896978, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 13.013447775416829, "error_w_gmm": 0.02185518526987356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021417688002201327}, "run_5354": {"edge_length": 1200, "pf": 0.49599027777777777, "in_bounds_one_im": 1, "error_one_im": 0.024999226743570243, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 16.179648390768257, "error_w_gmm": 0.027183207747287514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026639054084476876}, "run_5355": {"edge_length": 1200, "pf": 0.4961861111111111, "in_bounds_one_im": 1, "error_one_im": 0.027743648806901496, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 12.757257132254539, "error_w_gmm": 0.02142490104936479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020996017214544613}, "run_5356": {"edge_length": 1200, "pf": 0.5129159722222222, "in_bounds_one_im": 0, "error_one_im": 0.022640310347173, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 0, "pred_cls": 14.376225711584379, "error_w_gmm": 0.023349224724045808, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022881819763031046}, "run_5357": {"edge_length": 1200, "pf": 0.5085583333333333, "in_bounds_one_im": 1, "error_one_im": 0.026770619510109495, "one_im_sa_cls": 16.6734693877551, "model_in_bounds": 1, "pred_cls": 13.467373923801901, "error_w_gmm": 0.02206466144788958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02162297088446644}, "run_5358": {"edge_length": 1200, "pf": 0.5053125, "in_bounds_one_im": 1, "error_one_im": 0.025131081799858578, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 15.496993265908246, "error_w_gmm": 0.025555338707222215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02504377173943896}, "run_5359": {"edge_length": 1200, "pf": 0.4998736111111111, "in_bounds_one_im": 1, "error_one_im": 0.02480581386038052, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 14.186307128170114, "error_w_gmm": 0.023649822607839734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02317640027606355}, "run_5360": {"edge_length": 1200, "pf": 0.5103895833333333, "in_bounds_one_im": 1, "error_one_im": 0.023636531904902197, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 13.71618147717149, "error_w_gmm": 0.02239011868187503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021941913113026294}, "run_5361": {"edge_length": 1400, "pf": 0.49593673469387756, "in_bounds_one_im": 1, "error_one_im": 0.020911730876059718, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 13.15818203123835, "error_w_gmm": 0.018571770615075194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018571429354431956}, "run_5362": {"edge_length": 1400, "pf": 0.5035260204081633, "in_bounds_one_im": 1, "error_one_im": 0.021476185258403172, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 15.198479725916535, "error_w_gmm": 0.021128344573499065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021127956335209433}, "run_5363": {"edge_length": 1400, "pf": 0.4945045918367347, "in_bounds_one_im": 1, "error_one_im": 0.020913946109530755, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 11.547015925604265, "error_w_gmm": 0.01634448510019273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01634418476644347}, "run_5364": {"edge_length": 1400, "pf": 0.4967372448979592, "in_bounds_one_im": 1, "error_one_im": 0.020849517798183403, "one_im_sa_cls": 14.795918367346939, "model_in_bounds": 1, "pred_cls": 13.969788551892425, "error_w_gmm": 0.019685747105984704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019685385375762}, "run_5365": {"edge_length": 1400, "pf": 0.5002295918367347, "in_bounds_one_im": 1, "error_one_im": 0.019390737565136946, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.193986526492228, "error_w_gmm": 0.01986245852546125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01986209354812478}, "run_5366": {"edge_length": 1400, "pf": 0.49295714285714287, "in_bounds_one_im": 1, "error_one_im": 0.020544139866042078, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 13.212961662634216, "error_w_gmm": 0.018760567141175882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01876022241135212}, "run_5367": {"edge_length": 1400, "pf": 0.49923520408163263, "in_bounds_one_im": 1, "error_one_im": 0.02157543770024473, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 14.445188394225157, "error_w_gmm": 0.02025422078498208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020253848608922088}, "run_5368": {"edge_length": 1400, "pf": 0.4826035714285714, "in_bounds_one_im": 0, "error_one_im": 0.023577553785661863, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 0, "pred_cls": 13.832640686032132, "error_w_gmm": 0.020051625239843964, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02005125678652472}, "run_5369": {"edge_length": 1400, "pf": 0.49874438775510205, "in_bounds_one_im": 1, "error_one_im": 0.019448421703735508, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 12.946901228037746, "error_w_gmm": 0.018171236621112686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018170902720375512}, "run_5370": {"edge_length": 1400, "pf": 0.49847397959183676, "in_bounds_one_im": 1, "error_one_im": 0.021493677452954326, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 13.712802259411568, "error_w_gmm": 0.019256605695657618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019256251851009123}, "run_5371": {"edge_length": 1400, "pf": 0.5043244897959184, "in_bounds_one_im": 1, "error_one_im": 0.02401947605706467, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 11.14352895286933, "error_w_gmm": 0.0154665868163815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015466302614219263}, "run_5372": {"edge_length": 1400, "pf": 0.49888724489795916, "in_bounds_one_im": 1, "error_one_im": 0.023222627603838218, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 14.6133225514476, "error_w_gmm": 0.020504233287588835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020503856517490617}, "run_5373": {"edge_length": 1400, "pf": 0.49746734693877553, "in_bounds_one_im": 1, "error_one_im": 0.022082598099945182, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 14.672981307904465, "error_w_gmm": 0.020646491098517777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020646111714398768}, "run_5374": {"edge_length": 1400, "pf": 0.4937234693877551, "in_bounds_one_im": 1, "error_one_im": 0.020715194208032094, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 12.191284117004786, "error_w_gmm": 0.017283412682187797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017283095095423896}, "run_5375": {"edge_length": 1400, "pf": 0.49947857142857144, "in_bounds_one_im": 1, "error_one_im": 0.0221655537281663, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 14.056059712311349, "error_w_gmm": 0.019699016156261368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01969865418221677}, "run_5376": {"edge_length": 1400, "pf": 0.4980954081632653, "in_bounds_one_im": 1, "error_one_im": 0.024377951937724344, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 13.203090223067273, "error_w_gmm": 0.018554871121265457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018554530171154396}, "run_5377": {"edge_length": 1400, "pf": 0.4940168367346939, "in_bounds_one_im": 1, "error_one_im": 0.021888550990247443, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 13.011800848649958, "error_w_gmm": 0.018435826016500255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01843548725387102}, "run_5378": {"edge_length": 1400, "pf": 0.49187857142857144, "in_bounds_one_im": 1, "error_one_im": 0.021314484765695217, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 12.853337778710369, "error_w_gmm": 0.018289370596490537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018289034525013886}, "run_5379": {"edge_length": 1400, "pf": 0.4985423469387755, "in_bounds_one_im": 1, "error_one_im": 0.02192055347022679, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 13.421201173544132, "error_w_gmm": 0.018844539397027012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018844193124193317}, "run_5380": {"edge_length": 1400, "pf": 0.5010173469387755, "in_bounds_one_im": 1, "error_one_im": 0.01896103164641814, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 11.49686279608459, "error_w_gmm": 0.016062891529691925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016062596370290644}, "run_5381": {"edge_length": 1400, "pf": 0.4968408163265306, "in_bounds_one_im": 1, "error_one_im": 0.020471423252324393, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 13.462226491896054, "error_w_gmm": 0.01896657869128749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018966230175953173}, "run_5382": {"edge_length": 1400, "pf": 0.5034897959183674, "in_bounds_one_im": 1, "error_one_im": 0.021279136049276833, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 13.515949873822246, "error_w_gmm": 0.018790717382259164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01879037209841762}, "run_5383": {"edge_length": 1400, "pf": 0.4981316326530612, "in_bounds_one_im": 1, "error_one_im": 0.021221620595205895, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 13.620829420624947, "error_w_gmm": 0.019140551217079006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019140199504958814}, "run_5384": {"edge_length": 1400, "pf": 0.5022780612244898, "in_bounds_one_im": 1, "error_one_im": 0.022553733795733794, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 14.377859876891499, "error_w_gmm": 0.02003750159426413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020037133400470197}, "run_5385": {"edge_length": 1400, "pf": 0.5049091836734694, "in_bounds_one_im": 1, "error_one_im": 0.020709559270991017, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 11.746462065394336, "error_w_gmm": 0.016284368308349773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016284069079260718}, "run_5386": {"edge_length": 1400, "pf": 0.5052030612244898, "in_bounds_one_im": 1, "error_one_im": 0.021969769953061435, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 13.954217892573066, "error_w_gmm": 0.01933365885351897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019333303593000617}, "run_5387": {"edge_length": 1400, "pf": 0.49946632653061224, "in_bounds_one_im": 1, "error_one_im": 0.020221200350542586, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 15.61048902017073, "error_w_gmm": 0.02187802362102325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021877621607205175}, "run_5388": {"edge_length": 1400, "pf": 0.4891265306122449, "in_bounds_one_im": 0, "error_one_im": 0.021724159145640763, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 0, "pred_cls": 15.248207372001444, "error_w_gmm": 0.021816892420248493, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02181649152973052}, "run_5389": {"edge_length": 1400, "pf": 0.497615306122449, "in_bounds_one_im": 1, "error_one_im": 0.020784226951780917, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 13.47324344044243, "error_w_gmm": 0.018952719148361764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01895237088769986}, "run_5390": {"edge_length": 1400, "pf": 0.4989076530612245, "in_bounds_one_im": 1, "error_one_im": 0.022992612631623003, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 13.187591764661011, "error_w_gmm": 0.018503007818347034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01850266782123634}, "run_5391": {"edge_length": 1400, "pf": 0.500975, "in_bounds_one_im": 1, "error_one_im": 0.022270405968115005, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 12.144420030121127, "error_w_gmm": 0.016969066037954797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01696875422738431}, "run_5392": {"edge_length": 1400, "pf": 0.5057076530612244, "in_bounds_one_im": 1, "error_one_im": 0.02045053724906678, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 13.142181927218584, "error_w_gmm": 0.018190209070897856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018189874821537572}, "run_5393": {"edge_length": 1400, "pf": 0.48950714285714286, "in_bounds_one_im": 0, "error_one_im": 0.01981112178805904, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 0, "pred_cls": 12.720693028011894, "error_w_gmm": 0.018186709356652193, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0181863751716}, "run_5394": {"edge_length": 1400, "pf": 0.49859897959183674, "in_bounds_one_im": 1, "error_one_im": 0.0190529634644539, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 13.421968099559887, "error_w_gmm": 0.018843481777124523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018843135523724863}, "run_5395": {"edge_length": 1400, "pf": 0.49692602040816325, "in_bounds_one_im": 1, "error_one_im": 0.021847795697258525, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 16.015639910887064, "error_w_gmm": 0.022560171137862607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02255975658942381}, "run_5396": {"edge_length": 1400, "pf": 0.5027464285714286, "in_bounds_one_im": 1, "error_one_im": 0.02114031086834688, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 14.517370334595892, "error_w_gmm": 0.020212984820690758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020212613402351386}, "run_5397": {"edge_length": 1400, "pf": 0.49546734693877553, "in_bounds_one_im": 1, "error_one_im": 0.022690069594777464, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 15.362985931059175, "error_w_gmm": 0.021704050377383124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021703651560364252}, "run_5398": {"edge_length": 1400, "pf": 0.4986244897959184, "in_bounds_one_im": 1, "error_one_im": 0.021086113780983285, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 15.325191635022298, "error_w_gmm": 0.021514373581719246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021513978250056}, "run_5399": {"edge_length": 1400, "pf": 0.492465306122449, "in_bounds_one_im": 1, "error_one_im": 0.02056436283526183, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 13.339208952799595, "error_w_gmm": 0.018958464458188898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0189581160919555}, "run_5400": {"edge_length": 1400, "pf": 0.4973923469387755, "in_bounds_one_im": 1, "error_one_im": 0.019730846212248045, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 13.958102391698867, "error_w_gmm": 0.019643524584018305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01964316362964436}}, "fractal_noise_0.025_2_True_value": {"true_cls": 39.816326530612244, "true_pf": 0.5008125766666667, "run_5401": {"edge_length": 600, "pf": 0.532375, "in_bounds_one_im": 1, "error_one_im": 0.10977730282329694, "one_im_sa_cls": 35.857142857142854, "model_in_bounds": 1, "pred_cls": 96.21842108858512, "error_w_gmm": 0.3063120185551898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2945744671041743}, "run_5402": {"edge_length": 600, "pf": 0.5148972222222222, "in_bounds_one_im": 1, "error_one_im": 0.09440883941223657, "one_im_sa_cls": 29.775510204081634, "model_in_bounds": 1, "pred_cls": 40.99575039231654, "error_w_gmm": 0.13516405852039515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12998471525239547}, "run_5403": {"edge_length": 600, "pf": 0.5309861111111112, "in_bounds_one_im": 1, "error_one_im": 0.10588604725202867, "one_im_sa_cls": 34.48979591836735, "model_in_bounds": 1, "pred_cls": 41.94418418073426, "error_w_gmm": 0.13390253530801818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1287715322706166}, "run_5404": {"edge_length": 600, "pf": 0.5007138888888889, "in_bounds_one_im": 1, "error_one_im": 0.0872071271495651, "one_im_sa_cls": 26.73469387755102, "model_in_bounds": 1, "pred_cls": 38.483930695458334, "error_w_gmm": 0.13053444428889777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1255325029246721}, "run_5405": {"edge_length": 600, "pf": 0.4457888888888889, "in_bounds_one_im": 1, "error_one_im": 0.12710711615193407, "one_im_sa_cls": 34.89795918367347, "model_in_bounds": 1, "pred_cls": 34.169318487919554, "error_w_gmm": 0.12941216071909398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.124453224070143}, "run_5406": {"edge_length": 600, "pf": 0.4760083333333333, "in_bounds_one_im": 1, "error_one_im": 0.1094636725163735, "one_im_sa_cls": 31.93877551020408, "model_in_bounds": 1, "pred_cls": 92.20349621060068, "error_w_gmm": 0.32860039299351185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.31600877468947725}, "run_5407": {"edge_length": 600, "pf": 0.5201444444444444, "in_bounds_one_im": 1, "error_one_im": 0.10962202048319095, "one_im_sa_cls": 34.93877551020408, "model_in_bounds": 1, "pred_cls": 97.1774211677014, "error_w_gmm": 0.3170475697391764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3048986433608192}, "run_5408": {"edge_length": 600, "pf": 0.5129194444444445, "in_bounds_one_im": 1, "error_one_im": 0.10803608169148472, "one_im_sa_cls": 33.93877551020408, "model_in_bounds": 1, "pred_cls": 44.992703742653916, "error_w_gmm": 0.14893051247145309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14322365329888412}, "run_5409": {"edge_length": 600, "pf": 0.5169388888888888, "in_bounds_one_im": 1, "error_one_im": 0.10530142498321356, "one_im_sa_cls": 33.3469387755102, "model_in_bounds": 1, "pred_cls": 41.742465530386845, "error_w_gmm": 0.1370646021707492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13181243208718363}, "run_5410": {"edge_length": 600, "pf": 0.4859472222222222, "in_bounds_one_im": 1, "error_one_im": 0.11107723955726874, "one_im_sa_cls": 33.06122448979592, "model_in_bounds": 1, "pred_cls": 44.528892598772536, "error_w_gmm": 0.1555668202906969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14960566484584795}, "run_5411": {"edge_length": 600, "pf": 0.5235944444444445, "in_bounds_one_im": 1, "error_one_im": 0.10810370427540744, "one_im_sa_cls": 34.69387755102041, "model_in_bounds": 1, "pred_cls": 37.27166963624847, "error_w_gmm": 0.1207634520521237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11613592474010394}, "run_5412": {"edge_length": 600, "pf": 0.4983944444444444, "in_bounds_one_im": 1, "error_one_im": 0.09971786618950927, "one_im_sa_cls": 30.428571428571427, "model_in_bounds": 1, "pred_cls": 79.57073359946206, "error_w_gmm": 0.27115256176158753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.26076228337890023}, "run_5413": {"edge_length": 600, "pf": 0.49685555555555555, "in_bounds_one_im": 1, "error_one_im": 0.1037149866874742, "one_im_sa_cls": 31.551020408163264, "model_in_bounds": 1, "pred_cls": 42.43971920587341, "error_w_gmm": 0.1450673055929115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1395084804077671}, "run_5414": {"edge_length": 600, "pf": 0.512525, "in_bounds_one_im": 1, "error_one_im": 0.09284266857264574, "one_im_sa_cls": 29.142857142857142, "model_in_bounds": 1, "pred_cls": 27.732275802412612, "error_w_gmm": 0.09186920003343362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08834886979225581}, "run_5415": {"edge_length": 600, "pf": 0.5363222222222223, "in_bounds_one_im": 1, "error_one_im": 0.09483910275156876, "one_im_sa_cls": 31.224489795918366, "model_in_bounds": 1, "pred_cls": 38.206678966913465, "error_w_gmm": 0.12067027752827028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11604632056511507}, "run_5416": {"edge_length": 600, "pf": 0.4883277777777778, "in_bounds_one_im": 1, "error_one_im": 0.1149849157918253, "one_im_sa_cls": 34.38775510204081, "model_in_bounds": 1, "pred_cls": 89.2590929226491, "error_w_gmm": 0.3103547895173819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2984623233738341}, "run_5417": {"edge_length": 600, "pf": 0.48615277777777777, "in_bounds_one_im": 1, "error_one_im": 0.09115553039071, "one_im_sa_cls": 27.142857142857142, "model_in_bounds": 1, "pred_cls": 33.07997626747637, "error_w_gmm": 0.11552117226063827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11109452354640711}, "run_5418": {"edge_length": 600, "pf": 0.4211388888888889, "in_bounds_one_im": 0, "error_one_im": 0.154519019397804, "one_im_sa_cls": 40.3469387755102, "model_in_bounds": 1, "pred_cls": 53.77854470787106, "error_w_gmm": 0.2141654136311766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20595882228232607}, "run_5419": {"edge_length": 600, "pf": 0.48523333333333335, "in_bounds_one_im": 1, "error_one_im": 0.12455694221070573, "one_im_sa_cls": 37.02040816326531, "model_in_bounds": 1, "pred_cls": 48.17008691131765, "error_w_gmm": 0.1685284016199542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1620705721351629}, "run_5420": {"edge_length": 600, "pf": 0.5228527777777778, "in_bounds_one_im": 1, "error_one_im": 0.11278616033854344, "one_im_sa_cls": 36.142857142857146, "model_in_bounds": 1, "pred_cls": 99.79009703122797, "error_w_gmm": 0.32380959407589954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3114015541017399}, "run_5421": {"edge_length": 600, "pf": 0.4921277777777778, "in_bounds_one_im": 1, "error_one_im": 0.10280419165442964, "one_im_sa_cls": 30.979591836734695, "model_in_bounds": 1, "pred_cls": 47.91351674487491, "error_w_gmm": 0.16533397827453764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1589985557019858}, "run_5422": {"edge_length": 600, "pf": 0.5044722222222222, "in_bounds_one_im": 1, "error_one_im": 0.11014168949746313, "one_im_sa_cls": 34.02040816326531, "model_in_bounds": 1, "pred_cls": 40.24361768797982, "error_w_gmm": 0.1354809287950769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13028944339445733}, "run_5423": {"edge_length": 600, "pf": 0.47708333333333336, "in_bounds_one_im": 1, "error_one_im": 0.1163470778233216, "one_im_sa_cls": 34.02040816326531, "model_in_bounds": 1, "pred_cls": 47.19092454302209, "error_w_gmm": 0.16781987091030034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1613891915703137}, "run_5424": {"edge_length": 600, "pf": 0.5176527777777777, "in_bounds_one_im": 1, "error_one_im": 0.09903757479869721, "one_im_sa_cls": 31.408163265306122, "model_in_bounds": 1, "pred_cls": 42.280578833586915, "error_w_gmm": 0.13863322235579936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13332094441157594}, "run_5425": {"edge_length": 600, "pf": 0.5054166666666666, "in_bounds_one_im": 1, "error_one_im": 0.08599502182426522, "one_im_sa_cls": 26.612244897959183, "model_in_bounds": 1, "pred_cls": 36.20330201053366, "error_w_gmm": 0.1216491053892166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11698764078129527}, "run_5426": {"edge_length": 600, "pf": 0.5217972222222222, "in_bounds_one_im": 1, "error_one_im": 0.10192033503008528, "one_im_sa_cls": 32.59183673469388, "model_in_bounds": 1, "pred_cls": 42.466420609142936, "error_w_gmm": 0.1380913896181548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13279987412937125}, "run_5427": {"edge_length": 600, "pf": 0.520475, "in_bounds_one_im": 1, "error_one_im": 0.11050928989411235, "one_im_sa_cls": 35.244897959183675, "model_in_bounds": 1, "pred_cls": 39.06527949220742, "error_w_gmm": 0.12736860817849524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12248797829400386}, "run_5428": {"edge_length": 600, "pf": 0.48814444444444444, "in_bounds_one_im": 1, "error_one_im": 0.12854364652764647, "one_im_sa_cls": 38.42857142857143, "model_in_bounds": 1, "pred_cls": 36.02997391107779, "error_w_gmm": 0.12532256065926733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12052033314416859}, "run_5429": {"edge_length": 600, "pf": 0.4683333333333333, "in_bounds_one_im": 1, "error_one_im": 0.11925967962065581, "one_im_sa_cls": 34.265306122448976, "model_in_bounds": 1, "pred_cls": 37.868181591733226, "error_w_gmm": 0.13705106345510099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13179941216074995}, "run_5430": {"edge_length": 600, "pf": 0.4795833333333333, "in_bounds_one_im": 1, "error_one_im": 0.12368249497810822, "one_im_sa_cls": 36.3469387755102, "model_in_bounds": 1, "pred_cls": 48.391087199614866, "error_w_gmm": 0.1712279724197546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16466669824706717}, "run_5431": {"edge_length": 600, "pf": 0.4465472222222222, "in_bounds_one_im": 0, "error_one_im": 0.10464692297994181, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 35.15533367492898, "error_w_gmm": 0.1329424234017049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1278482108335517}, "run_5432": {"edge_length": 600, "pf": 0.4564972222222222, "in_bounds_one_im": 1, "error_one_im": 0.12300596788491998, "one_im_sa_cls": 34.51020408163265, "model_in_bounds": 1, "pred_cls": 91.27521770740739, "error_w_gmm": 0.3382988092165269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.325335557896106}, "run_5433": {"edge_length": 600, "pf": 0.49954444444444446, "in_bounds_one_im": 1, "error_one_im": 0.09421740706724827, "one_im_sa_cls": 28.816326530612244, "model_in_bounds": 1, "pred_cls": 69.06399406192482, "error_w_gmm": 0.2348081454302302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2258105465077174}, "run_5434": {"edge_length": 600, "pf": 0.5433555555555556, "in_bounds_one_im": 1, "error_one_im": 0.0862943755805258, "one_im_sa_cls": 28.816326530612244, "model_in_bounds": 1, "pred_cls": 71.03270916336099, "error_w_gmm": 0.22119290340999212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21271702611134644}, "run_5435": {"edge_length": 600, "pf": 0.549125, "in_bounds_one_im": 1, "error_one_im": 0.09882720875731739, "one_im_sa_cls": 33.38775510204081, "model_in_bounds": 1, "pred_cls": 66.30554775148025, "error_w_gmm": 0.20408360342725013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1962633363452243}, "run_5436": {"edge_length": 600, "pf": 0.43143888888888887, "in_bounds_one_im": 0, "error_one_im": 0.11180980954704461, "one_im_sa_cls": 29.816326530612244, "model_in_bounds": 1, "pred_cls": 44.12419874267811, "error_w_gmm": 0.17205668075444328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16546365135790864}, "run_5437": {"edge_length": 600, "pf": 0.44645555555555555, "in_bounds_one_im": 0, "error_one_im": 0.09590702215991415, "one_im_sa_cls": 26.367346938775512, "model_in_bounds": 1, "pred_cls": 34.993539035768414, "error_w_gmm": 0.13235512917910888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12728342110224913}, "run_5438": {"edge_length": 600, "pf": 0.5346833333333333, "in_bounds_one_im": 1, "error_one_im": 0.08600999480683953, "one_im_sa_cls": 28.224489795918366, "model_in_bounds": 1, "pred_cls": 40.605278736703845, "error_w_gmm": 0.12866909726665335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12373863402055985}, "run_5439": {"edge_length": 600, "pf": 0.5199472222222222, "in_bounds_one_im": 1, "error_one_im": 0.09646962599649961, "one_im_sa_cls": 30.73469387755102, "model_in_bounds": 1, "pred_cls": 41.02139526409106, "error_w_gmm": 0.13388781913600942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1287573800067004}, "run_5440": {"edge_length": 600, "pf": 0.4690916666666667, "in_bounds_one_im": 1, "error_one_im": 0.13588677058566015, "one_im_sa_cls": 39.10204081632653, "model_in_bounds": 1, "pred_cls": 49.282920204882636, "error_w_gmm": 0.17809147175254725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17126719556990705}, "run_5441": {"edge_length": 800, "pf": 0.478503125, "in_bounds_one_im": 1, "error_one_im": 0.0808531431561213, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 40.17163898325322, "error_w_gmm": 0.10414076054286678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10274510045120776}, "run_5442": {"edge_length": 800, "pf": 0.4821484375, "in_bounds_one_im": 1, "error_one_im": 0.0815603377684771, "one_im_sa_cls": 32.12244897959184, "model_in_bounds": 1, "pred_cls": 39.958685542694774, "error_w_gmm": 0.1028350551004972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10145689364210984}, "run_5443": {"edge_length": 800, "pf": 0.44979375, "in_bounds_one_im": 0, "error_one_im": 0.08361224156429242, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 43.12627048322468, "error_w_gmm": 0.1184447135112456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11685735656422581}, "run_5444": {"edge_length": 800, "pf": 0.508390625, "in_bounds_one_im": 1, "error_one_im": 0.08589467493734732, "one_im_sa_cls": 35.6530612244898, "model_in_bounds": 1, "pred_cls": 51.164623512717434, "error_w_gmm": 0.12493922918515493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12326483488317942}, "run_5445": {"edge_length": 800, "pf": 0.4591953125, "in_bounds_one_im": 1, "error_one_im": 0.09387060733118177, "one_im_sa_cls": 35.30612244897959, "model_in_bounds": 1, "pred_cls": 47.50541103435529, "error_w_gmm": 0.12802132231759694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1263056228209858}, "run_5446": {"edge_length": 800, "pf": 0.4936921875, "in_bounds_one_im": 1, "error_one_im": 0.07281151994329096, "one_im_sa_cls": 29.346938775510203, "model_in_bounds": 1, "pred_cls": 36.74041006741098, "error_w_gmm": 0.09239339258536736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0911551668407866}, "run_5447": {"edge_length": 800, "pf": 0.5145890625, "in_bounds_one_im": 1, "error_one_im": 0.07968840024718105, "one_im_sa_cls": 33.48979591836735, "model_in_bounds": 1, "pred_cls": 37.668324384991216, "error_w_gmm": 0.09084866149015215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08963113772173044}, "run_5448": {"edge_length": 800, "pf": 0.4776, "in_bounds_one_im": 1, "error_one_im": 0.0860195866601245, "one_im_sa_cls": 33.57142857142857, "model_in_bounds": 1, "pred_cls": 41.35647702550738, "error_w_gmm": 0.10740653076460871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10596710389860242}, "run_5449": {"edge_length": 800, "pf": 0.517065625, "in_bounds_one_im": 1, "error_one_im": 0.08538268346009775, "one_im_sa_cls": 36.06122448979592, "model_in_bounds": 1, "pred_cls": 49.257681256601145, "error_w_gmm": 0.1182123683912634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11662812525683502}, "run_5450": {"edge_length": 800, "pf": 0.494421875, "in_bounds_one_im": 1, "error_one_im": 0.08746885187455587, "one_im_sa_cls": 35.30612244897959, "model_in_bounds": 1, "pred_cls": 38.194845116719705, "error_w_gmm": 0.09591085887134786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09462549320486244}, "run_5451": {"edge_length": 800, "pf": 0.48064375, "in_bounds_one_im": 1, "error_one_im": 0.06902098145379905, "one_im_sa_cls": 27.10204081632653, "model_in_bounds": 1, "pred_cls": 37.90688328779436, "error_w_gmm": 0.09784910047500049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09653775913443585}, "run_5452": {"edge_length": 800, "pf": 0.50984375, "in_bounds_one_im": 1, "error_one_im": 0.08162533643112094, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 37.066809428736505, "error_w_gmm": 0.09025092372226887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08904141063807466}, "run_5453": {"edge_length": 800, "pf": 0.5289796875, "in_bounds_one_im": 1, "error_one_im": 0.07199741070892952, "one_im_sa_cls": 31.142857142857142, "model_in_bounds": 1, "pred_cls": 39.33425708166921, "error_w_gmm": 0.09216987535177018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09093464511136194}, "run_5454": {"edge_length": 800, "pf": 0.508028125, "in_bounds_one_im": 1, "error_one_im": 0.08236519625094915, "one_im_sa_cls": 34.16326530612245, "model_in_bounds": 1, "pred_cls": 42.99013077103394, "error_w_gmm": 0.1050540389334587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10364613938631947}, "run_5455": {"edge_length": 800, "pf": 0.48705, "in_bounds_one_im": 1, "error_one_im": 0.08461228486671125, "one_im_sa_cls": 33.6530612244898, "model_in_bounds": 1, "pred_cls": 41.20187441064807, "error_w_gmm": 0.10499906824480344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10359190539668557}, "run_5456": {"edge_length": 800, "pf": 0.5237390625, "in_bounds_one_im": 1, "error_one_im": 0.07561887378619458, "one_im_sa_cls": 32.36734693877551, "model_in_bounds": 1, "pred_cls": 37.77025271108683, "error_w_gmm": 0.08944017011561814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08824152248359715}, "run_5457": {"edge_length": 800, "pf": 0.469965625, "in_bounds_one_im": 1, "error_one_im": 0.06833757168734163, "one_im_sa_cls": 26.26530612244898, "model_in_bounds": 1, "pred_cls": 42.85652942926641, "error_w_gmm": 0.11301958233047103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11150493120047769}, "run_5458": {"edge_length": 800, "pf": 0.52366875, "in_bounds_one_im": 1, "error_one_im": 0.07267301851825786, "one_im_sa_cls": 31.10204081632653, "model_in_bounds": 1, "pred_cls": 41.05917438398385, "error_w_gmm": 0.09724205957278526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09593885359398309}, "run_5459": {"edge_length": 800, "pf": 0.5235140625, "in_bounds_one_im": 1, "error_one_im": 0.08070923866303063, "one_im_sa_cls": 34.53061224489796, "model_in_bounds": 1, "pred_cls": 42.233539034133194, "error_w_gmm": 0.10005437219664728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09871347653251983}, "run_5460": {"edge_length": 800, "pf": 0.495065625, "in_bounds_one_im": 1, "error_one_im": 0.07099592590759031, "one_im_sa_cls": 28.693877551020407, "model_in_bounds": 1, "pred_cls": 36.65296834153211, "error_w_gmm": 0.09192062371338008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0906887338611413}, "run_5461": {"edge_length": 800, "pf": 0.5205140625, "in_bounds_one_im": 1, "error_one_im": 0.08225163607559091, "one_im_sa_cls": 34.97959183673469, "model_in_bounds": 1, "pred_cls": 43.43894765128665, "error_w_gmm": 0.10353059911281792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10214311620320501}, "run_5462": {"edge_length": 800, "pf": 0.466321875, "in_bounds_one_im": 1, "error_one_im": 0.0799650150465929, "one_im_sa_cls": 30.510204081632654, "model_in_bounds": 1, "pred_cls": 38.73456663447393, "error_w_gmm": 0.10289949325376495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10152046821652118}, "run_5463": {"edge_length": 800, "pf": 0.488246875, "in_bounds_one_im": 1, "error_one_im": 0.08292539599124876, "one_im_sa_cls": 33.06122448979592, "model_in_bounds": 1, "pred_cls": 40.16862396891906, "error_w_gmm": 0.10212103273880847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10075244037238443}, "run_5464": {"edge_length": 800, "pf": 0.4495734375, "in_bounds_one_im": 0, "error_one_im": 0.07966616038535357, "one_im_sa_cls": 29.387755102040817, "model_in_bounds": 1, "pred_cls": 42.28572415067407, "error_w_gmm": 0.1161878915050361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11463077974147398}, "run_5465": {"edge_length": 800, "pf": 0.4814046875, "in_bounds_one_im": 1, "error_one_im": 0.07633677929986585, "one_im_sa_cls": 30.020408163265305, "model_in_bounds": 1, "pred_cls": 40.298247083709285, "error_w_gmm": 0.10386351579050544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10247157124148763}, "run_5466": {"edge_length": 800, "pf": 0.451071875, "in_bounds_one_im": 0, "error_one_im": 0.08328635164545821, "one_im_sa_cls": 30.816326530612244, "model_in_bounds": 1, "pred_cls": 49.74713267928629, "error_w_gmm": 0.13627639892272497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1344500676147913}, "run_5467": {"edge_length": 800, "pf": 0.4880984375, "in_bounds_one_im": 1, "error_one_im": 0.06948345265544563, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 30.679655163898545, "error_w_gmm": 0.07802031883105205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07697471627578556}, "run_5468": {"edge_length": 800, "pf": 0.53035, "in_bounds_one_im": 1, "error_one_im": 0.07123505696061425, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 35.342082108180655, "error_w_gmm": 0.08258776935084473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08148095533161476}, "run_5469": {"edge_length": 800, "pf": 0.511225, "in_bounds_one_im": 1, "error_one_im": 0.07543560894048001, "one_im_sa_cls": 31.489795918367346, "model_in_bounds": 1, "pred_cls": 41.85672922747209, "error_w_gmm": 0.10163223282974768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10027019119833189}, "run_5470": {"edge_length": 800, "pf": 0.4912625, "in_bounds_one_im": 1, "error_one_im": 0.08502145690213299, "one_im_sa_cls": 34.10204081632653, "model_in_bounds": 1, "pred_cls": 36.25718064129752, "error_w_gmm": 0.09162243445793432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09039454083965258}, "run_5471": {"edge_length": 800, "pf": 0.529459375, "in_bounds_one_im": 1, "error_one_im": 0.08135515119952932, "one_im_sa_cls": 35.224489795918366, "model_in_bounds": 1, "pred_cls": 41.731911676669434, "error_w_gmm": 0.09769408028317249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09638481647204018}, "run_5472": {"edge_length": 800, "pf": 0.4931859375, "in_bounds_one_im": 1, "error_one_im": 0.0812483466796126, "one_im_sa_cls": 32.714285714285715, "model_in_bounds": 1, "pred_cls": 36.032356552136335, "error_w_gmm": 0.09070461415746636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0894890208638414}, "run_5473": {"edge_length": 800, "pf": 0.4687921875, "in_bounds_one_im": 1, "error_one_im": 0.10772452213197513, "one_im_sa_cls": 41.30612244897959, "model_in_bounds": 1, "pred_cls": 63.93861304164128, "error_w_gmm": 0.1690141179762938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16674904656566794}, "run_5474": {"edge_length": 800, "pf": 0.4687375, "in_bounds_one_im": 1, "error_one_im": 0.08820115322359111, "one_im_sa_cls": 33.816326530612244, "model_in_bounds": 1, "pred_cls": 37.522071268135484, "error_w_gmm": 0.09919602356137418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09786663120228055}, "run_5475": {"edge_length": 800, "pf": 0.4919859375, "in_bounds_one_im": 1, "error_one_im": 0.09516150980240418, "one_im_sa_cls": 38.224489795918366, "model_in_bounds": 1, "pred_cls": 42.96376449909725, "error_w_gmm": 0.1084130537713439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10696013781629599}, "run_5476": {"edge_length": 800, "pf": 0.5054703125, "in_bounds_one_im": 1, "error_one_im": 0.0956460085721619, "one_im_sa_cls": 39.46938775510204, "model_in_bounds": 1, "pred_cls": 39.79916253050862, "error_w_gmm": 0.097755233829581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09644515045880905}, "run_5477": {"edge_length": 800, "pf": 0.4539671875, "in_bounds_one_im": 0, "error_one_im": 0.08773626568771839, "one_im_sa_cls": 32.6530612244898, "model_in_bounds": 0, "pred_cls": 37.008737934447886, "error_w_gmm": 0.10079039379827237, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09943963421563079}, "run_5478": {"edge_length": 800, "pf": 0.4676234375, "in_bounds_one_im": 1, "error_one_im": 0.09079938533272248, "one_im_sa_cls": 34.734693877551024, "model_in_bounds": 1, "pred_cls": 40.89129990878107, "error_w_gmm": 0.10834527431959384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10689326672238147}, "run_5479": {"edge_length": 800, "pf": 0.487959375, "in_bounds_one_im": 1, "error_one_im": 0.07390753733015717, "one_im_sa_cls": 29.448979591836736, "model_in_bounds": 1, "pred_cls": 34.99204979693727, "error_w_gmm": 0.08901178044144498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08781887394640829}, "run_5480": {"edge_length": 800, "pf": 0.4597125, "in_bounds_one_im": 1, "error_one_im": 0.113936805625918, "one_im_sa_cls": 42.89795918367347, "model_in_bounds": 1, "pred_cls": 34.9969873396867, "error_w_gmm": 0.09421448791237123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09295185644943635}, "run_5481": {"edge_length": 1000, "pf": 0.501264, "in_bounds_one_im": 1, "error_one_im": 0.06032619080139568, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 32.04746955318893, "error_w_gmm": 0.06393311139199596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06265329787394981}, "run_5482": {"edge_length": 1000, "pf": 0.493617, "in_bounds_one_im": 1, "error_one_im": 0.06530727352396616, "one_im_sa_cls": 32.89795918367347, "model_in_bounds": 1, "pred_cls": 37.50499827989573, "error_w_gmm": 0.07597376517909578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07445292176046558}, "run_5483": {"edge_length": 1000, "pf": 0.506985, "in_bounds_one_im": 1, "error_one_im": 0.0664636866838181, "one_im_sa_cls": 34.38775510204081, "model_in_bounds": 1, "pred_cls": 39.05600337168443, "error_w_gmm": 0.07702829883199215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07548634575054664}, "run_5484": {"edge_length": 1000, "pf": 0.483765, "in_bounds_one_im": 1, "error_one_im": 0.08412717110142999, "one_im_sa_cls": 41.55102040816327, "model_in_bounds": 1, "pred_cls": 42.31243056433575, "error_w_gmm": 0.08741872534261917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08566877662296621}, "run_5485": {"edge_length": 1000, "pf": 0.484188, "in_bounds_one_im": 1, "error_one_im": 0.060399736915504244, "one_im_sa_cls": 29.857142857142858, "model_in_bounds": 1, "pred_cls": 36.1808856218932, "error_w_gmm": 0.07468749587710202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0731924010073019}, "run_5486": {"edge_length": 1000, "pf": 0.498453, "in_bounds_one_im": 1, "error_one_im": 0.06150888823234015, "one_im_sa_cls": 31.285714285714285, "model_in_bounds": 1, "pred_cls": 40.721555835094875, "error_w_gmm": 0.0816954876873859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08006010678335591}, "run_5487": {"edge_length": 1000, "pf": 0.499406, "in_bounds_one_im": 1, "error_one_im": 0.059149141881340565, "one_im_sa_cls": 30.142857142857142, "model_in_bounds": 1, "pred_cls": 35.85711865223819, "error_w_gmm": 0.07179948448529776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07036220184986303}, "run_5488": {"edge_length": 1000, "pf": 0.502006, "in_bounds_one_im": 1, "error_one_im": 0.07489752410929779, "one_im_sa_cls": 38.36734693877551, "model_in_bounds": 1, "pred_cls": 42.881827202474746, "error_w_gmm": 0.08542025809463066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08371031470779605}, "run_5489": {"edge_length": 1000, "pf": 0.531117, "in_bounds_one_im": 1, "error_one_im": 0.06317668976889287, "one_im_sa_cls": 34.30612244897959, "model_in_bounds": 1, "pred_cls": 43.35484026473204, "error_w_gmm": 0.08147131541815869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07984042199634694}, "run_5490": {"edge_length": 1000, "pf": 0.540454, "in_bounds_one_im": 0, "error_one_im": 0.0626289058211559, "one_im_sa_cls": 34.6530612244898, "model_in_bounds": 0, "pred_cls": 37.21673540610592, "error_w_gmm": 0.06863622636341768, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0672622658535185}, "run_5491": {"edge_length": 1000, "pf": 0.526076, "in_bounds_one_im": 1, "error_one_im": 0.05459350824970083, "one_im_sa_cls": 29.346938775510203, "model_in_bounds": 1, "pred_cls": 37.24317579752488, "error_w_gmm": 0.07069794808816096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06928271601683895}, "run_5492": {"edge_length": 1000, "pf": 0.487859, "in_bounds_one_im": 1, "error_one_im": 0.07303101265298614, "one_im_sa_cls": 36.36734693877551, "model_in_bounds": 1, "pred_cls": 43.93978077905023, "error_w_gmm": 0.09004000147709508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0882375800315199}, "run_5493": {"edge_length": 1000, "pf": 0.467987, "in_bounds_one_im": 0, "error_one_im": 0.060559821038442284, "one_im_sa_cls": 28.979591836734695, "model_in_bounds": 0, "pred_cls": 32.727351854366226, "error_w_gmm": 0.06978869686827877, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06839166619490493}, "run_5494": {"edge_length": 1000, "pf": 0.516408, "in_bounds_one_im": 1, "error_one_im": 0.06255131447329515, "one_im_sa_cls": 32.97959183673469, "model_in_bounds": 1, "pred_cls": 37.5528232646971, "error_w_gmm": 0.07268012441873986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07122521312631004}, "run_5495": {"edge_length": 1000, "pf": 0.512512, "in_bounds_one_im": 1, "error_one_im": 0.06019326245988498, "one_im_sa_cls": 31.489795918367346, "model_in_bounds": 1, "pred_cls": 16.451891842818508, "error_w_gmm": 0.03209044850479125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03144806165856406}, "run_5496": {"edge_length": 1000, "pf": 0.505204, "in_bounds_one_im": 1, "error_one_im": 0.06056519803582017, "one_im_sa_cls": 31.224489795918366, "model_in_bounds": 1, "pred_cls": 40.26336485535618, "error_w_gmm": 0.07969292405111958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07809763048144007}, "run_5497": {"edge_length": 1000, "pf": 0.493615, "in_bounds_one_im": 1, "error_one_im": 0.06397059394737077, "one_im_sa_cls": 32.224489795918366, "model_in_bounds": 1, "pred_cls": 38.963374110190436, "error_w_gmm": 0.07892830859162887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07734832110012799}, "run_5498": {"edge_length": 1000, "pf": 0.510022, "in_bounds_one_im": 1, "error_one_im": 0.055436430131011655, "one_im_sa_cls": 28.857142857142858, "model_in_bounds": 1, "pred_cls": 35.63781042957225, "error_w_gmm": 0.06986100747128965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06846252928370568}, "run_5499": {"edge_length": 1000, "pf": 0.513156, "in_bounds_one_im": 1, "error_one_im": 0.06373903965313216, "one_im_sa_cls": 33.38775510204081, "model_in_bounds": 1, "pred_cls": 35.98044084106432, "error_w_gmm": 0.07009171415908505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06868861768324142}, "run_5500": {"edge_length": 1000, "pf": 0.519781, "in_bounds_one_im": 1, "error_one_im": 0.06612869118554579, "one_im_sa_cls": 35.10204081632653, "model_in_bounds": 1, "pred_cls": 45.58005657991012, "error_w_gmm": 0.08762223466611754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08586821209525375}, "run_5501": {"edge_length": 1000, "pf": 0.49325, "in_bounds_one_im": 1, "error_one_im": 0.05931433542956907, "one_im_sa_cls": 29.857142857142858, "model_in_bounds": 1, "pred_cls": 40.74679070395884, "error_w_gmm": 0.08260127214083045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0809477592366097}, "run_5502": {"edge_length": 1000, "pf": 0.512487, "in_bounds_one_im": 1, "error_one_im": 0.07650349544503272, "one_im_sa_cls": 40.02040816326531, "model_in_bounds": 1, "pred_cls": 44.19177738127002, "error_w_gmm": 0.08620315054049629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08447753520662857}, "run_5503": {"edge_length": 1000, "pf": 0.504991, "in_bounds_one_im": 1, "error_one_im": 0.07627338526979306, "one_im_sa_cls": 39.30612244897959, "model_in_bounds": 1, "pred_cls": 49.31318235093834, "error_w_gmm": 0.09764674122707723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09569204800638696}, "run_5504": {"edge_length": 1000, "pf": 0.479319, "in_bounds_one_im": 1, "error_one_im": 0.05502999648118132, "one_im_sa_cls": 26.93877551020408, "model_in_bounds": 1, "pred_cls": 41.77657335943379, "error_w_gmm": 0.08708359582413984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08534035572977826}, "run_5505": {"edge_length": 1000, "pf": 0.49334, "in_bounds_one_im": 1, "error_one_im": 0.06262758129878684, "one_im_sa_cls": 31.53061224489796, "model_in_bounds": 1, "pred_cls": 40.32002451760915, "error_w_gmm": 0.08172142441558215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08008552430992665}, "run_5506": {"edge_length": 1000, "pf": 0.50439, "in_bounds_one_im": 1, "error_one_im": 0.07041768913034008, "one_im_sa_cls": 36.244897959183675, "model_in_bounds": 1, "pred_cls": 42.40274051661666, "error_w_gmm": 0.08406412915681623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08238133276954156}, "run_5507": {"edge_length": 1000, "pf": 0.472194, "in_bounds_one_im": 1, "error_one_im": 0.061699867608481694, "one_im_sa_cls": 29.775510204081634, "model_in_bounds": 1, "pred_cls": 41.511635862603384, "error_w_gmm": 0.08777619950641796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0860190948661908}, "run_5508": {"edge_length": 1000, "pf": 0.525722, "in_bounds_one_im": 1, "error_one_im": 0.05683580541442827, "one_im_sa_cls": 30.53061224489796, "model_in_bounds": 1, "pred_cls": 43.267224492418, "error_w_gmm": 0.08219160227104394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08054629014144338}, "run_5509": {"edge_length": 1000, "pf": 0.505388, "in_bounds_one_im": 1, "error_one_im": 0.0654100868930754, "one_im_sa_cls": 33.734693877551024, "model_in_bounds": 1, "pred_cls": 39.456010959655316, "error_w_gmm": 0.07806619871113303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.076503468941884}, "run_5510": {"edge_length": 1000, "pf": 0.500764, "in_bounds_one_im": 1, "error_one_im": 0.07260763439634159, "one_im_sa_cls": 37.10204081632653, "model_in_bounds": 1, "pred_cls": 38.913005673948774, "error_w_gmm": 0.0777071839173557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0761516409090237}, "run_5511": {"edge_length": 1000, "pf": 0.500799, "in_bounds_one_im": 1, "error_one_im": 0.07547790062254527, "one_im_sa_cls": 38.57142857142857, "model_in_bounds": 1, "pred_cls": 41.659559305987926, "error_w_gmm": 0.08318608087265618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08152086126272116}, "run_5512": {"edge_length": 1000, "pf": 0.481559, "in_bounds_one_im": 1, "error_one_im": 0.0647027953752004, "one_im_sa_cls": 31.816326530612244, "model_in_bounds": 1, "pred_cls": 39.639184674178004, "error_w_gmm": 0.08225828043159865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08061163353806469}, "run_5513": {"edge_length": 1000, "pf": 0.500407, "in_bounds_one_im": 1, "error_one_im": 0.07837473562525192, "one_im_sa_cls": 40.02040816326531, "model_in_bounds": 1, "pred_cls": 45.32684986121586, "error_w_gmm": 0.0905799376198149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08876670772836089}, "run_5514": {"edge_length": 1000, "pf": 0.502518, "in_bounds_one_im": 1, "error_one_im": 0.07788533839330258, "one_im_sa_cls": 39.93877551020408, "model_in_bounds": 1, "pred_cls": 50.42980440645939, "error_w_gmm": 0.10035295237147011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09834408619517242}, "run_5515": {"edge_length": 1000, "pf": 0.51612, "in_bounds_one_im": 1, "error_one_im": 0.055616024607168385, "one_im_sa_cls": 29.306122448979593, "model_in_bounds": 1, "pred_cls": 40.805962215605675, "error_w_gmm": 0.0790218350079343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07743997530390886}, "run_5516": {"edge_length": 1000, "pf": 0.494429, "in_bounds_one_im": 1, "error_one_im": 0.06718321035786844, "one_im_sa_cls": 33.89795918367347, "model_in_bounds": 1, "pred_cls": 41.73032531331766, "error_w_gmm": 0.084395807982027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08270637204546548}, "run_5517": {"edge_length": 1000, "pf": 0.499865, "in_bounds_one_im": 1, "error_one_im": 0.07289834070846157, "one_im_sa_cls": 37.183673469387756, "model_in_bounds": 1, "pred_cls": 41.28636514701113, "error_w_gmm": 0.08259502794179042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08094164003399439}, "run_5518": {"edge_length": 1000, "pf": 0.500142, "in_bounds_one_im": 1, "error_one_im": 0.07073860715040739, "one_im_sa_cls": 36.10204081632653, "model_in_bounds": 1, "pred_cls": 41.54612660698698, "error_w_gmm": 0.08306865836405404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.081405789318804}, "run_5519": {"edge_length": 1000, "pf": 0.51343, "in_bounds_one_im": 1, "error_one_im": 0.06284743899362322, "one_im_sa_cls": 32.93877551020408, "model_in_bounds": 1, "pred_cls": 40.600409520716, "error_w_gmm": 0.07904828525908528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07746589607372775}, "run_5520": {"edge_length": 1000, "pf": 0.512259, "in_bounds_one_im": 1, "error_one_im": 0.060145686076457656, "one_im_sa_cls": 31.448979591836736, "model_in_bounds": 1, "pred_cls": 34.294010978549466, "error_w_gmm": 0.06692649969988516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06558676451155289}, "run_5521": {"edge_length": 1200, "pf": 0.4789965277777778, "in_bounds_one_im": 1, "error_one_im": 0.04985101927220498, "one_im_sa_cls": 29.26530612244898, "model_in_bounds": 1, "pred_cls": 41.726669320963204, "error_w_gmm": 0.07252981938021504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07107791689520834}, "run_5522": {"edge_length": 1200, "pf": 0.4930222222222222, "in_bounds_one_im": 1, "error_one_im": 0.058273250079352364, "one_im_sa_cls": 35.183673469387756, "model_in_bounds": 1, "pred_cls": 35.26500752233209, "error_w_gmm": 0.059601054649696804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05840796027700459}, "run_5523": {"edge_length": 1200, "pf": 0.4767527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05409150092626444, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 42.3590198735261, "error_w_gmm": 0.07396078327930182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07248023574790192}, "run_5524": {"edge_length": 1200, "pf": 0.5247944444444445, "in_bounds_one_im": 0, "error_one_im": 0.043676803350011936, "one_im_sa_cls": 28.10204081632653, "model_in_bounds": 1, "pred_cls": 39.90889658503404, "error_w_gmm": 0.06329430132144132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06202727550832552}, "run_5525": {"edge_length": 1200, "pf": 0.49606666666666666, "in_bounds_one_im": 1, "error_one_im": 0.0594984766477282, "one_im_sa_cls": 36.142857142857146, "model_in_bounds": 1, "pred_cls": 40.465155179199535, "error_w_gmm": 0.06797457176119474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06661385625823758}, "run_5526": {"edge_length": 1200, "pf": 0.5222006944444444, "in_bounds_one_im": 1, "error_one_im": 0.049452311630037604, "one_im_sa_cls": 31.653061224489797, "model_in_bounds": 1, "pred_cls": 38.46711168120709, "error_w_gmm": 0.061325678594125715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06009806068598266}, "run_5527": {"edge_length": 1200, "pf": 0.4847513888888889, "in_bounds_one_im": 1, "error_one_im": 0.05855840503064224, "one_im_sa_cls": 34.775510204081634, "model_in_bounds": 1, "pred_cls": 45.707656947332865, "error_w_gmm": 0.07853922159574613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07696702285073637}, "run_5528": {"edge_length": 1200, "pf": 0.5042527777777778, "in_bounds_one_im": 1, "error_one_im": 0.060977993618704526, "one_im_sa_cls": 37.6530612244898, "model_in_bounds": 1, "pred_cls": 43.287349642948136, "error_w_gmm": 0.07153453208707455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07010255327079556}, "run_5529": {"edge_length": 1200, "pf": 0.5068395833333333, "in_bounds_one_im": 1, "error_one_im": 0.062044245543619245, "one_im_sa_cls": 38.51020408163265, "model_in_bounds": 1, "pred_cls": 41.56459412140719, "error_w_gmm": 0.068333102048801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06696520948377509}, "run_5530": {"edge_length": 1200, "pf": 0.48889444444444446, "in_bounds_one_im": 1, "error_one_im": 0.06035831063807777, "one_im_sa_cls": 36.142857142857146, "model_in_bounds": 1, "pred_cls": 41.4821751379699, "error_w_gmm": 0.07069000625546847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06927493316381476}, "run_5531": {"edge_length": 1200, "pf": 0.49688125, "in_bounds_one_im": 1, "error_one_im": 0.06694840718226547, "one_im_sa_cls": 40.734693877551024, "model_in_bounds": 1, "pred_cls": 42.18190809655941, "error_w_gmm": 0.07074307243992982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06932693706898528}, "run_5532": {"edge_length": 1200, "pf": 0.5069618055555556, "in_bounds_one_im": 1, "error_one_im": 0.05213466768713722, "one_im_sa_cls": 32.36734693877551, "model_in_bounds": 1, "pred_cls": 40.82237081368159, "error_w_gmm": 0.06709646420496423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06575332666585532}, "run_5533": {"edge_length": 1200, "pf": 0.4751451388888889, "in_bounds_one_im": 1, "error_one_im": 0.07255332672688423, "one_im_sa_cls": 42.265306122448976, "model_in_bounds": 1, "pred_cls": 36.70167069808096, "error_w_gmm": 0.06428964839629385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06300269771773959}, "run_5534": {"edge_length": 1200, "pf": 0.48928819444444444, "in_bounds_one_im": 1, "error_one_im": 0.061230249947264725, "one_im_sa_cls": 36.69387755102041, "model_in_bounds": 1, "pred_cls": 41.63907970622497, "error_w_gmm": 0.07090150466677629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06948219779829001}, "run_5535": {"edge_length": 1200, "pf": 0.4691534722222222, "in_bounds_one_im": 0, "error_one_im": 0.06055997041864109, "one_im_sa_cls": 34.857142857142854, "model_in_bounds": 1, "pred_cls": 42.76506322580691, "error_w_gmm": 0.07581670239753723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07429900306288229}, "run_5536": {"edge_length": 1200, "pf": 0.4895263888888889, "in_bounds_one_im": 1, "error_one_im": 0.05068320343088109, "one_im_sa_cls": 30.387755102040817, "model_in_bounds": 1, "pred_cls": 39.38824709199705, "error_w_gmm": 0.06703691147477193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06569496606267654}, "run_5537": {"edge_length": 1200, "pf": 0.5086340277777778, "in_bounds_one_im": 1, "error_one_im": 0.053533131688870965, "one_im_sa_cls": 33.3469387755102, "model_in_bounds": 1, "pred_cls": 40.857130096378064, "error_w_gmm": 0.0669293242691735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06558953253859136}, "run_5538": {"edge_length": 1200, "pf": 0.5112763888888889, "in_bounds_one_im": 1, "error_one_im": 0.05738969449712665, "one_im_sa_cls": 35.93877551020408, "model_in_bounds": 1, "pred_cls": 41.53167366929329, "error_w_gmm": 0.0676755781325709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06632084788638272}, "run_5539": {"edge_length": 1200, "pf": 0.4874659722222222, "in_bounds_one_im": 1, "error_one_im": 0.05482319330353444, "one_im_sa_cls": 32.734693877551024, "model_in_bounds": 1, "pred_cls": 41.40785068847941, "error_w_gmm": 0.07076534654488643, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0693487652907366}, "run_5540": {"edge_length": 1200, "pf": 0.46928194444444443, "in_bounds_one_im": 0, "error_one_im": 0.06011898252345664, "one_im_sa_cls": 34.61224489795919, "model_in_bounds": 1, "pred_cls": 38.321749701880066, "error_w_gmm": 0.06792178465289501, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06656212584267969}, "run_5541": {"edge_length": 1200, "pf": 0.49761041666666667, "in_bounds_one_im": 1, "error_one_im": 0.0540567431976801, "one_im_sa_cls": 32.93877551020408, "model_in_bounds": 1, "pred_cls": 41.959844380506766, "error_w_gmm": 0.07026809826502797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06886147093078814}, "run_5542": {"edge_length": 1200, "pf": 0.48687847222222225, "in_bounds_one_im": 1, "error_one_im": 0.0510893531888587, "one_im_sa_cls": 30.46938775510204, "model_in_bounds": 1, "pred_cls": 42.91846820197762, "error_w_gmm": 0.07343325760168751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0719632700833799}, "run_5543": {"edge_length": 1200, "pf": 0.49325, "in_bounds_one_im": 1, "error_one_im": 0.057131773303372796, "one_im_sa_cls": 34.51020408163265, "model_in_bounds": 1, "pred_cls": 38.846746994314415, "error_w_gmm": 0.06562461044634688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06431093648715544}, "run_5544": {"edge_length": 1200, "pf": 0.4703409722222222, "in_bounds_one_im": 0, "error_one_im": 0.05571127609477735, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 40.3293896925173, "error_w_gmm": 0.07132835079879384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06990049932113732}, "run_5545": {"edge_length": 1200, "pf": 0.5070597222222222, "in_bounds_one_im": 1, "error_one_im": 0.06283856351434772, "one_im_sa_cls": 39.02040816326531, "model_in_bounds": 1, "pred_cls": 35.03677021521098, "error_w_gmm": 0.057575856884790895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05642330293661135}, "run_5546": {"edge_length": 1200, "pf": 0.52381875, "in_bounds_one_im": 1, "error_one_im": 0.0475760290552931, "one_im_sa_cls": 30.551020408163264, "model_in_bounds": 1, "pred_cls": 37.040163286153785, "error_w_gmm": 0.058859594742394605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05768134291985826}, "run_5547": {"edge_length": 1200, "pf": 0.5031541666666667, "in_bounds_one_im": 1, "error_one_im": 0.05677300366059597, "one_im_sa_cls": 34.97959183673469, "model_in_bounds": 1, "pred_cls": 38.99678796168761, "error_w_gmm": 0.06458592382060709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06329304229831878}, "run_5548": {"edge_length": 1200, "pf": 0.45376944444444445, "in_bounds_one_im": 0, "error_one_im": 0.06312217099256191, "one_im_sa_cls": 35.224489795918366, "model_in_bounds": 0, "pred_cls": 40.41219796180842, "error_w_gmm": 0.07389781414490594, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07241852713012521}, "run_5549": {"edge_length": 1200, "pf": 0.5163895833333333, "in_bounds_one_im": 1, "error_one_im": 0.05599890986197731, "one_im_sa_cls": 35.42857142857143, "model_in_bounds": 1, "pred_cls": 43.55259421271792, "error_w_gmm": 0.0702460430217779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06883985718956798}, "run_5550": {"edge_length": 1200, "pf": 0.49240208333333335, "in_bounds_one_im": 1, "error_one_im": 0.0606807624608124, "one_im_sa_cls": 36.59183673469388, "model_in_bounds": 1, "pred_cls": 42.451901707036725, "error_w_gmm": 0.07183661737929917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07039859141730517}, "run_5551": {"edge_length": 1200, "pf": 0.49910486111111113, "in_bounds_one_im": 1, "error_one_im": 0.06291137423232121, "one_im_sa_cls": 38.44897959183673, "model_in_bounds": 1, "pred_cls": 37.836413449412504, "error_w_gmm": 0.06317368647156908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06190907512745024}, "run_5552": {"edge_length": 1200, "pf": 0.49937013888888887, "in_bounds_one_im": 1, "error_one_im": 0.0587061628682364, "one_im_sa_cls": 35.89795918367347, "model_in_bounds": 1, "pred_cls": 43.60595241963643, "error_w_gmm": 0.07276819741615292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07131152307778021}, "run_5553": {"edge_length": 1200, "pf": 0.5160104166666667, "in_bounds_one_im": 1, "error_one_im": 0.048487464042043384, "one_im_sa_cls": 30.653061224489797, "model_in_bounds": 1, "pred_cls": 36.12608125433636, "error_w_gmm": 0.05831205904103014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057144767792396155}, "run_5554": {"edge_length": 1200, "pf": 0.4987020833333333, "in_bounds_one_im": 1, "error_one_im": 0.06129110552325973, "one_im_sa_cls": 37.42857142857143, "model_in_bounds": 1, "pred_cls": 42.61245390373126, "error_w_gmm": 0.07120535445704511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06977996512110851}, "run_5555": {"edge_length": 1200, "pf": 0.5322402777777778, "in_bounds_one_im": 0, "error_one_im": 0.052028648610546, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 39.844466112866705, "error_w_gmm": 0.062255009609904634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0610087883463041}, "run_5556": {"edge_length": 1200, "pf": 0.5315, "in_bounds_one_im": 0, "error_one_im": 0.05022835613385489, "one_im_sa_cls": 32.755102040816325, "model_in_bounds": 1, "pred_cls": 45.29077328953536, "error_w_gmm": 0.07086987204381498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06945119839741978}, "run_5557": {"edge_length": 1200, "pf": 0.4880409722222222, "in_bounds_one_im": 1, "error_one_im": 0.05790100126119495, "one_im_sa_cls": 34.61224489795919, "model_in_bounds": 1, "pred_cls": 41.49217469218416, "error_w_gmm": 0.0708279069977456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06941007340796694}, "run_5558": {"edge_length": 1200, "pf": 0.5046277777777778, "in_bounds_one_im": 1, "error_one_im": 0.059446120646636735, "one_im_sa_cls": 36.734693877551024, "model_in_bounds": 1, "pred_cls": 41.58779644705126, "error_w_gmm": 0.06867440538106935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0672996806032999}, "run_5559": {"edge_length": 1200, "pf": 0.50788125, "in_bounds_one_im": 1, "error_one_im": 0.05673089359832148, "one_im_sa_cls": 35.285714285714285, "model_in_bounds": 1, "pred_cls": 39.023847725796884, "error_w_gmm": 0.06402251110562558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06274090798342097}, "run_5560": {"edge_length": 1200, "pf": 0.4627861111111111, "in_bounds_one_im": 0, "error_one_im": 0.06697813629153332, "one_im_sa_cls": 38.06122448979592, "model_in_bounds": 0, "pred_cls": 40.22581924206344, "error_w_gmm": 0.07223324160929374, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0707872760203978}, "run_5561": {"edge_length": 1400, "pf": 0.5149362244897959, "in_bounds_one_im": 1, "error_one_im": 0.04633648910258073, "one_im_sa_cls": 34.10204081632653, "model_in_bounds": 1, "pred_cls": 40.71177644356176, "error_w_gmm": 0.055318549998618474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05531753350728086}, "run_5562": {"edge_length": 1400, "pf": 0.5068030612244898, "in_bounds_one_im": 1, "error_one_im": 0.049464277226230834, "one_im_sa_cls": 35.816326530612244, "model_in_bounds": 1, "pred_cls": 40.00835884259773, "error_w_gmm": 0.055254715093103896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055253699774747644}, "run_5563": {"edge_length": 1400, "pf": 0.5088295918367347, "in_bounds_one_im": 1, "error_one_im": 0.04878694952181787, "one_im_sa_cls": 35.46938775510204, "model_in_bounds": 1, "pred_cls": 43.234528769985616, "error_w_gmm": 0.059468732488590664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059467639736675855}, "run_5564": {"edge_length": 1400, "pf": 0.4914530612244898, "in_bounds_one_im": 1, "error_one_im": 0.04993115758700022, "one_im_sa_cls": 35.06122448979592, "model_in_bounds": 1, "pred_cls": 39.68854373163579, "error_w_gmm": 0.05652202326299656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0565209846575553}, "run_5565": {"edge_length": 1400, "pf": 0.5078357142857143, "in_bounds_one_im": 1, "error_one_im": 0.04815275762318319, "one_im_sa_cls": 34.93877551020408, "model_in_bounds": 1, "pred_cls": 39.67394848170297, "error_w_gmm": 0.05467979636303298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054678791608943275}, "run_5566": {"edge_length": 1400, "pf": 0.48616530612244896, "in_bounds_one_im": 1, "error_one_im": 0.04764250142662372, "one_im_sa_cls": 33.10204081632653, "model_in_bounds": 1, "pred_cls": 36.48038254688808, "error_w_gmm": 0.05250578428771105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052504819481603474}, "run_5567": {"edge_length": 1400, "pf": 0.49643265306122447, "in_bounds_one_im": 1, "error_one_im": 0.05625606460477862, "one_im_sa_cls": 39.89795918367347, "model_in_bounds": 1, "pred_cls": 41.15472318611887, "error_w_gmm": 0.058029166325714567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05802810002616578}, "run_5568": {"edge_length": 1400, "pf": 0.4543622448979592, "in_bounds_one_im": 0, "error_one_im": 0.055323750394036614, "one_im_sa_cls": 36.06122448979592, "model_in_bounds": 0, "pred_cls": 40.58211341714454, "error_w_gmm": 0.06226066920691244, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.062259525152505296}, "run_5569": {"edge_length": 1400, "pf": 0.5318025510204082, "in_bounds_one_im": 0, "error_one_im": 0.054152019584406255, "one_im_sa_cls": 41.224489795918366, "model_in_bounds": 1, "pred_cls": 45.871520300893614, "error_w_gmm": 0.060257413095256306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060256305851150264}, "run_5570": {"edge_length": 1400, "pf": 0.5264857142857143, "in_bounds_one_im": 0, "error_one_im": 0.04432824341010825, "one_im_sa_cls": 33.38775510204081, "model_in_bounds": 1, "pred_cls": 41.05056053390315, "error_w_gmm": 0.054502995841490084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05450199433615151}, "run_5571": {"edge_length": 1400, "pf": 0.5203382653061225, "in_bounds_one_im": 1, "error_one_im": 0.04051623907389381, "one_im_sa_cls": 30.142857142857142, "model_in_bounds": 1, "pred_cls": 39.7287148605837, "error_w_gmm": 0.05340196120593745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05340097993236858}, "run_5572": {"edge_length": 1400, "pf": 0.510309693877551, "in_bounds_one_im": 1, "error_one_im": 0.04962226174320685, "one_im_sa_cls": 36.183673469387756, "model_in_bounds": 1, "pred_cls": 41.19724600196499, "error_w_gmm": 0.056498909408147266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05649787122742847}, "run_5573": {"edge_length": 1400, "pf": 0.4853642857142857, "in_bounds_one_im": 1, "error_one_im": 0.05019021483599742, "one_im_sa_cls": 34.816326530612244, "model_in_bounds": 1, "pred_cls": 37.09764768101983, "error_w_gmm": 0.05347988448972154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053478901784294146}, "run_5574": {"edge_length": 1400, "pf": 0.4966270408163265, "in_bounds_one_im": 1, "error_one_im": 0.0463105150299358, "one_im_sa_cls": 32.857142857142854, "model_in_bounds": 1, "pred_cls": 41.734319810288014, "error_w_gmm": 0.058823537043555446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05882245614725841}, "run_5575": {"edge_length": 1400, "pf": 0.4977535714285714, "in_bounds_one_im": 1, "error_one_im": 0.048904047199412236, "one_im_sa_cls": 34.775510204081634, "model_in_bounds": 1, "pred_cls": 41.51406016298525, "error_w_gmm": 0.05838139690616614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05838032413429791}, "run_5576": {"edge_length": 1400, "pf": 0.5027974489795919, "in_bounds_one_im": 1, "error_one_im": 0.04778813788510959, "one_im_sa_cls": 34.326530612244895, "model_in_bounds": 1, "pred_cls": 40.27486609714274, "error_w_gmm": 0.056070222850098696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05606919254659605}, "run_5577": {"edge_length": 1400, "pf": 0.5119265306122449, "in_bounds_one_im": 1, "error_one_im": 0.04502630278233213, "one_im_sa_cls": 32.93877551020408, "model_in_bounds": 1, "pred_cls": 35.497130134468186, "error_w_gmm": 0.04852438727127954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04852349562427639}, "run_5578": {"edge_length": 1400, "pf": 0.46355816326530613, "in_bounds_one_im": 0, "error_one_im": 0.04899158566447549, "one_im_sa_cls": 32.53061224489796, "model_in_bounds": 0, "pred_cls": 38.48369997860945, "error_w_gmm": 0.05795808928785336, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05795702429436192}, "run_5579": {"edge_length": 1400, "pf": 0.49200051020408164, "in_bounds_one_im": 1, "error_one_im": 0.04633463260901011, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 40.84672478709964, "error_w_gmm": 0.058107760305316024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058106692561584475}, "run_5580": {"edge_length": 1400, "pf": 0.488815306122449, "in_bounds_one_im": 1, "error_one_im": 0.05358457977574821, "one_im_sa_cls": 37.42857142857143, "model_in_bounds": 1, "pred_cls": 44.45574897395092, "error_w_gmm": 0.0636462015432675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06364503202937849}, "run_5581": {"edge_length": 1400, "pf": 0.5054683673469388, "in_bounds_one_im": 1, "error_one_im": 0.045668356101882426, "one_im_sa_cls": 32.97959183673469, "model_in_bounds": 1, "pred_cls": 38.36906096846806, "error_w_gmm": 0.05313237795391021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053131401633996926}, "run_5582": {"edge_length": 1400, "pf": 0.4638908163265306, "in_bounds_one_im": 0, "error_one_im": 0.04757667959361085, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 0, "pred_cls": 40.11174000297147, "error_w_gmm": 0.060369596523783146, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06036848721828034}, "run_5583": {"edge_length": 1400, "pf": 0.5123377551020408, "in_bounds_one_im": 1, "error_one_im": 0.05073138857097148, "one_im_sa_cls": 37.142857142857146, "model_in_bounds": 1, "pred_cls": 42.91878007027595, "error_w_gmm": 0.05862148164948423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058620404466002494}, "run_5584": {"edge_length": 1400, "pf": 0.48897397959183675, "in_bounds_one_im": 1, "error_one_im": 0.05237003900839614, "one_im_sa_cls": 36.59183673469388, "model_in_bounds": 1, "pred_cls": 39.636866152306034, "error_w_gmm": 0.0567291110676024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05672806865687414}, "run_5585": {"edge_length": 1400, "pf": 0.5036877551020408, "in_bounds_one_im": 1, "error_one_im": 0.04665376271060162, "one_im_sa_cls": 33.57142857142857, "model_in_bounds": 1, "pred_cls": 36.57313394271094, "error_w_gmm": 0.05082612623060945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05082519228861278}, "run_5586": {"edge_length": 1400, "pf": 0.48758775510204083, "in_bounds_one_im": 1, "error_one_im": 0.05245693547174283, "one_im_sa_cls": 36.55102040816327, "model_in_bounds": 1, "pred_cls": 39.3238361148899, "error_w_gmm": 0.05643743501059197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056436397959479793}, "run_5587": {"edge_length": 1400, "pf": 0.4977908163265306, "in_bounds_one_im": 1, "error_one_im": 0.0424434848138467, "one_im_sa_cls": 30.183673469387756, "model_in_bounds": 1, "pred_cls": 40.93932440972317, "error_w_gmm": 0.0575688550689348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05756779722771346}, "run_5588": {"edge_length": 1400, "pf": 0.5167693877551021, "in_bounds_one_im": 1, "error_one_im": 0.04757578383076849, "one_im_sa_cls": 35.142857142857146, "model_in_bounds": 1, "pred_cls": 41.46979892284072, "error_w_gmm": 0.056142118305125076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056141086680526586}, "run_5589": {"edge_length": 1400, "pf": 0.4912061224489796, "in_bounds_one_im": 1, "error_one_im": 0.04414025111940221, "one_im_sa_cls": 30.979591836734695, "model_in_bounds": 1, "pred_cls": 44.201870780173174, "error_w_gmm": 0.06298073708360091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06297957979777755}, "run_5590": {"edge_length": 1400, "pf": 0.4998214285714286, "in_bounds_one_im": 1, "error_one_im": 0.048359236904516205, "one_im_sa_cls": 34.53061224489796, "model_in_bounds": 1, "pred_cls": 45.60723741626076, "error_w_gmm": 0.06387294007500265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06387176639473996}, "run_5591": {"edge_length": 1400, "pf": 0.5216688775510204, "in_bounds_one_im": 1, "error_one_im": 0.06388188400131861, "one_im_sa_cls": 47.6530612244898, "model_in_bounds": 1, "pred_cls": 45.284849987154395, "error_w_gmm": 0.06070826549047851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060707149961854}, "run_5592": {"edge_length": 1400, "pf": 0.49990255102040815, "in_bounds_one_im": 1, "error_one_im": 0.038378202592026324, "one_im_sa_cls": 27.408163265306122, "model_in_bounds": 1, "pred_cls": 35.047701667894216, "error_w_gmm": 0.04907634628288041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049075444493500986}, "run_5593": {"edge_length": 1400, "pf": 0.4649622448979592, "in_bounds_one_im": 0, "error_one_im": 0.05752698561639373, "one_im_sa_cls": 38.30612244897959, "model_in_bounds": 0, "pred_cls": 41.92964333073393, "error_w_gmm": 0.06296983766657478, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06296868058103083}, "run_5594": {"edge_length": 1400, "pf": 0.49562806122448977, "in_bounds_one_im": 1, "error_one_im": 0.048622420226007386, "one_im_sa_cls": 34.42857142857143, "model_in_bounds": 1, "pred_cls": 41.07028721707238, "error_w_gmm": 0.05800337846925592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05800231264356509}, "run_5595": {"edge_length": 1400, "pf": 0.4979566326530612, "in_bounds_one_im": 1, "error_one_im": 0.0475932341173679, "one_im_sa_cls": 33.857142857142854, "model_in_bounds": 1, "pred_cls": 39.55029949961032, "error_w_gmm": 0.05559716779024035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05559614617923548}, "run_5596": {"edge_length": 1400, "pf": 0.49681326530612246, "in_bounds_one_im": 1, "error_one_im": 0.044884343611176825, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 38.629189918794786, "error_w_gmm": 0.054426654076335165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0544256539737944}, "run_5597": {"edge_length": 1400, "pf": 0.514259693877551, "in_bounds_one_im": 1, "error_one_im": 0.0462326769728306, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 42.28440193567937, "error_w_gmm": 0.057533269612794674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05753221242546443}, "run_5598": {"edge_length": 1400, "pf": 0.5186841836734694, "in_bounds_one_im": 1, "error_one_im": 0.043375425929746546, "one_im_sa_cls": 32.16326530612245, "model_in_bounds": 1, "pred_cls": 39.41144086889622, "error_w_gmm": 0.05315130260387402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053150325936215936}, "run_5599": {"edge_length": 1400, "pf": 0.5161602040816327, "in_bounds_one_im": 1, "error_one_im": 0.04774449467271473, "one_im_sa_cls": 35.224489795918366, "model_in_bounds": 1, "pred_cls": 42.69379403528573, "error_w_gmm": 0.05786971196276352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05786864859322613}, "run_5600": {"edge_length": 1400, "pf": 0.4899678571428571, "in_bounds_one_im": 1, "error_one_im": 0.05127489656380191, "one_im_sa_cls": 35.89795918367347, "model_in_bounds": 1, "pred_cls": 42.164740622931824, "error_w_gmm": 0.06022716864966365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06022606196130638}}, "fractal_noise_0.025_7_True_simplex": {"true_cls": 13.142857142857142, "true_pf": 0.50014194, "run_5601": {"edge_length": 600, "pf": 0.49639444444444447, "in_bounds_one_im": 1, "error_one_im": 0.04411618306602633, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 16.515219148613834, "error_w_gmm": 0.05650435452932117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05433916763387181}, "run_5602": {"edge_length": 600, "pf": 0.4784638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04712019060412538, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 0, "pred_cls": 12.679905660388036, "error_w_gmm": 0.04496756890380205, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.043244459389114955}, "run_5603": {"edge_length": 600, "pf": 0.5093333333333333, "in_bounds_one_im": 1, "error_one_im": 0.044559478597844045, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 15.168195478888567, "error_w_gmm": 0.05056987987962297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04863209575427759}, "run_5604": {"edge_length": 600, "pf": 0.5061472222222222, "in_bounds_one_im": 1, "error_one_im": 0.04352738148077946, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 9.9744407438805, "error_w_gmm": 0.03346683583618431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03218442220650452}, "run_5605": {"edge_length": 600, "pf": 0.47713055555555556, "in_bounds_one_im": 1, "error_one_im": 0.052201186598736425, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 0, "pred_cls": 11.138399670534747, "error_w_gmm": 0.03960651143564212, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.038088831953250725}, "run_5606": {"edge_length": 600, "pf": 0.49596111111111113, "in_bounds_one_im": 1, "error_one_im": 0.038777944468828346, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 7.386025812732507, "error_w_gmm": 0.025292095262218917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024322929015185832}, "run_5607": {"edge_length": 600, "pf": 0.49588055555555555, "in_bounds_one_im": 1, "error_one_im": 0.04839621996701263, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 14.625723760548484, "error_w_gmm": 0.05009118763306788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0481717464865571}, "run_5608": {"edge_length": 600, "pf": 0.5089777777777778, "in_bounds_one_im": 1, "error_one_im": 0.053234412965512075, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 12.790736116665151, "error_w_gmm": 0.04267391417970918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041038695079710585}, "run_5609": {"edge_length": 600, "pf": 0.5090083333333333, "in_bounds_one_im": 1, "error_one_im": 0.04282063696673366, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 15.221020296561468, "error_w_gmm": 0.050779001471442174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048833204028646514}, "run_5610": {"edge_length": 600, "pf": 0.5063222222222222, "in_bounds_one_im": 1, "error_one_im": 0.03745599357592419, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 15.045759235107637, "error_w_gmm": 0.05046475625370088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04853100035412934}, "run_5611": {"edge_length": 600, "pf": 0.5007222222222222, "in_bounds_one_im": 1, "error_one_im": 0.045999328649796355, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 18.313353431012352, "error_w_gmm": 0.06211640880172481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05973617394283304}, "run_5612": {"edge_length": 600, "pf": 0.5109055555555555, "in_bounds_one_im": 1, "error_one_im": 0.04174522314471889, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 12.30224626702225, "error_w_gmm": 0.04088615267061788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03931943869423174}, "run_5613": {"edge_length": 600, "pf": 0.49030277777777775, "in_bounds_one_im": 1, "error_one_im": 0.04547270975095879, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 14.615283929038311, "error_w_gmm": 0.05061706863789256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048677476289413414}, "run_5614": {"edge_length": 600, "pf": 0.4992, "in_bounds_one_im": 1, "error_one_im": 0.045204773866286026, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 12.731313294988684, "error_w_gmm": 0.04331455474974946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04165478698304197}, "run_5615": {"edge_length": 600, "pf": 0.4963138888888889, "in_bounds_one_im": 1, "error_one_im": 0.044056132884729024, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 6.826047822378378, "error_w_gmm": 0.023358065782512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02246300949248572}, "run_5616": {"edge_length": 600, "pf": 0.5120944444444444, "in_bounds_one_im": 1, "error_one_im": 0.044444120227360905, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 14.068085127882805, "error_w_gmm": 0.04664376668110155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04485642704659764}, "run_5617": {"edge_length": 600, "pf": 0.4869805555555556, "in_bounds_one_im": 1, "error_one_im": 0.049539364311645774, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 10.548637090808619, "error_w_gmm": 0.03677674014692473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03536749449697854}, "run_5618": {"edge_length": 600, "pf": 0.4798722222222222, "in_bounds_one_im": 1, "error_one_im": 0.05122115189370433, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 12.293606899281919, "error_w_gmm": 0.043474772463534685, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04180886532407984}, "run_5619": {"edge_length": 600, "pf": 0.4768277777777778, "in_bounds_one_im": 1, "error_one_im": 0.04999831262567187, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 14.231273099952736, "error_w_gmm": 0.05063503271584813, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04869475200296762}, "run_5620": {"edge_length": 600, "pf": 0.49180555555555555, "in_bounds_one_im": 1, "error_one_im": 0.042557748694396186, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 14.919994563703087, "error_w_gmm": 0.05151725132854627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049543164934757696}, "run_5621": {"edge_length": 600, "pf": 0.5185555555555555, "in_bounds_one_im": 1, "error_one_im": 0.05003958074969186, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 16.25314363432061, "error_w_gmm": 0.05319595312339902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05115754065849858}, "run_5622": {"edge_length": 600, "pf": 0.5085944444444445, "in_bounds_one_im": 1, "error_one_im": 0.051440436176729595, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 13.042787122857428, "error_w_gmm": 0.04354822000364825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04187949843240878}, "run_5623": {"edge_length": 600, "pf": 0.5234583333333334, "in_bounds_one_im": 0, "error_one_im": 0.0435713195598951, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 0, "pred_cls": 11.647411405331571, "error_w_gmm": 0.03774892370670729, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03630242501456375}, "run_5624": {"edge_length": 600, "pf": 0.5056611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04488802357190221, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.48630135508798, "error_w_gmm": 0.04865258318977475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04678826783868802}, "run_5625": {"edge_length": 600, "pf": 0.4832166666666667, "in_bounds_one_im": 1, "error_one_im": 0.050741332957585865, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 12.323767767375195, "error_w_gmm": 0.04329049779839833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04163165186853412}, "run_5626": {"edge_length": 600, "pf": 0.5267555555555555, "in_bounds_one_im": 0, "error_one_im": 0.041451743280565403, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 0, "pred_cls": 10.552063430814798, "error_w_gmm": 0.03397358443648158, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03267175273826902}, "run_5627": {"edge_length": 600, "pf": 0.4977611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04118324500504813, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 13.278943600306876, "error_w_gmm": 0.04530790598807792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0435717551175334}, "run_5628": {"edge_length": 600, "pf": 0.5157527777777777, "in_bounds_one_im": 1, "error_one_im": 0.04411987217453665, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 0, "pred_cls": 9.172509486223099, "error_w_gmm": 0.030190251296220192, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029033392908554192}, "run_5629": {"edge_length": 600, "pf": 0.49288611111111114, "in_bounds_one_im": 1, "error_one_im": 0.04354778702970283, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 15.297544899876504, "error_w_gmm": 0.05270683962926654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0506871694743475}, "run_5630": {"edge_length": 600, "pf": 0.49162222222222224, "in_bounds_one_im": 1, "error_one_im": 0.04487828750476379, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 15.715450549654406, "error_w_gmm": 0.054283787287222655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052203690171722265}, "run_5631": {"edge_length": 600, "pf": 0.5085666666666666, "in_bounds_one_im": 1, "error_one_im": 0.042530825974693584, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 15.355047909668881, "error_w_gmm": 0.051271416100026376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04930674985128086}, "run_5632": {"edge_length": 600, "pf": 0.5103166666666666, "in_bounds_one_im": 1, "error_one_im": 0.04394946674994848, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 12.33655718276758, "error_w_gmm": 0.04104852333055513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039475587482810125}, "run_5633": {"edge_length": 600, "pf": 0.49648888888888887, "in_bounds_one_im": 1, "error_one_im": 0.04269801040787817, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 9.685497041522252, "error_w_gmm": 0.033131221843750544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03186166858606152}, "run_5634": {"edge_length": 600, "pf": 0.4858638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04683852470421081, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 12.820412628605734, "error_w_gmm": 0.044797061149691605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04308048531117594}, "run_5635": {"edge_length": 600, "pf": 0.48451666666666665, "in_bounds_one_im": 1, "error_one_im": 0.042495426214303175, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 16.74096978646442, "error_w_gmm": 0.058654230766778406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056406662895650994}, "run_5636": {"edge_length": 600, "pf": 0.5061527777777778, "in_bounds_one_im": 1, "error_one_im": 0.045238999651822806, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 19.45106524865626, "error_w_gmm": 0.06526264381385241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0627618485685089}, "run_5637": {"edge_length": 600, "pf": 0.49919444444444444, "in_bounds_one_im": 1, "error_one_im": 0.045071730278145615, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 15.05241185967622, "error_w_gmm": 0.051211980011845785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04924959129091772}, "run_5638": {"edge_length": 600, "pf": 0.5022083333333334, "in_bounds_one_im": 1, "error_one_im": 0.04493360703257736, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 12.453153407026468, "error_w_gmm": 0.04211404616315456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040500280611342296}, "run_5639": {"edge_length": 600, "pf": 0.5032027777777778, "in_bounds_one_im": 1, "error_one_im": 0.047427676337839716, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 13.14066380081375, "error_w_gmm": 0.044350768121525816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04265129375818254}, "run_5640": {"edge_length": 600, "pf": 0.5005166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0432877832290615, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 9.634087218211302, "error_w_gmm": 0.03269095289016624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031438270271505156}, "run_5641": {"edge_length": 800, "pf": 0.500675, "in_bounds_one_im": 1, "error_one_im": 0.037898105635918125, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 18.465635613474905, "error_w_gmm": 0.04579264100103895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045178943144371986}, "run_5642": {"edge_length": 800, "pf": 0.494215625, "in_bounds_one_im": 1, "error_one_im": 0.03297874223222176, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 14.325617676423771, "error_w_gmm": 0.03598782110092601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035505524203587144}, "run_5643": {"edge_length": 800, "pf": 0.5134703125, "in_bounds_one_im": 1, "error_one_im": 0.03333877198810893, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 13.74259460378861, "error_w_gmm": 0.033218763800490846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032773576894913156}, "run_5644": {"edge_length": 800, "pf": 0.502171875, "in_bounds_one_im": 1, "error_one_im": 0.03469831006545678, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 14.118347427028711, "error_w_gmm": 0.034907208041587416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034439393163715096}, "run_5645": {"edge_length": 800, "pf": 0.5077078125, "in_bounds_one_im": 1, "error_one_im": 0.033626934380382445, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 15.589626249241856, "error_w_gmm": 0.03812044660959099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037609568969252175}, "run_5646": {"edge_length": 800, "pf": 0.503925, "in_bounds_one_im": 1, "error_one_im": 0.033584695183401334, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 14.09826998754553, "error_w_gmm": 0.03473555716836493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034270042698826574}, "run_5647": {"edge_length": 800, "pf": 0.5014109375, "in_bounds_one_im": 1, "error_one_im": 0.035698463031252604, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 11.620192471544135, "error_w_gmm": 0.028774349976659192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028388725637865153}, "run_5648": {"edge_length": 800, "pf": 0.49369375, "in_bounds_one_im": 1, "error_one_im": 0.042532326559114625, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 12.402419131115654, "error_w_gmm": 0.031189036708633426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0307710515354446}, "run_5649": {"edge_length": 800, "pf": 0.508171875, "in_bounds_one_im": 1, "error_one_im": 0.03433355817526172, "one_im_sa_cls": 14.244897959183673, "model_in_bounds": 1, "pred_cls": 10.914990328644386, "error_w_gmm": 0.026665052964562706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02630769672795935}, "run_5650": {"edge_length": 800, "pf": 0.4915078125, "in_bounds_one_im": 1, "error_one_im": 0.033717276091505544, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 11.900177970408762, "error_w_gmm": 0.030057171832481328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02965435553868762}, "run_5651": {"edge_length": 800, "pf": 0.497303125, "in_bounds_one_im": 1, "error_one_im": 0.03543999399025466, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 17.47821356348898, "error_w_gmm": 0.04363723939201899, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04305242751612965}, "run_5652": {"edge_length": 800, "pf": 0.4960984375, "in_bounds_one_im": 1, "error_one_im": 0.03502158129829824, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 13.766745889973087, "error_w_gmm": 0.03445386494864027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03399212562523249}, "run_5653": {"edge_length": 800, "pf": 0.508503125, "in_bounds_one_im": 1, "error_one_im": 0.037358478776757235, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 14.587416746666536, "error_w_gmm": 0.03561309233769996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03513581743153248}, "run_5654": {"edge_length": 800, "pf": 0.500203125, "in_bounds_one_im": 1, "error_one_im": 0.03238624505675871, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 12.454533537771137, "error_w_gmm": 0.030914965222227458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03050065306461717}, "run_5655": {"edge_length": 800, "pf": 0.5049828125, "in_bounds_one_im": 1, "error_one_im": 0.03732546360542908, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 14.724036879723295, "error_w_gmm": 0.03620065806283223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0357155087947961}, "run_5656": {"edge_length": 800, "pf": 0.494671875, "in_bounds_one_im": 1, "error_one_im": 0.03411095846596103, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 14.863859256227684, "error_w_gmm": 0.037305892816237265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03680593155691937}, "run_5657": {"edge_length": 800, "pf": 0.5068765625, "in_bounds_one_im": 1, "error_one_im": 0.031069144182339078, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 14.98775632733742, "error_w_gmm": 0.03670971972353602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03621774817918531}, "run_5658": {"edge_length": 800, "pf": 0.5028859375, "in_bounds_one_im": 1, "error_one_im": 0.03385340950093385, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 15.591294260887134, "error_w_gmm": 0.038494011781801805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037978127744354225}, "run_5659": {"edge_length": 800, "pf": 0.4951828125, "in_bounds_one_im": 1, "error_one_im": 0.03291500346125234, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 13.582592249351576, "error_w_gmm": 0.03405529735223163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03359889950016738}, "run_5660": {"edge_length": 800, "pf": 0.4942296875, "in_bounds_one_im": 1, "error_one_im": 0.031106374195535875, "one_im_sa_cls": 12.551020408163264, "model_in_bounds": 1, "pred_cls": 15.676035064952272, "error_w_gmm": 0.03937913810908988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0388513919008205}, "run_5661": {"edge_length": 800, "pf": 0.505190625, "in_bounds_one_im": 1, "error_one_im": 0.03711202104878162, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 14.138753448867465, "error_w_gmm": 0.03474722830127142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034281557419063}, "run_5662": {"edge_length": 800, "pf": 0.4978390625, "in_bounds_one_im": 1, "error_one_im": 0.03911798355898591, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 15.45056348962047, "error_w_gmm": 0.03853355068945331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03801713676461879}, "run_5663": {"edge_length": 800, "pf": 0.49849375, "in_bounds_one_im": 1, "error_one_im": 0.036910349238259046, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 11.057580072704773, "error_w_gmm": 0.02754140787820466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027172307022369297}, "run_5664": {"edge_length": 800, "pf": 0.5054078125, "in_bounds_one_im": 1, "error_one_im": 0.03551314371079601, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 13.547822229871828, "error_w_gmm": 0.0332805019503958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03283448765051531}, "run_5665": {"edge_length": 800, "pf": 0.50661875, "in_bounds_one_im": 1, "error_one_im": 0.03468710380360248, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 15.32015969612327, "error_w_gmm": 0.03754323667746096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0370400946140719}, "run_5666": {"edge_length": 800, "pf": 0.5033125, "in_bounds_one_im": 1, "error_one_im": 0.03342718809790571, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 10.668059812496766, "error_w_gmm": 0.026316366551522783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02596368329511124}, "run_5667": {"edge_length": 800, "pf": 0.4883921875, "in_bounds_one_im": 1, "error_one_im": 0.03474689709366867, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.629786456672287, "error_w_gmm": 0.037182616277602214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036684307129756455}, "run_5668": {"edge_length": 800, "pf": 0.4804296875, "in_bounds_one_im": 0, "error_one_im": 0.036137164657130294, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 0, "pred_cls": 12.39737393383306, "error_w_gmm": 0.03201508614011371, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.031586030525156954}, "run_5669": {"edge_length": 800, "pf": 0.4944390625, "in_bounds_one_im": 1, "error_one_im": 0.03534024596712687, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 9.338335563701062, "error_w_gmm": 0.023448635291558616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023134384422737384}, "run_5670": {"edge_length": 800, "pf": 0.497790625, "in_bounds_one_im": 1, "error_one_im": 0.03595788155665062, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 12.361504045047317, "error_w_gmm": 0.030832454161247524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030419247789636276}, "run_5671": {"edge_length": 800, "pf": 0.5093125, "in_bounds_one_im": 1, "error_one_im": 0.03342100194540922, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.558736270847977, "error_w_gmm": 0.03548556599931997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035010000159037866}, "run_5672": {"edge_length": 800, "pf": 0.4883359375, "in_bounds_one_im": 1, "error_one_im": 0.03567203754811857, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 11.314883134253302, "error_w_gmm": 0.028760796886774007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028375354182016074}, "run_5673": {"edge_length": 800, "pf": 0.4984734375, "in_bounds_one_im": 1, "error_one_im": 0.039569903092308324, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 16.31059914640187, "error_w_gmm": 0.0406268922177221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04008242402082361}, "run_5674": {"edge_length": 800, "pf": 0.4994859375, "in_bounds_one_im": 1, "error_one_im": 0.04029066296209742, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 13.191050612747246, "error_w_gmm": 0.03279016664432898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03235072365634066}, "run_5675": {"edge_length": 800, "pf": 0.5064859375, "in_bounds_one_im": 1, "error_one_im": 0.03884211114237456, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 15.607126919737981, "error_w_gmm": 0.03825663437600974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03774393159218656}, "run_5676": {"edge_length": 800, "pf": 0.4928203125, "in_bounds_one_im": 1, "error_one_im": 0.03545486415691757, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 13.939307195064202, "error_w_gmm": 0.035115232088073614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034644629340607594}, "run_5677": {"edge_length": 800, "pf": 0.49339375, "in_bounds_one_im": 1, "error_one_im": 0.03571820214202392, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 11.421730483179456, "error_w_gmm": 0.028740087479416927, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02835492231529943}, "run_5678": {"edge_length": 800, "pf": 0.4885859375, "in_bounds_one_im": 1, "error_one_im": 0.027929973145128666, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 11.566457993890236, "error_w_gmm": 0.029385559516950942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02899174394968322}, "run_5679": {"edge_length": 800, "pf": 0.48741875, "in_bounds_one_im": 1, "error_one_im": 0.0311742379058371, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 0, "pred_cls": 8.381389274421931, "error_w_gmm": 0.02134341859755324, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021057381147846665}, "run_5680": {"edge_length": 800, "pf": 0.5068453125, "in_bounds_one_im": 1, "error_one_im": 0.035904366541623725, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 14.666514701347662, "error_w_gmm": 0.035925143821722696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03544368690458747}, "run_5681": {"edge_length": 1000, "pf": 0.494051, "in_bounds_one_im": 1, "error_one_im": 0.0268369414689539, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 12.922846139831117, "error_w_gmm": 0.026155055678207667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025631483571463474}, "run_5682": {"edge_length": 1000, "pf": 0.499213, "in_bounds_one_im": 1, "error_one_im": 0.02375692816201709, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 10.532588015415016, "error_w_gmm": 0.021098358753257447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02067601164464502}, "run_5683": {"edge_length": 1000, "pf": 0.499109, "in_bounds_one_im": 1, "error_one_im": 0.027608648432087195, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 11.6372180868425, "error_w_gmm": 0.02331594823915251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0228492094070695}, "run_5684": {"edge_length": 1000, "pf": 0.503882, "in_bounds_one_im": 1, "error_one_im": 0.03115657696596845, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 13.896988891262874, "error_w_gmm": 0.027579016578916822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027026939611854997}, "run_5685": {"edge_length": 1000, "pf": 0.498576, "in_bounds_one_im": 1, "error_one_im": 0.02755786841304463, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 14.728885920897337, "error_w_gmm": 0.029541787384497916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028950419656277863}, "run_5686": {"edge_length": 1000, "pf": 0.495712, "in_bounds_one_im": 1, "error_one_im": 0.025658645550549614, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 12.859221713219561, "error_w_gmm": 0.0259399587279414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025420692433610333}, "run_5687": {"edge_length": 1000, "pf": 0.492267, "in_bounds_one_im": 1, "error_one_im": 0.029167136177920865, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 12.607356703576006, "error_w_gmm": 0.025607746998000027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02509513092064682}, "run_5688": {"edge_length": 1000, "pf": 0.497954, "in_bounds_one_im": 1, "error_one_im": 0.02891756033326503, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 14.99939476581707, "error_w_gmm": 0.03012179676612408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029518818405619113}, "run_5689": {"edge_length": 1000, "pf": 0.496796, "in_bounds_one_im": 1, "error_one_im": 0.024878459404121495, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 14.511696185335744, "error_w_gmm": 0.029209973991892037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02862524850673007}, "run_5690": {"edge_length": 1000, "pf": 0.498827, "in_bounds_one_im": 1, "error_one_im": 0.02878692736283535, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 11.535023465508726, "error_w_gmm": 0.02312423289581044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022661331822952435}, "run_5691": {"edge_length": 1000, "pf": 0.488799, "in_bounds_one_im": 1, "error_one_im": 0.0265886361267257, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 12.15924437168179, "error_w_gmm": 0.02486951268886895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02437167459162253}, "run_5692": {"edge_length": 1000, "pf": 0.496357, "in_bounds_one_im": 1, "error_one_im": 0.026794026458047817, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 12.978923124233658, "error_w_gmm": 0.026147669160360237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025624244916987338}, "run_5693": {"edge_length": 1000, "pf": 0.499103, "in_bounds_one_im": 1, "error_one_im": 0.025725638595622175, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 13.41613862395569, "error_w_gmm": 0.026880457609845185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026342364401626076}, "run_5694": {"edge_length": 1000, "pf": 0.509887, "in_bounds_one_im": 1, "error_one_im": 0.025490391691036646, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 14.08194903625184, "error_w_gmm": 0.02761238405382705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027059639136394607}, "run_5695": {"edge_length": 1000, "pf": 0.514261, "in_bounds_one_im": 1, "error_one_im": 0.03152699351352677, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 0, "pred_cls": 12.424735558053381, "error_w_gmm": 0.02415053978577143, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023667094093656825}, "run_5696": {"edge_length": 1000, "pf": 0.498117, "in_bounds_one_im": 1, "error_one_im": 0.024571914409562717, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 11.393045331312099, "error_w_gmm": 0.022872065275095294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022414212095617943}, "run_5697": {"edge_length": 1000, "pf": 0.501106, "in_bounds_one_im": 1, "error_one_im": 0.029055123739412228, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 12.06009473060112, "error_w_gmm": 0.02406689448116952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023585123201409066}, "run_5698": {"edge_length": 1000, "pf": 0.499785, "in_bounds_one_im": 1, "error_one_im": 0.02945212072332435, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 13.08541254133248, "error_w_gmm": 0.02618208095798399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025657967858980304}, "run_5699": {"edge_length": 1000, "pf": 0.512038, "in_bounds_one_im": 1, "error_one_im": 0.02553710512967423, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 12.566982952958924, "error_w_gmm": 0.024535952752401582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024044791860541682}, "run_5700": {"edge_length": 1000, "pf": 0.499837, "in_bounds_one_im": 1, "error_one_im": 0.028968910179074197, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 14.91639120714498, "error_w_gmm": 0.029842509487128317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029245121901533205}, "run_5701": {"edge_length": 1000, "pf": 0.501025, "in_bounds_one_im": 1, "error_one_im": 0.02850098816689547, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 9.536522728424945, "error_w_gmm": 0.019033985708867836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018652963235815525}, "run_5702": {"edge_length": 1000, "pf": 0.504022, "in_bounds_one_im": 1, "error_one_im": 0.027735477460747955, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 14.029291902617327, "error_w_gmm": 0.02783378107710133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02727660423234555}, "run_5703": {"edge_length": 1000, "pf": 0.500591, "in_bounds_one_im": 1, "error_one_im": 0.028845353940757962, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 17.436114647588173, "error_w_gmm": 0.034831034651795094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034133786730892575}, "run_5704": {"edge_length": 1000, "pf": 0.505229, "in_bounds_one_im": 1, "error_one_im": 0.02735193407822987, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 13.230540387917257, "error_w_gmm": 0.02618578279867886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025661595596199512}, "run_5705": {"edge_length": 1000, "pf": 0.4967, "in_bounds_one_im": 1, "error_one_im": 0.028668065616629487, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 15.432531386243138, "error_w_gmm": 0.031069448886750728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030447500418769806}, "run_5706": {"edge_length": 1000, "pf": 0.491134, "in_bounds_one_im": 1, "error_one_im": 0.03004762079987871, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 14.176644257101195, "error_w_gmm": 0.02886058661084802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028282855164980476}, "run_5707": {"edge_length": 1000, "pf": 0.502332, "in_bounds_one_im": 1, "error_one_im": 0.025639663091619868, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 16.261983095657772, "error_w_gmm": 0.03237262651410291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03172459102630412}, "run_5708": {"edge_length": 1000, "pf": 0.498025, "in_bounds_one_im": 1, "error_one_im": 0.02750793912696568, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 15.84337140686781, "error_w_gmm": 0.031812153623381356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03117533768624144}, "run_5709": {"edge_length": 1000, "pf": 0.486906, "in_bounds_one_im": 1, "error_one_im": 0.027798194200800028, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 13.27796011428837, "error_w_gmm": 0.027260716124970653, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0267150108988564}, "run_5710": {"edge_length": 1000, "pf": 0.500933, "in_bounds_one_im": 1, "error_one_im": 0.02694916971239751, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 15.679500633569079, "error_w_gmm": 0.031300539864372395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03067396541541508}, "run_5711": {"edge_length": 1000, "pf": 0.491536, "in_bounds_one_im": 1, "error_one_im": 0.026606160012916873, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 11.838137143463419, "error_w_gmm": 0.02408051672779431, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02359847275779553}, "run_5712": {"edge_length": 1000, "pf": 0.4962, "in_bounds_one_im": 1, "error_one_im": 0.02918040255108346, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 9.499448227752293, "error_w_gmm": 0.019143840950676783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01876061939454479}, "run_5713": {"edge_length": 1000, "pf": 0.503558, "in_bounds_one_im": 1, "error_one_im": 0.02680805415355863, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 15.240324279008538, "error_w_gmm": 0.03026451453159025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02965867924575305}, "run_5714": {"edge_length": 1000, "pf": 0.494333, "in_bounds_one_im": 1, "error_one_im": 0.025324964698273014, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 10.373128747182106, "error_w_gmm": 0.0209827433370363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02056271061871943}, "run_5715": {"edge_length": 1000, "pf": 0.504847, "in_bounds_one_im": 1, "error_one_im": 0.026739027089478604, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 12.78530505105784, "error_w_gmm": 0.02532391852609257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02481698412928397}, "run_5716": {"edge_length": 1000, "pf": 0.499078, "in_bounds_one_im": 1, "error_one_im": 0.02672875220812359, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 16.340549652737824, "error_w_gmm": 0.03274141891855496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03208600094155307}, "run_5717": {"edge_length": 1000, "pf": 0.515588, "in_bounds_one_im": 0, "error_one_im": 0.024270704926663562, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 0, "pred_cls": 15.440796201627718, "error_w_gmm": 0.029933378183204122, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029334171587348627}, "run_5718": {"edge_length": 1000, "pf": 0.503, "in_bounds_one_im": 1, "error_one_im": 0.029859748800218692, "one_im_sa_cls": 15.326530612244898, "model_in_bounds": 1, "pred_cls": 14.48973350055978, "error_w_gmm": 0.028806108713736442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028229467806834344}, "run_5719": {"edge_length": 1000, "pf": 0.503441, "in_bounds_one_im": 1, "error_one_im": 0.02844305044181885, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 12.837354024613644, "error_w_gmm": 0.025498618547399196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024988187004213736}, "run_5720": {"edge_length": 1000, "pf": 0.489712, "in_bounds_one_im": 1, "error_one_im": 0.02764254239560831, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 12.28125575007417, "error_w_gmm": 0.025073217945076966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024571302074437137}, "run_5721": {"edge_length": 1200, "pf": 0.4972916666666667, "in_bounds_one_im": 1, "error_one_im": 0.02335909400879829, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 15.846831409491848, "error_w_gmm": 0.026554836920936572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02602326199018505}, "run_5722": {"edge_length": 1200, "pf": 0.5102493055555556, "in_bounds_one_im": 1, "error_one_im": 0.02142253807547332, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 14.173081481302008, "error_w_gmm": 0.023142450985770793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022679185223047137}, "run_5723": {"edge_length": 1200, "pf": 0.5081527777777778, "in_bounds_one_im": 1, "error_one_im": 0.025939715464888533, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 13.08470706236178, "error_w_gmm": 0.021455108410735356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0210256198847219}, "run_5724": {"edge_length": 1200, "pf": 0.48854722222222224, "in_bounds_one_im": 0, "error_one_im": 0.02308920237452359, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 14.386920988419932, "error_w_gmm": 0.024533872547416364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024042753297116002}, "run_5725": {"edge_length": 1200, "pf": 0.4963430555555556, "in_bounds_one_im": 1, "error_one_im": 0.024242890548307375, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 13.012522129714144, "error_w_gmm": 0.021846741449256253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021409413210050268}, "run_5726": {"edge_length": 1200, "pf": 0.49630138888888886, "in_bounds_one_im": 1, "error_one_im": 0.020819729652721324, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 13.055820087958597, "error_w_gmm": 0.02192126124588939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021482441268818465}, "run_5727": {"edge_length": 1200, "pf": 0.4928208333333333, "in_bounds_one_im": 1, "error_one_im": 0.023366033006261177, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 13.840905797561524, "error_w_gmm": 0.023401809297556163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02293335169814231}, "run_5728": {"edge_length": 1200, "pf": 0.49212222222222224, "in_bounds_one_im": 1, "error_one_im": 0.025057953661929994, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 17.035400273605052, "error_w_gmm": 0.028843250992615296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0282658665712876}, "run_5729": {"edge_length": 1200, "pf": 0.5041895833333333, "in_bounds_one_im": 1, "error_one_im": 0.022444060370575246, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.548552661503157, "error_w_gmm": 0.02404525731878265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023563919171906082}, "run_5730": {"edge_length": 1200, "pf": 0.5121326388888889, "in_bounds_one_im": 0, "error_one_im": 0.021146757073288093, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 0, "pred_cls": 12.085639460919143, "error_w_gmm": 0.019659752156820948, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019266203086176426}, "run_5731": {"edge_length": 1200, "pf": 0.5041305555555555, "in_bounds_one_im": 1, "error_one_im": 0.023802108183578963, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 12.650059984507374, "error_w_gmm": 0.020909974245128568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020491398219056087}, "run_5732": {"edge_length": 1200, "pf": 0.5032902777777778, "in_bounds_one_im": 1, "error_one_im": 0.022285782565667014, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 14.64804371389282, "error_w_gmm": 0.024253277548239985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023767775250802148}, "run_5733": {"edge_length": 1200, "pf": 0.4934, "in_bounds_one_im": 1, "error_one_im": 0.024014490992026887, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 12.529890287460121, "error_w_gmm": 0.02116065166170762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02073705757317232}, "run_5734": {"edge_length": 1200, "pf": 0.49457569444444444, "in_bounds_one_im": 1, "error_one_im": 0.024328741241487525, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 13.493072804682726, "error_w_gmm": 0.022733761008115663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022278676404523877}, "run_5735": {"edge_length": 1200, "pf": 0.5040847222222222, "in_bounds_one_im": 1, "error_one_im": 0.023605921205024673, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 14.193382277652594, "error_w_gmm": 0.023463166692948907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02299348084071985}, "run_5736": {"edge_length": 1200, "pf": 0.5119534722222222, "in_bounds_one_im": 1, "error_one_im": 0.023953222382503324, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 0, "pred_cls": 12.517848607759971, "error_w_gmm": 0.020370130518712636, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019962361088528568}, "run_5737": {"edge_length": 1200, "pf": 0.49470555555555557, "in_bounds_one_im": 1, "error_one_im": 0.026444739276659298, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 13.26737453163022, "error_w_gmm": 0.022347688374893992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02190033217625834}, "run_5738": {"edge_length": 1200, "pf": 0.5028916666666666, "in_bounds_one_im": 1, "error_one_im": 0.021607606533955062, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 15.724732319531638, "error_w_gmm": 0.0260567540146296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025535149711346784}, "run_5739": {"edge_length": 1200, "pf": 0.50239375, "in_bounds_one_im": 1, "error_one_im": 0.022325779362369968, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 14.871661474753761, "error_w_gmm": 0.024667721688043154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024173923044611134}, "run_5740": {"edge_length": 1200, "pf": 0.5045243055555556, "in_bounds_one_im": 1, "error_one_im": 0.019059728456674946, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 13.976563644695387, "error_w_gmm": 0.02308443699176745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022622332553624145}, "run_5741": {"edge_length": 1200, "pf": 0.49255, "in_bounds_one_im": 1, "error_one_im": 0.025307184397567125, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 14.485992785928383, "error_w_gmm": 0.024505777212195465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024015220374532777}, "run_5742": {"edge_length": 1200, "pf": 0.49915208333333333, "in_bounds_one_im": 1, "error_one_im": 0.023305728311996815, "one_im_sa_cls": 14.244897959183673, "model_in_bounds": 1, "pred_cls": 14.55716218453347, "error_w_gmm": 0.024303116121766298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023816616155378424}, "run_5743": {"edge_length": 1200, "pf": 0.5019055555555556, "in_bounds_one_im": 1, "error_one_im": 0.0256681817832332, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 15.623123905308146, "error_w_gmm": 0.02593949245431438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025420235493852337}, "run_5744": {"edge_length": 1200, "pf": 0.5011569444444445, "in_bounds_one_im": 1, "error_one_im": 0.023179210103146518, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 15.144863611485684, "error_w_gmm": 0.025183100882700035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02467898537456547}, "run_5745": {"edge_length": 1200, "pf": 0.5039013888888889, "in_bounds_one_im": 1, "error_one_im": 0.022523148734004534, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 13.131224331400087, "error_w_gmm": 0.021715268235756396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021280571828354578}, "run_5746": {"edge_length": 1200, "pf": 0.4932902777777778, "in_bounds_one_im": 1, "error_one_im": 0.023411667101471977, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 9.256907353431814, "error_w_gmm": 0.015636624509019436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015323610438727224}, "run_5747": {"edge_length": 1200, "pf": 0.49078333333333335, "in_bounds_one_im": 1, "error_one_im": 0.022442882012832906, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 14.340448863077114, "error_w_gmm": 0.02434545505731539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023858107549788305}, "run_5748": {"edge_length": 1200, "pf": 0.5113222222222222, "in_bounds_one_im": 1, "error_one_im": 0.02258228898956984, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 0, "pred_cls": 10.144172549762283, "error_w_gmm": 0.016528343833321732, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01619747931870257}, "run_5749": {"edge_length": 1200, "pf": 0.5022340277777778, "in_bounds_one_im": 1, "error_one_im": 0.021636045988734406, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 11.648699191558318, "error_w_gmm": 0.0193279465219248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018941039539044423}, "run_5750": {"edge_length": 1200, "pf": 0.5086111111111111, "in_bounds_one_im": 1, "error_one_im": 0.021296285771108113, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 14.124833821820177, "error_w_gmm": 0.023139386540803584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022676182122162908}, "run_5751": {"edge_length": 1200, "pf": 0.4934486111111111, "in_bounds_one_im": 1, "error_one_im": 0.022931440079457337, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 11.081848417129022, "error_w_gmm": 0.018713358806911905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01833875464566147}, "run_5752": {"edge_length": 1200, "pf": 0.5002638888888888, "in_bounds_one_im": 1, "error_one_im": 0.022354454374611126, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.143044316146506, "error_w_gmm": 0.02522509043633121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02472013438098742}, "run_5753": {"edge_length": 1200, "pf": 0.4971847222222222, "in_bounds_one_im": 1, "error_one_im": 0.024202114294460078, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 15.00548161867091, "error_w_gmm": 0.025150350036831356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024646890135382498}, "run_5754": {"edge_length": 1200, "pf": 0.4956888888888889, "in_bounds_one_im": 1, "error_one_im": 0.023030640318030104, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 11.336007030913036, "error_w_gmm": 0.01905695605717963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01867547376351724}, "run_5755": {"edge_length": 1200, "pf": 0.5130951388888889, "in_bounds_one_im": 0, "error_one_im": 0.02402844076557884, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 0, "pred_cls": 9.245534964306565, "error_w_gmm": 0.015010802126736503, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014710315773730394}, "run_5756": {"edge_length": 1200, "pf": 0.4968388888888889, "in_bounds_one_im": 1, "error_one_im": 0.022977727740432555, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 14.389992409803687, "error_w_gmm": 0.02413543092335734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023652287680567364}, "run_5757": {"edge_length": 1200, "pf": 0.5026256944444445, "in_bounds_one_im": 1, "error_one_im": 0.02284595498140509, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 14.990278639310318, "error_w_gmm": 0.024852940782567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02435543442186893}, "run_5758": {"edge_length": 1200, "pf": 0.5058465277777778, "in_bounds_one_im": 1, "error_one_im": 0.02167794936774939, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 14.76401757316838, "error_w_gmm": 0.024320631199410848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023833780616063234}, "run_5759": {"edge_length": 1200, "pf": 0.49247569444444445, "in_bounds_one_im": 1, "error_one_im": 0.026224576869432473, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 14.045759919060703, "error_w_gmm": 0.023764572852957824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023288853449887806}, "run_5760": {"edge_length": 1200, "pf": 0.5033854166666667, "in_bounds_one_im": 1, "error_one_im": 0.025029488814182158, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 14.355067565089962, "error_w_gmm": 0.023763664377674527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0232879631604698}, "run_5761": {"edge_length": 1400, "pf": 0.5049775510204082, "in_bounds_one_im": 1, "error_one_im": 0.018924591091711223, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 10.56523894917562, "error_w_gmm": 0.014644810982360316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014644541880521826}, "run_5762": {"edge_length": 1400, "pf": 0.4968974489795918, "in_bounds_one_im": 1, "error_one_im": 0.019146662440178902, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 1, "pred_cls": 10.920310937431946, "error_w_gmm": 0.015383597775987003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015383315098767794}, "run_5763": {"edge_length": 1400, "pf": 0.5071668367346939, "in_bounds_one_im": 1, "error_one_im": 0.019517839764699875, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.178134357863026, "error_w_gmm": 0.020946958241303416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020946573336030255}, "run_5764": {"edge_length": 1400, "pf": 0.5019285714285714, "in_bounds_one_im": 1, "error_one_im": 0.019097272772799927, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 14.181097920851178, "error_w_gmm": 0.01977710627842005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01977674286945121}, "run_5765": {"edge_length": 1400, "pf": 0.49792857142857144, "in_bounds_one_im": 1, "error_one_im": 0.020111349973339184, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 12.527609334652762, "error_w_gmm": 0.017611464338420754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01761114072363075}, "run_5766": {"edge_length": 1400, "pf": 0.500654081632653, "in_bounds_one_im": 1, "error_one_im": 0.019830819038125183, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 13.53438012552964, "error_w_gmm": 0.018923361116979936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01892301339577876}, "run_5767": {"edge_length": 1400, "pf": 0.4999938775510204, "in_bounds_one_im": 1, "error_one_im": 0.020457017444899795, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 12.087503971850353, "error_w_gmm": 0.01692271277621298, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01692240181739452}, "run_5768": {"edge_length": 1400, "pf": 0.5023806122448979, "in_bounds_one_im": 1, "error_one_im": 0.019364366693944996, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 13.610964715573628, "error_w_gmm": 0.018964838760491844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018964490277129237}, "run_5769": {"edge_length": 1400, "pf": 0.5021413265306123, "in_bounds_one_im": 1, "error_one_im": 0.02071073017813245, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 14.829131382691287, "error_w_gmm": 0.020672062276120083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020671682422124693}, "run_5770": {"edge_length": 1400, "pf": 0.49784591836734693, "in_bounds_one_im": 1, "error_one_im": 0.018708656196278033, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 13.339246080892803, "error_w_gmm": 0.018755573278250018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01875522864018966}, "run_5771": {"edge_length": 1400, "pf": 0.5126831632653062, "in_bounds_one_im": 0, "error_one_im": 0.019777140763532444, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 0, "pred_cls": 10.47517418571207, "error_w_gmm": 0.014297841212489198, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014297578486301548}, "run_5772": {"edge_length": 1400, "pf": 0.49764591836734695, "in_bounds_one_im": 1, "error_one_im": 0.019146727380937385, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 12.860390381260263, "error_w_gmm": 0.01808951537282097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01808918297373098}, "run_5773": {"edge_length": 1400, "pf": 0.4987219387755102, "in_bounds_one_im": 1, "error_one_im": 0.019621159090604853, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 11.90682987449142, "error_w_gmm": 0.016712225862423817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01671191877135179}, "run_5774": {"edge_length": 1400, "pf": 0.5011433673469388, "in_bounds_one_im": 1, "error_one_im": 0.020410041117337522, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 14.119227381071076, "error_w_gmm": 0.019721768199719665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019721405807600872}, "run_5775": {"edge_length": 1400, "pf": 0.5010923469387755, "in_bounds_one_im": 1, "error_one_im": 0.018787136374785247, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 12.680870295781153, "error_w_gmm": 0.017714475341165468, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01771414983352411}, "run_5776": {"edge_length": 1400, "pf": 0.4925331632653061, "in_bounds_one_im": 1, "error_one_im": 0.0187345207349371, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 12.499584414094143, "error_w_gmm": 0.01776272956121748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01776240316689353}, "run_5777": {"edge_length": 1400, "pf": 0.49718775510204083, "in_bounds_one_im": 1, "error_one_im": 0.01968145753218389, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 15.745674518006775, "error_w_gmm": 0.02216828091341535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02216787356605151}, "run_5778": {"edge_length": 1400, "pf": 0.4987841836734694, "in_bounds_one_im": 1, "error_one_im": 0.020449289996578416, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 14.013666338963212, "error_w_gmm": 0.019666897542340276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019666536158482715}, "run_5779": {"edge_length": 1400, "pf": 0.4986515306122449, "in_bounds_one_im": 1, "error_one_im": 0.0211995656788107, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 11.906183769960759, "error_w_gmm": 0.016713672409474762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016713365291822137}, "run_5780": {"edge_length": 1400, "pf": 0.5061275510204082, "in_bounds_one_im": 1, "error_one_im": 0.02026403047380999, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 15.841835415552547, "error_w_gmm": 0.02190841419546941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02190801162321743}, "run_5781": {"edge_length": 1400, "pf": 0.5083775510204082, "in_bounds_one_im": 1, "error_one_im": 0.018515355732727435, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 14.127988652975151, "error_w_gmm": 0.019450512262341495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01945015485461428}, "run_5782": {"edge_length": 1400, "pf": 0.49930510204081635, "in_bounds_one_im": 1, "error_one_im": 0.020227721717209022, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 13.560209320605406, "error_w_gmm": 0.01901069570173901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01901034637574427}, "run_5783": {"edge_length": 1400, "pf": 0.49944285714285713, "in_bounds_one_im": 1, "error_one_im": 0.02036516331968989, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 12.273025911497182, "error_w_gmm": 0.017201392875426907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017201076795796168}, "run_5784": {"edge_length": 1400, "pf": 0.5000147959183674, "in_bounds_one_im": 1, "error_one_im": 0.019627629922751116, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 12.76278011627141, "error_w_gmm": 0.017867363426855357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01786703510985948}, "run_5785": {"edge_length": 1400, "pf": 0.48792448979591835, "in_bounds_one_im": 0, "error_one_im": 0.019522728025232965, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 0, "pred_cls": 14.424060953446569, "error_w_gmm": 0.020687417514955814, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020687037378804313}, "run_5786": {"edge_length": 1400, "pf": 0.49646989795918367, "in_bounds_one_im": 1, "error_one_im": 0.021810189528193438, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 12.71988037831859, "error_w_gmm": 0.01793400644068872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017933676899111857}, "run_5787": {"edge_length": 1400, "pf": 0.5034602040816326, "in_bounds_one_im": 1, "error_one_im": 0.018953738947441914, "one_im_sa_cls": 13.63265306122449, "model_in_bounds": 1, "pred_cls": 13.813906754012788, "error_w_gmm": 0.019206092348389967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019205739431936063}, "run_5788": {"edge_length": 1400, "pf": 0.49473469387755103, "in_bounds_one_im": 1, "error_one_im": 0.020240234932165545, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 12.737670200819654, "error_w_gmm": 0.018021527198719495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0180211960489282}, "run_5789": {"edge_length": 1400, "pf": 0.509269387755102, "in_bounds_one_im": 1, "error_one_im": 0.019267639051558726, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 13.950896874614301, "error_w_gmm": 0.019172464999931794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019172112701388307}, "run_5790": {"edge_length": 1400, "pf": 0.5062224489795918, "in_bounds_one_im": 1, "error_one_im": 0.020485924436069444, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 11.369494291813858, "error_w_gmm": 0.015720420334708385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01572013146829567}, "run_5791": {"edge_length": 1400, "pf": 0.5038923469387755, "in_bounds_one_im": 1, "error_one_im": 0.018738918264921127, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 15.167884919101756, "error_w_gmm": 0.02107036906675537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02106998189377928}, "run_5792": {"edge_length": 1400, "pf": 0.5016994897959184, "in_bounds_one_im": 1, "error_one_im": 0.01833722774627493, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 13.142955039195092, "error_w_gmm": 0.018337701293144996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01833736433358049}, "run_5793": {"edge_length": 1400, "pf": 0.4944515306122449, "in_bounds_one_im": 1, "error_one_im": 0.019385010143494315, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.747459903589851, "error_w_gmm": 0.022292464514963608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022292054885696876}, "run_5794": {"edge_length": 1400, "pf": 0.5019142857142858, "in_bounds_one_im": 1, "error_one_im": 0.02043551956656156, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 12.544070928440739, "error_w_gmm": 0.017494591297613046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01749426983039255}, "run_5795": {"edge_length": 1400, "pf": 0.5003081632653061, "in_bounds_one_im": 1, "error_one_im": 0.019444797287714175, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 13.286310465893786, "error_w_gmm": 0.018589373995028857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018589032410919325}, "run_5796": {"edge_length": 1400, "pf": 0.49984948979591837, "in_bounds_one_im": 1, "error_one_im": 0.01980559716224023, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 12.83785340922004, "error_w_gmm": 0.01797840582567184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01797807546824577}, "run_5797": {"edge_length": 1400, "pf": 0.49964183673469387, "in_bounds_one_im": 1, "error_one_im": 0.018956082948618697, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 10.765406332246412, "error_w_gmm": 0.015082368899342016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015082091757274135}, "run_5798": {"edge_length": 1400, "pf": 0.4976704081632653, "in_bounds_one_im": 1, "error_one_im": 0.020781936520441024, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 12.566263183473595, "error_w_gmm": 0.017674928241074465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017674603460120255}, "run_5799": {"edge_length": 1400, "pf": 0.506969387755102, "in_bounds_one_im": 1, "error_one_im": 0.018708463859111974, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 12.662673653326001, "error_w_gmm": 0.017482338482653428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017482017240581276}, "run_5800": {"edge_length": 1400, "pf": 0.5012964285714285, "in_bounds_one_im": 1, "error_one_im": 0.022142106128721858, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 12.153210021848407, "error_w_gmm": 0.016970434923642128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01697012308791797}}, "fractal_noise_0.025_7_True_value": {"true_cls": 38.61224489795919, "true_pf": 0.50027818, "run_5801": {"edge_length": 600, "pf": 0.5245916666666667, "in_bounds_one_im": 1, "error_one_im": 0.11201293365643196, "one_im_sa_cls": 36.02040816326531, "model_in_bounds": 1, "pred_cls": 42.44465765413011, "error_w_gmm": 0.13724973468762885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13199047052250432}, "run_5802": {"edge_length": 600, "pf": 0.5016666666666667, "in_bounds_one_im": 1, "error_one_im": 0.09747275040916041, "one_im_sa_cls": 29.93877551020408, "model_in_bounds": 1, "pred_cls": 37.66098479023314, "error_w_gmm": 0.12749988576970817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12261422546725116}, "run_5803": {"edge_length": 600, "pf": 0.4841861111111111, "in_bounds_one_im": 1, "error_one_im": 0.08518473122306759, "one_im_sa_cls": 25.26530612244898, "model_in_bounds": 1, "pred_cls": 32.76996735199559, "error_w_gmm": 0.11488997582388653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11048751388720014}, "run_5804": {"edge_length": 600, "pf": 0.47254722222222223, "in_bounds_one_im": 1, "error_one_im": 0.09740743903436369, "one_im_sa_cls": 28.224489795918366, "model_in_bounds": 1, "pred_cls": 38.48482990734944, "error_w_gmm": 0.13810981173328168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1328175903285986}, "run_5805": {"edge_length": 600, "pf": 0.4957861111111111, "in_bounds_one_im": 1, "error_one_im": 0.10709686557923564, "one_im_sa_cls": 32.51020408163265, "model_in_bounds": 1, "pred_cls": 67.88846768126102, "error_w_gmm": 0.23255303271912486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22364184732226897}, "run_5806": {"edge_length": 600, "pf": 0.5031527777777778, "in_bounds_one_im": 1, "error_one_im": 0.08863767784468428, "one_im_sa_cls": 27.306122448979593, "model_in_bounds": 1, "pred_cls": 33.520731941946934, "error_w_gmm": 0.11314640665182271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10881075643529686}, "run_5807": {"edge_length": 600, "pf": 0.4797722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07969331045297023, "one_im_sa_cls": 23.428571428571427, "model_in_bounds": 1, "pred_cls": 51.57619960054012, "error_w_gmm": 0.1824291918372091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17543869882470384}, "run_5808": {"edge_length": 600, "pf": 0.479475, "in_bounds_one_im": 1, "error_one_im": 0.13023863780153527, "one_im_sa_cls": 38.265306122448976, "model_in_bounds": 1, "pred_cls": 113.97656877490137, "error_w_gmm": 0.4033844644821868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3879271999297449}, "run_5809": {"edge_length": 600, "pf": 0.5061638888888889, "in_bounds_one_im": 1, "error_one_im": 0.08599828300490393, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 44.21719997213051, "error_w_gmm": 0.14835522882458496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14267041391079463}, "run_5810": {"edge_length": 600, "pf": 0.4755333333333333, "in_bounds_one_im": 1, "error_one_im": 0.0818434135642774, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 35.163776474282926, "error_w_gmm": 0.1254381819727707, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12063152397165162}, "run_5811": {"edge_length": 600, "pf": 0.44432777777777777, "in_bounds_one_im": 0, "error_one_im": 0.10951665427547344, "one_im_sa_cls": 29.979591836734695, "model_in_bounds": 1, "pred_cls": 37.52649714433385, "error_w_gmm": 0.1425480944675511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13708580277900073}, "run_5812": {"edge_length": 600, "pf": 0.5202805555555555, "in_bounds_one_im": 1, "error_one_im": 0.0930124830236496, "one_im_sa_cls": 29.653061224489797, "model_in_bounds": 1, "pred_cls": 45.93963373542783, "error_w_gmm": 0.1498401395801201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14409842446216717}, "run_5813": {"edge_length": 600, "pf": 0.476125, "in_bounds_one_im": 1, "error_one_im": 0.11901827745197097, "one_im_sa_cls": 34.734693877551024, "model_in_bounds": 1, "pred_cls": 43.15266753119509, "error_w_gmm": 0.1537541223353751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14786242755229223}, "run_5814": {"edge_length": 600, "pf": 0.5273583333333334, "in_bounds_one_im": 1, "error_one_im": 0.09132346637562616, "one_im_sa_cls": 29.53061224489796, "model_in_bounds": 1, "pred_cls": 39.41459830681147, "error_w_gmm": 0.1267465007278595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12188970934061132}, "run_5815": {"edge_length": 600, "pf": 0.5394083333333334, "in_bounds_one_im": 1, "error_one_im": 0.08069957890268309, "one_im_sa_cls": 26.73469387755102, "model_in_bounds": 1, "pred_cls": 40.53632377269645, "error_w_gmm": 0.12723580726008543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12236026616584111}, "run_5816": {"edge_length": 600, "pf": 0.5068027777777778, "in_bounds_one_im": 1, "error_one_im": 0.11153660630464995, "one_im_sa_cls": 34.61224489795919, "model_in_bounds": 1, "pred_cls": 47.07377420106368, "error_w_gmm": 0.15773774019514566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15169339740363405}, "run_5817": {"edge_length": 600, "pf": 0.4849888888888889, "in_bounds_one_im": 1, "error_one_im": 0.07721638697849158, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 30.769220294696257, "error_w_gmm": 0.10770222447432505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10357518954073347}, "run_5818": {"edge_length": 600, "pf": 0.5622722222222222, "in_bounds_one_im": 0, "error_one_im": 0.0957599477654129, "one_im_sa_cls": 33.224489795918366, "model_in_bounds": 1, "pred_cls": 53.86702755995113, "error_w_gmm": 0.16144237128462952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1552560709616277}, "run_5819": {"edge_length": 600, "pf": 0.5313361111111111, "in_bounds_one_im": 1, "error_one_im": 0.0942913409477897, "one_im_sa_cls": 30.73469387755102, "model_in_bounds": 1, "pred_cls": 41.55544744794465, "error_w_gmm": 0.13256834046705415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1274884623599291}, "run_5820": {"edge_length": 600, "pf": 0.5069138888888889, "in_bounds_one_im": 1, "error_one_im": 0.09993983731929987, "one_im_sa_cls": 31.020408163265305, "model_in_bounds": 1, "pred_cls": 55.52298158580338, "error_w_gmm": 0.18600852396498818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.178880874744221}, "run_5821": {"edge_length": 600, "pf": 0.5452444444444444, "in_bounds_one_im": 1, "error_one_im": 0.09284616850768451, "one_im_sa_cls": 31.122448979591837, "model_in_bounds": 1, "pred_cls": 47.430727217454574, "error_w_gmm": 0.1471359991237089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14149790379804356}, "run_5822": {"edge_length": 600, "pf": 0.5727055555555556, "in_bounds_one_im": 0, "error_one_im": 0.08683604344890682, "one_im_sa_cls": 30.775510204081634, "model_in_bounds": 1, "pred_cls": 78.89022999740754, "error_w_gmm": 0.23146584966678518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2225963239706284}, "run_5823": {"edge_length": 600, "pf": 0.5034888888888889, "in_bounds_one_im": 1, "error_one_im": 0.07983946329730288, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 37.82977578999837, "error_w_gmm": 0.12760540931784023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12271570546501476}, "run_5824": {"edge_length": 600, "pf": 0.46807777777777776, "in_bounds_one_im": 1, "error_one_im": 0.10503650201074426, "one_im_sa_cls": 30.163265306122447, "model_in_bounds": 1, "pred_cls": 43.98700122138677, "error_w_gmm": 0.15927777784185734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1531744224422214}, "run_5825": {"edge_length": 600, "pf": 0.43500555555555553, "in_bounds_one_im": 0, "error_one_im": 0.10773372554114037, "one_im_sa_cls": 28.93877551020408, "model_in_bounds": 1, "pred_cls": 45.52172855500875, "error_w_gmm": 0.1762216279419684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1694690021896168}, "run_5826": {"edge_length": 600, "pf": 0.49946111111111113, "in_bounds_one_im": 1, "error_one_im": 0.10090684438702154, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 40.65855010811333, "error_w_gmm": 0.13825655713133658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13295871259874614}, "run_5827": {"edge_length": 600, "pf": 0.5159222222222222, "in_bounds_one_im": 1, "error_one_im": 0.08336667083300656, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 30.194994987568116, "error_w_gmm": 0.09934961646752768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09554264460783177}, "run_5828": {"edge_length": 600, "pf": 0.5121361111111111, "in_bounds_one_im": 1, "error_one_im": 0.08894589555150363, "one_im_sa_cls": 27.897959183673468, "model_in_bounds": 1, "pred_cls": 42.00154661637238, "error_w_gmm": 0.139247593010578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1339117730349173}, "run_5829": {"edge_length": 600, "pf": 0.4789388888888889, "in_bounds_one_im": 1, "error_one_im": 0.07690598997963373, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 60.32339788180215, "error_w_gmm": 0.213725259484068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20553553437498318}, "run_5830": {"edge_length": 600, "pf": 0.5456916666666667, "in_bounds_one_im": 1, "error_one_im": 0.09057266552559859, "one_im_sa_cls": 30.387755102040817, "model_in_bounds": 1, "pred_cls": 39.24257446299565, "error_w_gmm": 0.12162558969608173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11696502618456332}, "run_5831": {"edge_length": 600, "pf": 0.5080277777777777, "in_bounds_one_im": 1, "error_one_im": 0.10332558678250846, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 45.56221149074878, "error_w_gmm": 0.15229902897996947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14646309182992254}, "run_5832": {"edge_length": 600, "pf": 0.5151722222222223, "in_bounds_one_im": 1, "error_one_im": 0.08594948320246733, "one_im_sa_cls": 27.122448979591837, "model_in_bounds": 1, "pred_cls": 47.32847003999031, "error_w_gmm": 0.15595732261155776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14998120353222766}, "run_5833": {"edge_length": 600, "pf": 0.5548916666666667, "in_bounds_one_im": 0, "error_one_im": 0.09248705264144191, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 89.03055652302136, "error_w_gmm": 0.2708529852584349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.26047418632939695}, "run_5834": {"edge_length": 600, "pf": 0.5431694444444445, "in_bounds_one_im": 1, "error_one_im": 0.08669357214901922, "one_im_sa_cls": 28.93877551020408, "model_in_bounds": 1, "pred_cls": 40.19742846097973, "error_w_gmm": 0.12522007363555357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12042177331443032}, "run_5835": {"edge_length": 600, "pf": 0.547275, "in_bounds_one_im": 0, "error_one_im": 0.08076429739865745, "one_im_sa_cls": 27.183673469387756, "model_in_bounds": 1, "pred_cls": 33.467110777689, "error_w_gmm": 0.10339473687182095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09943276029146494}, "run_5836": {"edge_length": 600, "pf": 0.49966944444444444, "in_bounds_one_im": 1, "error_one_im": 0.09406043658586812, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 47.207705200921836, "error_w_gmm": 0.16045962900039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15431098631870038}, "run_5837": {"edge_length": 600, "pf": 0.4665361111111111, "in_bounds_one_im": 1, "error_one_im": 0.08476030212543872, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 34.843785008273, "error_w_gmm": 0.12656131641447446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12171162109357238}, "run_5838": {"edge_length": 600, "pf": 0.49850833333333333, "in_bounds_one_im": 1, "error_one_im": 0.0949477667087884, "one_im_sa_cls": 28.979591836734695, "model_in_bounds": 1, "pred_cls": 37.973228055923876, "error_w_gmm": 0.12937159835124873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12441421600918343}, "run_5839": {"edge_length": 600, "pf": 0.4700416666666667, "in_bounds_one_im": 1, "error_one_im": 0.1182850600117446, "one_im_sa_cls": 34.10204081632653, "model_in_bounds": 1, "pred_cls": 38.74077990806262, "error_w_gmm": 0.13972908678732088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1343748164811621}, "run_5840": {"edge_length": 600, "pf": 0.510175, "in_bounds_one_im": 1, "error_one_im": 0.11980114778536213, "one_im_sa_cls": 37.42857142857143, "model_in_bounds": 1, "pred_cls": 48.846478101167335, "error_w_gmm": 0.1625773050178405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15634751523872834}, "run_5841": {"edge_length": 800, "pf": 0.5095875, "in_bounds_one_im": 1, "error_one_im": 0.07426074154032852, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 77.12912274783714, "error_w_gmm": 0.18789165950035674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18537359751047622}, "run_5842": {"edge_length": 800, "pf": 0.539840625, "in_bounds_one_im": 1, "error_one_im": 0.07542849311052793, "one_im_sa_cls": 33.3469387755102, "model_in_bounds": 1, "pred_cls": 42.04879476688699, "error_w_gmm": 0.09640346315924447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09511149577272142}, "run_5843": {"edge_length": 800, "pf": 0.502871875, "in_bounds_one_im": 1, "error_one_im": 0.07387310050826246, "one_im_sa_cls": 30.3265306122449, "model_in_bounds": 1, "pred_cls": 28.905542691525557, "error_w_gmm": 0.07136813520419018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07041168301773217}, "run_5844": {"edge_length": 800, "pf": 0.501603125, "in_bounds_one_im": 1, "error_one_im": 0.07545628817743814, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 34.71695135735368, "error_w_gmm": 0.08593436011057896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08478269618683387}, "run_5845": {"edge_length": 800, "pf": 0.5179109375, "in_bounds_one_im": 1, "error_one_im": 0.07713413002349247, "one_im_sa_cls": 32.63265306122449, "model_in_bounds": 1, "pred_cls": 94.4200602640932, "error_w_gmm": 0.22621328115046518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22318164543876887}, "run_5846": {"edge_length": 800, "pf": 0.51109375, "in_bounds_one_im": 1, "error_one_im": 0.05545460140967826, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 37.41872898332831, "error_w_gmm": 0.09088019893638728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08966225251352301}, "run_5847": {"edge_length": 800, "pf": 0.499309375, "in_bounds_one_im": 1, "error_one_im": 0.0769047401941821, "one_im_sa_cls": 31.346938775510203, "model_in_bounds": 1, "pred_cls": 25.541531523078685, "error_w_gmm": 0.06351327868745528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06266209469482426}, "run_5848": {"edge_length": 800, "pf": 0.4540078125, "in_bounds_one_im": 0, "error_one_im": 0.06354874980855882, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 42.59560522354414, "error_w_gmm": 0.11599628289203863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1144417390038501}, "run_5849": {"edge_length": 800, "pf": 0.5259203125, "in_bounds_one_im": 1, "error_one_im": 0.06546241028375252, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 32.120215513486535, "error_w_gmm": 0.07572894037146093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07471404611383177}, "run_5850": {"edge_length": 800, "pf": 0.4611578125, "in_bounds_one_im": 0, "error_one_im": 0.07015243119926566, "one_im_sa_cls": 26.489795918367346, "model_in_bounds": 1, "pred_cls": 37.692076127504656, "error_w_gmm": 0.10117513617926843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09981922040625613}, "run_5851": {"edge_length": 800, "pf": 0.51635, "in_bounds_one_im": 1, "error_one_im": 0.0697299751109053, "one_im_sa_cls": 29.408163265306122, "model_in_bounds": 1, "pred_cls": 54.542499405389535, "error_w_gmm": 0.13108296882302678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12932623815072491}, "run_5852": {"edge_length": 800, "pf": 0.4962890625, "in_bounds_one_im": 1, "error_one_im": 0.0782270257343244, "one_im_sa_cls": 31.693877551020407, "model_in_bounds": 1, "pred_cls": 41.4531906137841, "error_w_gmm": 0.10370484098878227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10231502294707202}, "run_5853": {"edge_length": 800, "pf": 0.51335, "in_bounds_one_im": 1, "error_one_im": 0.08324529852594345, "one_im_sa_cls": 34.89795918367347, "model_in_bounds": 1, "pred_cls": 92.29167097739403, "error_w_gmm": 0.223142255089619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2201517762553184}, "run_5854": {"edge_length": 800, "pf": 0.510525, "in_bounds_one_im": 1, "error_one_im": 0.07402366192619621, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 38.40006248625745, "error_w_gmm": 0.09336979592043357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09211848474070701}, "run_5855": {"edge_length": 800, "pf": 0.48849375, "in_bounds_one_im": 1, "error_one_im": 0.06482381783050613, "one_im_sa_cls": 25.857142857142858, "model_in_bounds": 1, "pred_cls": 42.95728885314692, "error_w_gmm": 0.1091567404422781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10769385784398781}, "run_5856": {"edge_length": 800, "pf": 0.4908109375, "in_bounds_one_im": 1, "error_one_im": 0.08031120356107876, "one_im_sa_cls": 32.183673469387756, "model_in_bounds": 1, "pred_cls": 37.42995747842242, "error_w_gmm": 0.09467154807024293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0934027912379665}, "run_5857": {"edge_length": 800, "pf": 0.478684375, "in_bounds_one_im": 1, "error_one_im": 0.0671531386786746, "one_im_sa_cls": 26.26530612244898, "model_in_bounds": 1, "pred_cls": 42.68901652430485, "error_w_gmm": 0.1106266146924581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10914403332473262}, "run_5858": {"edge_length": 800, "pf": 0.5100171875, "in_bounds_one_im": 1, "error_one_im": 0.07311876783413548, "one_im_sa_cls": 30.448979591836736, "model_in_bounds": 1, "pred_cls": 38.21788671672512, "error_w_gmm": 0.09302130197980682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0917746612008205}, "run_5859": {"edge_length": 800, "pf": 0.4893859375, "in_bounds_one_im": 1, "error_one_im": 0.0844219773988602, "one_im_sa_cls": 33.734693877551024, "model_in_bounds": 1, "pred_cls": 38.22661004020488, "error_w_gmm": 0.09696257869803708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09566311822965014}, "run_5860": {"edge_length": 800, "pf": 0.499028125, "in_bounds_one_im": 1, "error_one_im": 0.06377266830235077, "one_im_sa_cls": 25.979591836734695, "model_in_bounds": 1, "pred_cls": 38.23481975662096, "error_w_gmm": 0.09513075338472016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09385584243442158}, "run_5861": {"edge_length": 800, "pf": 0.524403125, "in_bounds_one_im": 1, "error_one_im": 0.06870925122417783, "one_im_sa_cls": 29.448979591836736, "model_in_bounds": 1, "pred_cls": 38.71846067565477, "error_w_gmm": 0.09156356035001041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0903364557430864}, "run_5862": {"edge_length": 800, "pf": 0.4805421875, "in_bounds_one_im": 1, "error_one_im": 0.08348663284575196, "one_im_sa_cls": 32.775510204081634, "model_in_bounds": 1, "pred_cls": 35.84056748134647, "error_w_gmm": 0.09253413851089264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09129402653588413}, "run_5863": {"edge_length": 800, "pf": 0.486978125, "in_bounds_one_im": 1, "error_one_im": 0.07620819805797302, "one_im_sa_cls": 30.306122448979593, "model_in_bounds": 1, "pred_cls": 62.710640849648655, "error_w_gmm": 0.15983510919862723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15769305183327237}, "run_5864": {"edge_length": 800, "pf": 0.4939109375, "in_bounds_one_im": 1, "error_one_im": 0.07910613315948851, "one_im_sa_cls": 31.897959183673468, "model_in_bounds": 1, "pred_cls": 92.9964053194477, "error_w_gmm": 0.23376153134037694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23062873647162238}, "run_5865": {"edge_length": 800, "pf": 0.4933640625, "in_bounds_one_im": 1, "error_one_im": 0.08268874850977208, "one_im_sa_cls": 33.30612244897959, "model_in_bounds": 1, "pred_cls": 41.37266723692183, "error_w_gmm": 0.10411072927713574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10271547165458546}, "run_5866": {"edge_length": 800, "pf": 0.5194703125, "in_bounds_one_im": 1, "error_one_im": 0.07376785054452478, "one_im_sa_cls": 31.306122448979593, "model_in_bounds": 1, "pred_cls": 46.173244211897, "error_w_gmm": 0.11027774156370188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10879983567847068}, "run_5867": {"edge_length": 800, "pf": 0.4968640625, "in_bounds_one_im": 1, "error_one_im": 0.07753334823414147, "one_im_sa_cls": 31.448979591836736, "model_in_bounds": 1, "pred_cls": 40.782832768820235, "error_w_gmm": 0.10191051420537507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10054474313883523}, "run_5868": {"edge_length": 800, "pf": 0.5434234375, "in_bounds_one_im": 0, "error_one_im": 0.05985395121102846, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 0, "pred_cls": 32.956504096633275, "error_w_gmm": 0.07501471946192274, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07400939695712973}, "run_5869": {"edge_length": 800, "pf": 0.4914, "in_bounds_one_im": 1, "error_one_im": 0.09944418379829331, "one_im_sa_cls": 39.89795918367347, "model_in_bounds": 1, "pred_cls": 47.38247375287221, "error_w_gmm": 0.11970328270252863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11809905882671264}, "run_5870": {"edge_length": 800, "pf": 0.5210296875, "in_bounds_one_im": 1, "error_one_im": 0.05953970561745346, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 38.49849411845595, "error_w_gmm": 0.09166098785035594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09043257755223705}, "run_5871": {"edge_length": 800, "pf": 0.452659375, "in_bounds_one_im": 0, "error_one_im": 0.09918400464980975, "one_im_sa_cls": 36.816326530612244, "model_in_bounds": 1, "pred_cls": 44.39622905119683, "error_w_gmm": 0.12122910348863479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11960443106637939}, "run_5872": {"edge_length": 800, "pf": 0.488571875, "in_bounds_one_im": 1, "error_one_im": 0.07402162713005356, "one_im_sa_cls": 29.53061224489796, "model_in_bounds": 1, "pred_cls": 72.19789351283505, "error_w_gmm": 0.1834299834263086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1809717153461901}, "run_5873": {"edge_length": 800, "pf": 0.4744515625, "in_bounds_one_im": 1, "error_one_im": 0.07040906407732099, "one_im_sa_cls": 27.306122448979593, "model_in_bounds": 1, "pred_cls": 32.21675667088586, "error_w_gmm": 0.08419959041599842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08307117530298144}, "run_5874": {"edge_length": 800, "pf": 0.4833640625, "in_bounds_one_im": 1, "error_one_im": 0.07123056167248756, "one_im_sa_cls": 28.122448979591837, "model_in_bounds": 1, "pred_cls": 30.358061724566653, "error_w_gmm": 0.07793757610912143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07689308244449747}, "run_5875": {"edge_length": 800, "pf": 0.551740625, "in_bounds_one_im": 0, "error_one_im": 0.07327904058429062, "one_im_sa_cls": 33.183673469387756, "model_in_bounds": 1, "pred_cls": 61.88959860264274, "error_w_gmm": 0.13852641765295767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13666993233682484}, "run_5876": {"edge_length": 800, "pf": 0.495, "in_bounds_one_im": 1, "error_one_im": 0.09024635418503323, "one_im_sa_cls": 36.46938775510204, "model_in_bounds": 1, "pred_cls": 45.99842090766397, "error_w_gmm": 0.11537288175890607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11382669248689353}, "run_5877": {"edge_length": 800, "pf": 0.5069203125, "in_bounds_one_im": 1, "error_one_im": 0.07638395664582487, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 41.71653458269337, "error_w_gmm": 0.10216794572692872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10079872464812568}, "run_5878": {"edge_length": 800, "pf": 0.4935515625, "in_bounds_one_im": 1, "error_one_im": 0.07141385688456955, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 36.21957620130729, "error_w_gmm": 0.09110924433404678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08988822832038022}, "run_5879": {"edge_length": 800, "pf": 0.512140625, "in_bounds_one_im": 1, "error_one_im": 0.07539511738724054, "one_im_sa_cls": 31.53061224489796, "model_in_bounds": 1, "pred_cls": 61.684258499556265, "error_w_gmm": 0.14950123848467645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14749767224299531}, "run_5880": {"edge_length": 800, "pf": 0.50135, "in_bounds_one_im": 1, "error_one_im": 0.08751178590775148, "one_im_sa_cls": 35.816326530612244, "model_in_bounds": 1, "pred_cls": 86.66364425881835, "error_w_gmm": 0.21462587436257086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21174952925116763}, "run_5881": {"edge_length": 1000, "pf": 0.508101, "in_bounds_one_im": 1, "error_one_im": 0.06914912953700547, "one_im_sa_cls": 35.857142857142854, "model_in_bounds": 1, "pred_cls": 40.691067178148636, "error_w_gmm": 0.08007409162213631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07847116783707389}, "run_5882": {"edge_length": 1000, "pf": 0.515336, "in_bounds_one_im": 1, "error_one_im": 0.06055221776689699, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 43.72244604121477, "error_w_gmm": 0.08480268171533455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08310510097723445}, "run_5883": {"edge_length": 1000, "pf": 0.511203, "in_bounds_one_im": 1, "error_one_im": 0.06465355854484786, "one_im_sa_cls": 33.734693877551024, "model_in_bounds": 1, "pred_cls": 37.77916766146753, "error_w_gmm": 0.07388392351998367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07240491456783993}, "run_5884": {"edge_length": 1000, "pf": 0.527727, "in_bounds_one_im": 1, "error_one_im": 0.05490492782196597, "one_im_sa_cls": 29.612244897959183, "model_in_bounds": 1, "pred_cls": 34.39877543983136, "error_w_gmm": 0.06508259779249909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06377977384680211}, "run_5885": {"edge_length": 1000, "pf": 0.468512, "in_bounds_one_im": 0, "error_one_im": 0.06283916470909728, "one_im_sa_cls": 30.10204081632653, "model_in_bounds": 1, "pred_cls": 38.34286560581848, "error_w_gmm": 0.08167721769305239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08004220251791026}, "run_5886": {"edge_length": 1000, "pf": 0.5039, "in_bounds_one_im": 1, "error_one_im": 0.05516698451111904, "one_im_sa_cls": 28.367346938775512, "model_in_bounds": 1, "pred_cls": 21.147265384845518, "error_w_gmm": 0.041965910052088884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041125836140270884}, "run_5887": {"edge_length": 1000, "pf": 0.473481, "in_bounds_one_im": 1, "error_one_im": 0.07179055528823856, "one_im_sa_cls": 34.734693877551024, "model_in_bounds": 1, "pred_cls": 47.06143343721298, "error_w_gmm": 0.09925465693918747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09726777644934304}, "run_5888": {"edge_length": 1000, "pf": 0.507234, "in_bounds_one_im": 1, "error_one_im": 0.06733735700548207, "one_im_sa_cls": 34.857142857142854, "model_in_bounds": 1, "pred_cls": 37.11607727001494, "error_w_gmm": 0.07316582177445063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07170118778859992}, "run_5889": {"edge_length": 1000, "pf": 0.515071, "in_bounds_one_im": 1, "error_one_im": 0.06120532853577398, "one_im_sa_cls": 32.183673469387756, "model_in_bounds": 1, "pred_cls": 39.33267930053188, "error_w_gmm": 0.07632890918118965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07480095648718021}, "run_5890": {"edge_length": 1000, "pf": 0.483377, "in_bounds_one_im": 1, "error_one_im": 0.05917462606904939, "one_im_sa_cls": 29.20408163265306, "model_in_bounds": 1, "pred_cls": 32.98751344053046, "error_w_gmm": 0.06820613704909649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0668407860704161}, "run_5891": {"edge_length": 1000, "pf": 0.464978, "in_bounds_one_im": 0, "error_one_im": 0.070194797903266, "one_im_sa_cls": 33.38775510204081, "model_in_bounds": 1, "pred_cls": 40.56403228927587, "error_w_gmm": 0.08702433896695562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08528228507681941}, "run_5892": {"edge_length": 1000, "pf": 0.490189, "in_bounds_one_im": 1, "error_one_im": 0.06098401645076474, "one_im_sa_cls": 30.510204081632654, "model_in_bounds": 1, "pred_cls": 38.79924971167473, "error_w_gmm": 0.07913637330307906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07755222077057589}, "run_5893": {"edge_length": 1000, "pf": 0.504993, "in_bounds_one_im": 1, "error_one_im": 0.06958037477534172, "one_im_sa_cls": 35.857142857142854, "model_in_bounds": 1, "pred_cls": 41.74286292010318, "error_w_gmm": 0.08265615872888857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08100154710452376}, "run_5894": {"edge_length": 1000, "pf": 0.469153, "in_bounds_one_im": 1, "error_one_im": 0.0694383832011692, "one_im_sa_cls": 33.30612244897959, "model_in_bounds": 1, "pred_cls": 35.3230662756319, "error_w_gmm": 0.07514772313301621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07364341543044951}, "run_5895": {"edge_length": 1000, "pf": 0.499435, "in_bounds_one_im": 1, "error_one_im": 0.0563025525554103, "one_im_sa_cls": 28.693877551020407, "model_in_bounds": 1, "pred_cls": 34.99625187892541, "error_w_gmm": 0.07007164002435012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06866894539269072}, "run_5896": {"edge_length": 1000, "pf": 0.518342, "in_bounds_one_im": 1, "error_one_im": 0.05930202661671699, "one_im_sa_cls": 31.387755102040817, "model_in_bounds": 1, "pred_cls": 37.77020585976557, "error_w_gmm": 0.07281830012145084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07136062282673614}, "run_5897": {"edge_length": 1000, "pf": 0.506027, "in_bounds_one_im": 1, "error_one_im": 0.05991229735127987, "one_im_sa_cls": 30.93877551020408, "model_in_bounds": 1, "pred_cls": 39.77632124717796, "error_w_gmm": 0.07859942535481683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07702602145049267}, "run_5898": {"edge_length": 1000, "pf": 0.51211, "in_bounds_one_im": 1, "error_one_im": 0.04856816793126962, "one_im_sa_cls": 25.387755102040817, "model_in_bounds": 1, "pred_cls": 37.74886561754396, "error_w_gmm": 0.07369079317435553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07221565030696336}, "run_5899": {"edge_length": 1000, "pf": 0.507658, "in_bounds_one_im": 1, "error_one_im": 0.05818088617051323, "one_im_sa_cls": 30.142857142857142, "model_in_bounds": 1, "pred_cls": 41.565009245589046, "error_w_gmm": 0.0818664017955206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08022759953155274}, "run_5900": {"edge_length": 1000, "pf": 0.489234, "in_bounds_one_im": 1, "error_one_im": 0.0624493668485668, "one_im_sa_cls": 31.183673469387756, "model_in_bounds": 1, "pred_cls": 38.04386202817498, "error_w_gmm": 0.07774406914580761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07618778776868732}, "run_5901": {"edge_length": 1000, "pf": 0.491639, "in_bounds_one_im": 1, "error_one_im": 0.05751278121358449, "one_im_sa_cls": 28.857142857142858, "model_in_bounds": 1, "pred_cls": 42.43142607989427, "error_w_gmm": 0.08629399460851651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08456656075739305}, "run_5902": {"edge_length": 1000, "pf": 0.489643, "in_bounds_one_im": 1, "error_one_im": 0.06648193852459539, "one_im_sa_cls": 33.224489795918366, "model_in_bounds": 1, "pred_cls": 36.09773904501947, "error_w_gmm": 0.07370674958974989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07223128730671112}, "run_5903": {"edge_length": 1000, "pf": 0.489673, "in_bounds_one_im": 1, "error_one_im": 0.06067950292311732, "one_im_sa_cls": 30.3265306122449, "model_in_bounds": 1, "pred_cls": 34.119462293078875, "error_w_gmm": 0.06966319165044407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06826867334149089}, "run_5904": {"edge_length": 1000, "pf": 0.482814, "in_bounds_one_im": 1, "error_one_im": 0.0632570330027621, "one_im_sa_cls": 31.183673469387756, "model_in_bounds": 1, "pred_cls": 38.6864124063982, "error_w_gmm": 0.08007960192486734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07847656783452212}, "run_5905": {"edge_length": 1000, "pf": 0.504374, "in_bounds_one_im": 1, "error_one_im": 0.06296557940112596, "one_im_sa_cls": 32.40816326530612, "model_in_bounds": 1, "pred_cls": 37.63480956560364, "error_w_gmm": 0.07461401556985879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07312039162941704}, "run_5906": {"edge_length": 1000, "pf": 0.515456, "in_bounds_one_im": 1, "error_one_im": 0.05887007552965003, "one_im_sa_cls": 30.979591836734695, "model_in_bounds": 1, "pred_cls": 41.920085389423896, "error_w_gmm": 0.08128734983634096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07966013903896799}, "run_5907": {"edge_length": 1000, "pf": 0.520641, "in_bounds_one_im": 1, "error_one_im": 0.056534820547946806, "one_im_sa_cls": 30.06122448979592, "model_in_bounds": 1, "pred_cls": 45.05789778251142, "error_w_gmm": 0.08646934739427878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08473840332973431}, "run_5908": {"edge_length": 1000, "pf": 0.54198, "in_bounds_one_im": 0, "error_one_im": 0.059127381490725585, "one_im_sa_cls": 32.816326530612244, "model_in_bounds": 0, "pred_cls": 39.379348948988586, "error_w_gmm": 0.07240175913573381, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07095242016169113}, "run_5909": {"edge_length": 1000, "pf": 0.530233, "in_bounds_one_im": 1, "error_one_im": 0.06712916268604746, "one_im_sa_cls": 36.38775510204081, "model_in_bounds": 1, "pred_cls": 43.58293298254174, "error_w_gmm": 0.08204541670418207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08040303091838884}, "run_5910": {"edge_length": 1000, "pf": 0.485637, "in_bounds_one_im": 1, "error_one_im": 0.06499996421138002, "one_im_sa_cls": 32.224489795918366, "model_in_bounds": 1, "pred_cls": 45.158675259759384, "error_w_gmm": 0.09295016509691893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09108948797350658}, "run_5911": {"edge_length": 1000, "pf": 0.515023, "in_bounds_one_im": 1, "error_one_im": 0.05919283134460501, "one_im_sa_cls": 31.122448979591837, "model_in_bounds": 1, "pred_cls": 40.32659024929591, "error_w_gmm": 0.0782652104474956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07669849685976966}, "run_5912": {"edge_length": 1000, "pf": 0.498737, "in_bounds_one_im": 1, "error_one_im": 0.0649626983303427, "one_im_sa_cls": 33.06122448979592, "model_in_bounds": 1, "pred_cls": 41.855786462441685, "error_w_gmm": 0.08392329610219947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08224331891210074}, "run_5913": {"edge_length": 1000, "pf": 0.486831, "in_bounds_one_im": 1, "error_one_im": 0.06533761608530426, "one_im_sa_cls": 32.46938775510204, "model_in_bounds": 1, "pred_cls": 36.72653119238957, "error_w_gmm": 0.075413830598918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.073904195955042}, "run_5914": {"edge_length": 1000, "pf": 0.531306, "in_bounds_one_im": 0, "error_one_im": 0.05015400437013149, "one_im_sa_cls": 27.244897959183675, "model_in_bounds": 1, "pred_cls": 37.58161487158931, "error_w_gmm": 0.0705956221739062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06918243846352669}, "run_5915": {"edge_length": 1000, "pf": 0.47763, "in_bounds_one_im": 1, "error_one_im": 0.06429381460296413, "one_im_sa_cls": 31.367346938775512, "model_in_bounds": 1, "pred_cls": 41.87134771973223, "error_w_gmm": 0.08757703759828245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0858239197826719}, "run_5916": {"edge_length": 1000, "pf": 0.499352, "in_bounds_one_im": 1, "error_one_im": 0.06504304758147351, "one_im_sa_cls": 33.142857142857146, "model_in_bounds": 1, "pred_cls": 42.15101706681365, "error_w_gmm": 0.08441136045923003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08272161319305966}, "run_5917": {"edge_length": 1000, "pf": 0.508755, "in_bounds_one_im": 1, "error_one_im": 0.06760443447796988, "one_im_sa_cls": 35.10204081632653, "model_in_bounds": 1, "pred_cls": 43.110461754660584, "error_w_gmm": 0.08472418435607106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08302817497871562}, "run_5918": {"edge_length": 1000, "pf": 0.495284, "in_bounds_one_im": 1, "error_one_im": 0.05281486110643713, "one_im_sa_cls": 26.693877551020407, "model_in_bounds": 1, "pred_cls": 33.796992726426986, "error_w_gmm": 0.06823456715422303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06686864706147848}, "run_5919": {"edge_length": 1000, "pf": 0.496234, "in_bounds_one_im": 1, "error_one_im": 0.06379756363273272, "one_im_sa_cls": 32.30612244897959, "model_in_bounds": 1, "pred_cls": 43.07019865017892, "error_w_gmm": 0.08679166869786135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0850542724029704}, "run_5920": {"edge_length": 1000, "pf": 0.507973, "in_bounds_one_im": 1, "error_one_im": 0.05696324154308545, "one_im_sa_cls": 29.53061224489796, "model_in_bounds": 1, "pred_cls": 36.17112875674224, "error_w_gmm": 0.07119774035038887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0697725034336982}, "run_5921": {"edge_length": 1200, "pf": 0.4902458333333333, "in_bounds_one_im": 1, "error_one_im": 0.05397525460252468, "one_im_sa_cls": 32.40816326530612, "model_in_bounds": 1, "pred_cls": 41.76438394724782, "error_w_gmm": 0.07097873677204955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06955788387068293}, "run_5922": {"edge_length": 1200, "pf": 0.5038395833333333, "in_bounds_one_im": 1, "error_one_im": 0.04974890383160748, "one_im_sa_cls": 30.693877551020407, "model_in_bounds": 1, "pred_cls": 39.11489927834261, "error_w_gmm": 0.06469278989483922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06339776912665072}, "run_5923": {"edge_length": 1200, "pf": 0.4947111111111111, "in_bounds_one_im": 1, "error_one_im": 0.046724134764997496, "one_im_sa_cls": 28.306122448979593, "model_in_bounds": 1, "pred_cls": 38.0141403583562, "error_w_gmm": 0.06403065808807858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06274889187951614}, "run_5924": {"edge_length": 1200, "pf": 0.481775, "in_bounds_one_im": 1, "error_one_im": 0.06177778992206761, "one_im_sa_cls": 36.46938775510204, "model_in_bounds": 1, "pred_cls": 43.32862588442803, "error_w_gmm": 0.07489636077933703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07339708485030932}, "run_5925": {"edge_length": 1200, "pf": 0.4932173611111111, "in_bounds_one_im": 1, "error_one_im": 0.04797895625766008, "one_im_sa_cls": 28.979591836734695, "model_in_bounds": 1, "pred_cls": 39.874619803596055, "error_w_gmm": 0.06736541529713003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06601689389297923}, "run_5926": {"edge_length": 1200, "pf": 0.5350055555555555, "in_bounds_one_im": 0, "error_one_im": 0.056122013913015495, "one_im_sa_cls": 36.857142857142854, "model_in_bounds": 0, "pred_cls": 39.947820414709206, "error_w_gmm": 0.06207069020660346, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06082815865024296}, "run_5927": {"edge_length": 1200, "pf": 0.48397083333333335, "in_bounds_one_im": 1, "error_one_im": 0.046706587999982646, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 36.55523699037819, "error_w_gmm": 0.0629108978356471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0616515469964736}, "run_5928": {"edge_length": 1200, "pf": 0.5130534722222222, "in_bounds_one_im": 1, "error_one_im": 0.0517628765881941, "one_im_sa_cls": 32.53061224489796, "model_in_bounds": 1, "pred_cls": 38.4903003577045, "error_w_gmm": 0.06249702880090709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061245962795270184}, "run_5929": {"edge_length": 1200, "pf": 0.49814305555555555, "in_bounds_one_im": 1, "error_one_im": 0.061627325361624886, "one_im_sa_cls": 37.59183673469388, "model_in_bounds": 1, "pred_cls": 44.59559954230548, "error_w_gmm": 0.07460255223708019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07310915776972264}, "run_5930": {"edge_length": 1200, "pf": 0.5106430555555556, "in_bounds_one_im": 1, "error_one_im": 0.04992480285313945, "one_im_sa_cls": 31.224489795918366, "model_in_bounds": 1, "pred_cls": 37.21989587336693, "error_w_gmm": 0.060726474153808586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0595108511247836}, "run_5931": {"edge_length": 1200, "pf": 0.49963680555555556, "in_bounds_one_im": 1, "error_one_im": 0.046899860654180676, "one_im_sa_cls": 28.693877551020407, "model_in_bounds": 1, "pred_cls": 37.81594098747544, "error_w_gmm": 0.06307236675116576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061809783625993285}, "run_5932": {"edge_length": 1200, "pf": 0.4847194444444444, "in_bounds_one_im": 1, "error_one_im": 0.051070043843780055, "one_im_sa_cls": 30.3265306122449, "model_in_bounds": 1, "pred_cls": 38.12518885850457, "error_w_gmm": 0.06551449679701925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06420302709371127}, "run_5933": {"edge_length": 1200, "pf": 0.5264111111111112, "in_bounds_one_im": 1, "error_one_im": 0.05969129259288382, "one_im_sa_cls": 38.53061224489796, "model_in_bounds": 1, "pred_cls": 39.94399873465784, "error_w_gmm": 0.06314493455617481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06188089876812068}, "run_5934": {"edge_length": 1200, "pf": 0.5174381944444445, "in_bounds_one_im": 1, "error_one_im": 0.04873532550933102, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 35.55985315789006, "error_w_gmm": 0.057234242535232814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056088527025743365}, "run_5935": {"edge_length": 1200, "pf": 0.5067166666666667, "in_bounds_one_im": 1, "error_one_im": 0.041997872301463, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 37.78886333605494, "error_w_gmm": 0.06214099529331412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06089705636918445}, "run_5936": {"edge_length": 1200, "pf": 0.49596388888888887, "in_bounds_one_im": 1, "error_one_im": 0.049833078111048944, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 37.762820654718304, "error_w_gmm": 0.06344815142356265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06217804583791327}, "run_5937": {"edge_length": 1200, "pf": 0.5031569444444445, "in_bounds_one_im": 1, "error_one_im": 0.05034684138265248, "one_im_sa_cls": 31.020408163265305, "model_in_bounds": 1, "pred_cls": 43.41355426415681, "error_w_gmm": 0.07190050968856304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07046120472982847}, "run_5938": {"edge_length": 1200, "pf": 0.5362638888888889, "in_bounds_one_im": 0, "error_one_im": 0.045162346442465265, "one_im_sa_cls": 29.73469387755102, "model_in_bounds": 0, "pred_cls": 38.38805636759487, "error_w_gmm": 0.05949645019075386, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.058305449790929297}, "run_5939": {"edge_length": 1200, "pf": 0.47374791666666666, "in_bounds_one_im": 0, "error_one_im": 0.054629146556251174, "one_im_sa_cls": 31.73469387755102, "model_in_bounds": 1, "pred_cls": 36.714093050807264, "error_w_gmm": 0.06449184646607309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06320084818499501}, "run_5940": {"edge_length": 1200, "pf": 0.47552083333333334, "in_bounds_one_im": 1, "error_one_im": 0.06892802385607802, "one_im_sa_cls": 40.183673469387756, "model_in_bounds": 1, "pred_cls": 44.88649018877902, "error_w_gmm": 0.07856764650614771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07699487875106187}, "run_5941": {"edge_length": 1200, "pf": 0.4831493055555556, "in_bounds_one_im": 1, "error_one_im": 0.051127409448269934, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 41.25691931021139, "error_w_gmm": 0.07111929085750945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06969562434337369}, "run_5942": {"edge_length": 1200, "pf": 0.5075166666666666, "in_bounds_one_im": 1, "error_one_im": 0.047972416461705504, "one_im_sa_cls": 29.816326530612244, "model_in_bounds": 1, "pred_cls": 40.274146241662415, "error_w_gmm": 0.06612195820104541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06479832833065599}, "run_5943": {"edge_length": 1200, "pf": 0.49923541666666665, "in_bounds_one_im": 1, "error_one_im": 0.04780550299615318, "one_im_sa_cls": 29.224489795918366, "model_in_bounds": 1, "pred_cls": 38.626776343151796, "error_w_gmm": 0.06447648058764996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06318578990084486}, "run_5944": {"edge_length": 1200, "pf": 0.47004375, "in_bounds_one_im": 0, "error_one_im": 0.0565585683667418, "one_im_sa_cls": 32.61224489795919, "model_in_bounds": 1, "pred_cls": 37.67323551042564, "error_w_gmm": 0.06667031977027965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06533571279375837}, "run_5945": {"edge_length": 1200, "pf": 0.5000652777777778, "in_bounds_one_im": 1, "error_one_im": 0.04672637381140281, "one_im_sa_cls": 28.612244897959183, "model_in_bounds": 1, "pred_cls": 36.83891982711958, "error_w_gmm": 0.0613901843589827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06016127517394016}, "run_5946": {"edge_length": 1200, "pf": 0.4844048611111111, "in_bounds_one_im": 1, "error_one_im": 0.05178999838720497, "one_im_sa_cls": 30.73469387755102, "model_in_bounds": 1, "pred_cls": 38.42644734471824, "error_w_gmm": 0.0660737787297211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06475111331636108}, "run_5947": {"edge_length": 1200, "pf": 0.5108840277777777, "in_bounds_one_im": 1, "error_one_im": 0.05397759407706444, "one_im_sa_cls": 33.775510204081634, "model_in_bounds": 1, "pred_cls": 37.55620465420956, "error_w_gmm": 0.06124564413118242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060019628353537156}, "run_5948": {"edge_length": 1200, "pf": 0.5090909722222222, "in_bounds_one_im": 1, "error_one_im": 0.053877000273524926, "one_im_sa_cls": 33.59183673469388, "model_in_bounds": 1, "pred_cls": 41.050079673799644, "error_w_gmm": 0.06718395486764134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06583906593977072}, "run_5949": {"edge_length": 1200, "pf": 0.5088361111111112, "in_bounds_one_im": 1, "error_one_im": 0.044112595638392024, "one_im_sa_cls": 27.489795918367346, "model_in_bounds": 1, "pred_cls": 35.16394305517447, "error_w_gmm": 0.05757985540951537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05642722141883696}, "run_5950": {"edge_length": 1200, "pf": 0.5190368055555555, "in_bounds_one_im": 1, "error_one_im": 0.0512106745002461, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 42.375563032157004, "error_w_gmm": 0.06798624817317823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0666252989317157}, "run_5951": {"edge_length": 1200, "pf": 0.4628597222222222, "in_bounds_one_im": 0, "error_one_im": 0.05472362982447322, "one_im_sa_cls": 31.10204081632653, "model_in_bounds": 0, "pred_cls": 40.07998240650965, "error_w_gmm": 0.07196070945323106, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07052019941514202}, "run_5952": {"edge_length": 1200, "pf": 0.5318909722222223, "in_bounds_one_im": 0, "error_one_im": 0.04831271540303944, "one_im_sa_cls": 31.53061224489796, "model_in_bounds": 1, "pred_cls": 39.30796768633533, "error_w_gmm": 0.06145985606749102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060229552193648984}, "run_5953": {"edge_length": 1200, "pf": 0.50175625, "in_bounds_one_im": 1, "error_one_im": 0.04547249118495192, "one_im_sa_cls": 27.93877551020408, "model_in_bounds": 1, "pred_cls": 38.238634298033055, "error_w_gmm": 0.06350759359373993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06223629809426845}, "run_5954": {"edge_length": 1200, "pf": 0.5010555555555556, "in_bounds_one_im": 1, "error_one_im": 0.0534859807991545, "one_im_sa_cls": 32.816326530612244, "model_in_bounds": 1, "pred_cls": 43.1771042991684, "error_w_gmm": 0.07181008107896977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07037258632084092}, "run_5955": {"edge_length": 1200, "pf": 0.4639097222222222, "in_bounds_one_im": 0, "error_one_im": 0.05141915016397247, "one_im_sa_cls": 29.285714285714285, "model_in_bounds": 0, "pred_cls": 38.02919850406701, "error_w_gmm": 0.06813466901130347, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06677074868035597}, "run_5956": {"edge_length": 1200, "pf": 0.49395694444444443, "in_bounds_one_im": 1, "error_one_im": 0.045377674573758, "one_im_sa_cls": 27.448979591836736, "model_in_bounds": 1, "pred_cls": 34.87526324153381, "error_w_gmm": 0.05883224633694447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057654541974999855}, "run_5957": {"edge_length": 1200, "pf": 0.5075284722222222, "in_bounds_one_im": 1, "error_one_im": 0.06478257523454688, "one_im_sa_cls": 40.265306122448976, "model_in_bounds": 1, "pred_cls": 41.9481690076277, "error_w_gmm": 0.06886873670799003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0674901218042161}, "run_5958": {"edge_length": 1200, "pf": 0.49707222222222225, "in_bounds_one_im": 1, "error_one_im": 0.061021828564786086, "one_im_sa_cls": 37.142857142857146, "model_in_bounds": 1, "pred_cls": 40.99949708870198, "error_w_gmm": 0.06873379823563952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06735788453124819}, "run_5959": {"edge_length": 1200, "pf": 0.5172180555555556, "in_bounds_one_im": 1, "error_one_im": 0.04901444490169865, "one_im_sa_cls": 31.06122448979592, "model_in_bounds": 1, "pred_cls": 39.89196787469956, "error_w_gmm": 0.06423517052735708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06294931038720429}, "run_5960": {"edge_length": 1200, "pf": 0.4895361111111111, "in_bounds_one_im": 1, "error_one_im": 0.049661084845346766, "one_im_sa_cls": 29.775510204081634, "model_in_bounds": 1, "pred_cls": 37.44758430321811, "error_w_gmm": 0.06373275648253961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06245695367061969}, "run_5961": {"edge_length": 1400, "pf": 0.4800484693877551, "in_bounds_one_im": 1, "error_one_im": 0.05271953812603033, "one_im_sa_cls": 36.183673469387756, "model_in_bounds": 1, "pred_cls": 43.235751760647794, "error_w_gmm": 0.06299555930905931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06299440175087404}, "run_5962": {"edge_length": 1400, "pf": 0.5204204081632653, "in_bounds_one_im": 1, "error_one_im": 0.04476074611031791, "one_im_sa_cls": 33.30612244897959, "model_in_bounds": 1, "pred_cls": 40.96253688408744, "error_w_gmm": 0.055051362048396946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05505035046670059}, "run_5963": {"edge_length": 1400, "pf": 0.4977811224489796, "in_bounds_one_im": 1, "error_one_im": 0.03900055050303723, "one_im_sa_cls": 27.73469387755102, "model_in_bounds": 1, "pred_cls": 36.08325668632648, "error_w_gmm": 0.050741239122976296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050740306740800184}, "run_5964": {"edge_length": 1400, "pf": 0.5041852040816327, "in_bounds_one_im": 1, "error_one_im": 0.049780634733689225, "one_im_sa_cls": 35.857142857142854, "model_in_bounds": 1, "pred_cls": 41.11640087512257, "error_w_gmm": 0.0570831355084364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05708208659242597}, "run_5965": {"edge_length": 1400, "pf": 0.49306785714285717, "in_bounds_one_im": 1, "error_one_im": 0.04484525525071905, "one_im_sa_cls": 31.591836734693878, "model_in_bounds": 1, "pred_cls": 40.98837280185017, "error_w_gmm": 0.05818489861201841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058183829450852355}, "run_5966": {"edge_length": 1400, "pf": 0.5111428571428571, "in_bounds_one_im": 1, "error_one_im": 0.041213151932295695, "one_im_sa_cls": 30.10204081632653, "model_in_bounds": 1, "pred_cls": 41.70688135063878, "error_w_gmm": 0.05710256103470771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05710151176174863}, "run_5967": {"edge_length": 1400, "pf": 0.4990112244897959, "in_bounds_one_im": 1, "error_one_im": 0.0467772695764306, "one_im_sa_cls": 33.3469387755102, "model_in_bounds": 1, "pred_cls": 39.28890931269036, "error_w_gmm": 0.05511335495577478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055112342234944274}, "run_5968": {"edge_length": 1400, "pf": 0.5054275510204082, "in_bounds_one_im": 1, "error_one_im": 0.04473942457979714, "one_im_sa_cls": 32.30612244897959, "model_in_bounds": 1, "pred_cls": 37.019317346391595, "error_w_gmm": 0.05126747702621587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05126653497429479}, "run_5969": {"edge_length": 1400, "pf": 0.5067377551020408, "in_bounds_one_im": 1, "error_one_im": 0.04693377847478583, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 37.99428573850105, "error_w_gmm": 0.05247997581401362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05247901148214271}, "run_5970": {"edge_length": 1400, "pf": 0.4876530612244898, "in_bounds_one_im": 1, "error_one_im": 0.051864372994030156, "one_im_sa_cls": 36.142857142857146, "model_in_bounds": 1, "pred_cls": 39.043278462923425, "error_w_gmm": 0.056027456789507865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05602642727184155}, "run_5971": {"edge_length": 1400, "pf": 0.48140867346938776, "in_bounds_one_im": 1, "error_one_im": 0.04593366113884354, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 38.089671002170896, "error_w_gmm": 0.055346597377588805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05534558037087405}, "run_5972": {"edge_length": 1400, "pf": 0.505395918367347, "in_bounds_one_im": 1, "error_one_im": 0.0399090743534845, "one_im_sa_cls": 28.816326530612244, "model_in_bounds": 1, "pred_cls": 37.929426584515525, "error_w_gmm": 0.052531196846423864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052530231573354555}, "run_5973": {"edge_length": 1400, "pf": 0.4990831632653061, "in_bounds_one_im": 1, "error_one_im": 0.04765786342033304, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 38.14882769716059, "error_w_gmm": 0.053506382220448304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05350539902811879}, "run_5974": {"edge_length": 1400, "pf": 0.5034112244897959, "in_bounds_one_im": 1, "error_one_im": 0.03873411421069568, "one_im_sa_cls": 27.857142857142858, "model_in_bounds": 1, "pred_cls": 38.48559170113269, "error_w_gmm": 0.05351348143008739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05351249810730835}, "run_5975": {"edge_length": 1400, "pf": 0.49516020408163264, "in_bounds_one_im": 1, "error_one_im": 0.047196652781546854, "one_im_sa_cls": 33.38775510204081, "model_in_bounds": 1, "pred_cls": 41.867961475139154, "error_w_gmm": 0.059185289487502894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05918420194391982}, "run_5976": {"edge_length": 1400, "pf": 0.5012147959183674, "in_bounds_one_im": 1, "error_one_im": 0.04360740523952763, "one_im_sa_cls": 31.224489795918366, "model_in_bounds": 1, "pred_cls": 38.28091909659088, "error_w_gmm": 0.05346323471800935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05346225231852543}, "run_5977": {"edge_length": 1400, "pf": 0.4834484693877551, "in_bounds_one_im": 1, "error_one_im": 0.04645521020179845, "one_im_sa_cls": 32.10204081632653, "model_in_bounds": 1, "pred_cls": 40.078048048096804, "error_w_gmm": 0.0579984422010084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05799737646602267}, "run_5978": {"edge_length": 1400, "pf": 0.5220698979591837, "in_bounds_one_im": 1, "error_one_im": 0.043164227354591855, "one_im_sa_cls": 32.224489795918366, "model_in_bounds": 1, "pred_cls": 38.83674348444225, "error_w_gmm": 0.052022199269230844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052021243349111485}, "run_5979": {"edge_length": 1400, "pf": 0.4932938775510204, "in_bounds_one_im": 1, "error_one_im": 0.046330732998591626, "one_im_sa_cls": 32.6530612244898, "model_in_bounds": 1, "pred_cls": 43.027224275424814, "error_w_gmm": 0.061051533798251637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061050411961991326}, "run_5980": {"edge_length": 1400, "pf": 0.5117229591836735, "in_bounds_one_im": 1, "error_one_im": 0.0429235873805454, "one_im_sa_cls": 31.387755102040817, "model_in_bounds": 1, "pred_cls": 39.99406906578089, "error_w_gmm": 0.054693954945454606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054692949931197714}, "run_5981": {"edge_length": 1400, "pf": 0.5018076530612244, "in_bounds_one_im": 1, "error_one_im": 0.04819598039895173, "one_im_sa_cls": 34.55102040816327, "model_in_bounds": 1, "pred_cls": 39.03303444686752, "error_w_gmm": 0.054449041147416395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05444804063350792}, "run_5982": {"edge_length": 1400, "pf": 0.511740306122449, "in_bounds_one_im": 1, "error_one_im": 0.04177788023956644, "one_im_sa_cls": 30.551020408163264, "model_in_bounds": 1, "pred_cls": 38.60034118860819, "error_w_gmm": 0.052786127698178184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05278515774069457}, "run_5983": {"edge_length": 1400, "pf": 0.5161795918367347, "in_bounds_one_im": 1, "error_one_im": 0.04660854626233856, "one_im_sa_cls": 34.38775510204081, "model_in_bounds": 1, "pred_cls": 39.305567822641386, "error_w_gmm": 0.05327504032725764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0532740613858898}, "run_5984": {"edge_length": 1400, "pf": 0.49111836734693876, "in_bounds_one_im": 1, "error_one_im": 0.0415886968629979, "one_im_sa_cls": 29.183673469387756, "model_in_bounds": 1, "pred_cls": 38.05706256909881, "error_w_gmm": 0.05423486951232668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05423387293387225}, "run_5985": {"edge_length": 1400, "pf": 0.48842397959183675, "in_bounds_one_im": 1, "error_one_im": 0.051316579022030746, "one_im_sa_cls": 35.816326530612244, "model_in_bounds": 1, "pred_cls": 39.70317649678911, "error_w_gmm": 0.05688658861611467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056885543311699434}, "run_5986": {"edge_length": 1400, "pf": 0.473734693877551, "in_bounds_one_im": 0, "error_one_im": 0.042941605248864236, "one_im_sa_cls": 29.10204081632653, "model_in_bounds": 0, "pred_cls": 35.03656205531824, "error_w_gmm": 0.05169925618216625, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05169830619620178}, "run_5987": {"edge_length": 1400, "pf": 0.5049714285714286, "in_bounds_one_im": 1, "error_one_im": 0.04316783208165083, "one_im_sa_cls": 31.142857142857142, "model_in_bounds": 1, "pred_cls": 40.28209839431592, "error_w_gmm": 0.055836971043485194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05583594502603927}, "run_5988": {"edge_length": 1400, "pf": 0.5218994897959184, "in_bounds_one_im": 0, "error_one_im": 0.04090927060415394, "one_im_sa_cls": 30.53061224489796, "model_in_bounds": 1, "pred_cls": 37.69386618863557, "error_w_gmm": 0.05050854844690855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050507620340478204}, "run_5989": {"edge_length": 1400, "pf": 0.4985928571428571, "in_bounds_one_im": 1, "error_one_im": 0.045125992348378906, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 40.67531697069596, "error_w_gmm": 0.057105930653599174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0571048813187226}, "run_5990": {"edge_length": 1400, "pf": 0.48694591836734696, "in_bounds_one_im": 1, "error_one_im": 0.0410868947131053, "one_im_sa_cls": 28.591836734693878, "model_in_bounds": 1, "pred_cls": 35.423586613896944, "error_w_gmm": 0.05090515631119632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050904220917003376}, "run_5991": {"edge_length": 1400, "pf": 0.5307102040816326, "in_bounds_one_im": 0, "error_one_im": 0.04795722359091587, "one_im_sa_cls": 36.42857142857143, "model_in_bounds": 0, "pred_cls": 39.89863386466976, "error_w_gmm": 0.052526431603312336, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.052525466417805436}, "run_5992": {"edge_length": 1400, "pf": 0.5060275510204082, "in_bounds_one_im": 1, "error_one_im": 0.044459934188927346, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 39.435619415991155, "error_w_gmm": 0.0545482703707881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0545472680335194}, "run_5993": {"edge_length": 1400, "pf": 0.5086244897959183, "in_bounds_one_im": 1, "error_one_im": 0.04543710082667059, "one_im_sa_cls": 33.02040816326531, "model_in_bounds": 1, "pred_cls": 40.851145317130616, "error_w_gmm": 0.05621346978632441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05621243685062568}, "run_5994": {"edge_length": 1400, "pf": 0.4844826530612245, "in_bounds_one_im": 1, "error_one_im": 0.048893698182295234, "one_im_sa_cls": 33.857142857142854, "model_in_bounds": 1, "pred_cls": 42.94101873309355, "error_w_gmm": 0.062013023331000075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06201188382714403}, "run_5995": {"edge_length": 1400, "pf": 0.5087229591836735, "in_bounds_one_im": 1, "error_one_im": 0.04497892299228103, "one_im_sa_cls": 32.69387755102041, "model_in_bounds": 1, "pred_cls": 43.2726189660254, "error_w_gmm": 0.059533824292069125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05953273034407716}, "run_5996": {"edge_length": 1400, "pf": 0.5084035714285714, "in_bounds_one_im": 1, "error_one_im": 0.04745190891264027, "one_im_sa_cls": 34.46938775510204, "model_in_bounds": 1, "pred_cls": 40.63006628742194, "error_w_gmm": 0.055933968015702114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05593294021591404}, "run_5997": {"edge_length": 1400, "pf": 0.5077372448979592, "in_bounds_one_im": 1, "error_one_im": 0.040932280972204624, "one_im_sa_cls": 29.693877551020407, "model_in_bounds": 1, "pred_cls": 38.26471882396904, "error_w_gmm": 0.05274794443732129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05274697518146412}, "run_5998": {"edge_length": 1400, "pf": 0.5168790816326531, "in_bounds_one_im": 1, "error_one_im": 0.043118170078938985, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 39.513928863104866, "error_w_gmm": 0.05348249906039977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053481516306928975}, "run_5999": {"edge_length": 1400, "pf": 0.5094102040816326, "in_bounds_one_im": 1, "error_one_im": 0.04430028269381287, "one_im_sa_cls": 32.244897959183675, "model_in_bounds": 1, "pred_cls": 40.056977410635746, "error_w_gmm": 0.055034071855371756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055033060591386795}, "run_6000": {"edge_length": 1400, "pf": 0.5015413265306122, "in_bounds_one_im": 1, "error_one_im": 0.04753806810925918, "one_im_sa_cls": 34.06122448979592, "model_in_bounds": 1, "pred_cls": 39.582299503115884, "error_w_gmm": 0.0552446558976328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055243640764116676}}, "fractal_noise_0.025_12_True_simplex": {"true_cls": 13.26530612244898, "true_pf": 0.50015021, "run_6001": {"edge_length": 600, "pf": 0.4992138888888889, "in_bounds_one_im": 1, "error_one_im": 0.04300009706928832, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 15.090336465033038, "error_w_gmm": 0.05133901221708386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049371755756874934}, "run_6002": {"edge_length": 600, "pf": 0.49659722222222225, "in_bounds_one_im": 1, "error_one_im": 0.04490374254854265, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 13.695642314217292, "error_w_gmm": 0.04683859326805906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04504378808551938}, "run_6003": {"edge_length": 600, "pf": 0.5119611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04803589101420007, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 14.39396878262002, "error_w_gmm": 0.04773699334474749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045907762424773624}, "run_6004": {"edge_length": 600, "pf": 0.5092611111111112, "in_bounds_one_im": 1, "error_one_im": 0.04364973139224092, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 17.274141784321113, "error_w_gmm": 0.05759930432485365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05539216011534931}, "run_6005": {"edge_length": 600, "pf": 0.515525, "in_bounds_one_im": 1, "error_one_im": 0.04252432948387268, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 16.259655536882796, "error_w_gmm": 0.0535411799723367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05148953878098673}, "run_6006": {"edge_length": 600, "pf": 0.48509444444444444, "in_bounds_one_im": 1, "error_one_im": 0.042721036761733056, "one_im_sa_cls": 12.693877551020408, "model_in_bounds": 1, "pred_cls": 15.551299622234502, "error_w_gmm": 0.054423078497278794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05233764389044385}, "run_6007": {"edge_length": 600, "pf": 0.4962111111111111, "in_bounds_one_im": 1, "error_one_im": 0.04809554307635156, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 14.785261790665698, "error_w_gmm": 0.05060411638388695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04866502035203457}, "run_6008": {"edge_length": 600, "pf": 0.5180472222222222, "in_bounds_one_im": 1, "error_one_im": 0.049383236535208576, "one_im_sa_cls": 15.673469387755102, "model_in_bounds": 0, "pred_cls": 7.801895898713932, "error_w_gmm": 0.025561332966345746, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024581849816242094}, "run_6009": {"edge_length": 600, "pf": 0.494575, "in_bounds_one_im": 1, "error_one_im": 0.04973583372889334, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 13.827948123847069, "error_w_gmm": 0.04748274292944899, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04566325461554418}, "run_6010": {"edge_length": 600, "pf": 0.5147333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04298014966354411, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 11.333207524820255, "error_w_gmm": 0.03737814134354538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03594585063803338}, "run_6011": {"edge_length": 600, "pf": 0.5054555555555555, "in_bounds_one_im": 1, "error_one_im": 0.04582967123500975, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 9.036784215361019, "error_w_gmm": 0.03036273337389938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029199265656078176}, "run_6012": {"edge_length": 600, "pf": 0.48693055555555553, "in_bounds_one_im": 1, "error_one_im": 0.04283804625795143, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 19.01058777305089, "error_w_gmm": 0.06628509507099024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0637451205786377}, "run_6013": {"edge_length": 600, "pf": 0.490875, "in_bounds_one_im": 1, "error_one_im": 0.040124995425165115, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 16.32315067846013, "error_w_gmm": 0.05646723484452648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054303470336002004}, "run_6014": {"edge_length": 600, "pf": 0.4931, "in_bounds_one_im": 1, "error_one_im": 0.04190695391255159, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 1, "pred_cls": 5.068746119368501, "error_w_gmm": 0.01745661205788806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016787693211163263}, "run_6015": {"edge_length": 600, "pf": 0.5171416666666667, "in_bounds_one_im": 1, "error_one_im": 0.04451269693446354, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 0, "pred_cls": 9.55827513683981, "error_w_gmm": 0.0313725922451096, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03017042780714334}, "run_6016": {"edge_length": 600, "pf": 0.5101916666666667, "in_bounds_one_im": 1, "error_one_im": 0.04206617580052605, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 15.773358841996433, "error_w_gmm": 0.05249722718149211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05048558915310249}, "run_6017": {"edge_length": 600, "pf": 0.5011805555555555, "in_bounds_one_im": 1, "error_one_im": 0.0477529037713774, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 8.149638932414936, "error_w_gmm": 0.027617141532746893, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0265588819802827}, "run_6018": {"edge_length": 600, "pf": 0.48796944444444446, "in_bounds_one_im": 1, "error_one_im": 0.04998773590641841, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 15.260152196543496, "error_w_gmm": 0.05309776820604718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05106311808297239}, "run_6019": {"edge_length": 600, "pf": 0.48299722222222224, "in_bounds_one_im": 1, "error_one_im": 0.04600454250968287, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 0, "pred_cls": 9.305996526367437, "error_w_gmm": 0.032704143896340375, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.031450955812322885}, "run_6020": {"edge_length": 600, "pf": 0.4900638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04338633568493418, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 6.893962162707784, "error_w_gmm": 0.02388725278388686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02297191860961326}, "run_6021": {"edge_length": 600, "pf": 0.4975222222222222, "in_bounds_one_im": 1, "error_one_im": 0.041068933326710445, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 14.97273554287761, "error_w_gmm": 0.05111155796073709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04915301730622595}, "run_6022": {"edge_length": 600, "pf": 0.49239444444444447, "in_bounds_one_im": 1, "error_one_im": 0.04873487631856767, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 12.893046632233114, "error_w_gmm": 0.04446598752726645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04276209807858181}, "run_6023": {"edge_length": 600, "pf": 0.4981277777777778, "in_bounds_one_im": 1, "error_one_im": 0.048848341135542685, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 16.475614926909707, "error_w_gmm": 0.056173774857968733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05402125542466946}, "run_6024": {"edge_length": 600, "pf": 0.5107027777777777, "in_bounds_one_im": 1, "error_one_im": 0.042349444935716615, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 15.152003421730436, "error_w_gmm": 0.0503776728771033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04844725392009827}, "run_6025": {"edge_length": 600, "pf": 0.5206222222222222, "in_bounds_one_im": 1, "error_one_im": 0.044267444676171074, "one_im_sa_cls": 14.122448979591837, "model_in_bounds": 1, "pred_cls": 15.022375027642191, "error_w_gmm": 0.04896457339893925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04708830291416385}, "run_6026": {"edge_length": 600, "pf": 0.5114472222222223, "in_bounds_one_im": 1, "error_one_im": 0.047433751198019646, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 14.418122247739621, "error_w_gmm": 0.04786629488800789, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04603210927012875}, "run_6027": {"edge_length": 600, "pf": 0.4998361111111111, "in_bounds_one_im": 1, "error_one_im": 0.043079993657686506, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 16.178663033065348, "error_w_gmm": 0.05497316720214675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052866653779970296}, "run_6028": {"edge_length": 600, "pf": 0.4956, "in_bounds_one_im": 1, "error_one_im": 0.04156340564443115, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 13.021999936932671, "error_w_gmm": 0.04462367729016331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042913745337126184}, "run_6029": {"edge_length": 600, "pf": 0.5004222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04875791254118814, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 13.735186907133743, "error_w_gmm": 0.046615850597102285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04482958067730885}, "run_6030": {"edge_length": 600, "pf": 0.4995222222222222, "in_bounds_one_im": 1, "error_one_im": 0.040838254885135365, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 12.71169707780476, "error_w_gmm": 0.04321995444862851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156381166505725}, "run_6031": {"edge_length": 600, "pf": 0.4899527777777778, "in_bounds_one_im": 1, "error_one_im": 0.04033513689020774, "one_im_sa_cls": 12.10204081632653, "model_in_bounds": 1, "pred_cls": 11.251614480584319, "error_w_gmm": 0.03899497998169911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037500733735582464}, "run_6032": {"edge_length": 600, "pf": 0.5040138888888889, "in_bounds_one_im": 1, "error_one_im": 0.04728466406423742, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 6.510899541649517, "error_w_gmm": 0.021939174237773477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021098488365820765}, "run_6033": {"edge_length": 600, "pf": 0.5093027777777778, "in_bounds_one_im": 1, "error_one_im": 0.049273625018997326, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 17.111909197987348, "error_w_gmm": 0.05705359587274827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05486736263194852}, "run_6034": {"edge_length": 600, "pf": 0.4998388888888889, "in_bounds_one_im": 1, "error_one_im": 0.043346502029826865, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 13.273791655515472, "error_w_gmm": 0.04510251018286061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04337422986157803}, "run_6035": {"edge_length": 600, "pf": 0.5022638888888888, "in_bounds_one_im": 1, "error_one_im": 0.04001765819203644, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 10.410273652592972, "error_w_gmm": 0.03520152843110785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03385264322228257}, "run_6036": {"edge_length": 600, "pf": 0.50475, "in_bounds_one_im": 1, "error_one_im": 0.0419983235087048, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 10.396391872177436, "error_w_gmm": 0.03498021677700316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033639811995877164}, "run_6037": {"edge_length": 600, "pf": 0.4969138888888889, "in_bounds_one_im": 1, "error_one_im": 0.04514362409090196, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 13.594341125857902, "error_w_gmm": 0.046462709983511624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446823082494973}, "run_6038": {"edge_length": 600, "pf": 0.49444166666666667, "in_bounds_one_im": 1, "error_one_im": 0.049614278577899726, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 16.96221302983685, "error_w_gmm": 0.05826079363294576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05602830185521779}, "run_6039": {"edge_length": 600, "pf": 0.5107527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05304569231044177, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 17.768845569525862, "error_w_gmm": 0.059072289817850565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05680870236758725}, "run_6040": {"edge_length": 600, "pf": 0.4850527777777778, "in_bounds_one_im": 1, "error_one_im": 0.04663987703693713, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 12.324271646172384, "error_w_gmm": 0.0431334207068722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041480593804443654}, "run_6041": {"edge_length": 800, "pf": 0.5031734375, "in_bounds_one_im": 1, "error_one_im": 0.03656649959149516, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 13.64892771141077, "error_w_gmm": 0.03367904838104416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03322769289347663}, "run_6042": {"edge_length": 800, "pf": 0.5023640625, "in_bounds_one_im": 1, "error_one_im": 0.036028582551298614, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 12.999959022876357, "error_w_gmm": 0.032129672400504926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03169908113831603}, "run_6043": {"edge_length": 800, "pf": 0.5015828125, "in_bounds_one_im": 1, "error_one_im": 0.03020367789406375, "one_im_sa_cls": 12.36734693877551, "model_in_bounds": 1, "pred_cls": 10.743292103429875, "error_w_gmm": 0.026593793612721184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026237392370425567}, "run_6044": {"edge_length": 800, "pf": 0.4992265625, "in_bounds_one_im": 1, "error_one_im": 0.032349408327534315, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 12.007838823530244, "error_w_gmm": 0.02986444014826727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029464206780876717}, "run_6045": {"edge_length": 800, "pf": 0.4991421875, "in_bounds_one_im": 1, "error_one_im": 0.0346086898233154, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 11.633305511713951, "error_w_gmm": 0.02893782918639573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028550013953203925}, "run_6046": {"edge_length": 800, "pf": 0.487615625, "in_bounds_one_im": 1, "error_one_im": 0.03136697069368959, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 16.08447937019968, "error_w_gmm": 0.04094339658058953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040394686696710945}, "run_6047": {"edge_length": 800, "pf": 0.50285, "in_bounds_one_im": 1, "error_one_im": 0.03902619186867522, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 13.425189508079095, "error_w_gmm": 0.03314840585036768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032704161858809415}, "run_6048": {"edge_length": 800, "pf": 0.4996515625, "in_bounds_one_im": 1, "error_one_im": 0.03132124424719435, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 13.233044650766615, "error_w_gmm": 0.03288366043113061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03244296447027765}, "run_6049": {"edge_length": 800, "pf": 0.486296875, "in_bounds_one_im": 1, "error_one_im": 0.03720539799545785, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 0, "pred_cls": 8.342912173214163, "error_w_gmm": 0.02129319170731992, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021007827381814326}, "run_6050": {"edge_length": 800, "pf": 0.5128890625, "in_bounds_one_im": 1, "error_one_im": 0.032597955573525066, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 12.429471054610476, "error_w_gmm": 0.0300796374252433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02967652005499222}, "run_6051": {"edge_length": 800, "pf": 0.49129375, "in_bounds_one_im": 1, "error_one_im": 0.03235802876352173, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 9.835333659684103, "error_w_gmm": 0.024852480562769785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024519415823090706}, "run_6052": {"edge_length": 800, "pf": 0.500084375, "in_bounds_one_im": 1, "error_one_im": 0.030894218365944737, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 14.831895370801158, "error_w_gmm": 0.036824859109161924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03633134450477738}, "run_6053": {"edge_length": 800, "pf": 0.5066109375, "in_bounds_one_im": 1, "error_one_im": 0.03301000725398121, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 13.553432768754162, "error_w_gmm": 0.03321425470734073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03276912823114075}, "run_6054": {"edge_length": 800, "pf": 0.4967390625, "in_bounds_one_im": 1, "error_one_im": 0.037442722052002594, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 14.4862635350599, "error_w_gmm": 0.03620816903601968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03572291910840068}, "run_6055": {"edge_length": 800, "pf": 0.5139078125, "in_bounds_one_im": 1, "error_one_im": 0.03379586286461193, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 0, "pred_cls": 10.224891535228704, "error_w_gmm": 0.024694096917630547, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024363154783274686}, "run_6056": {"edge_length": 800, "pf": 0.5047953125, "in_bounds_one_im": 1, "error_one_im": 0.0376365956363135, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 14.296486498509477, "error_w_gmm": 0.03516266338880526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03469142498270581}, "run_6057": {"edge_length": 800, "pf": 0.516640625, "in_bounds_one_im": 1, "error_one_im": 0.03433690677621226, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 13.417125824112656, "error_w_gmm": 0.032226861837209506, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.031794968074276134}, "run_6058": {"edge_length": 800, "pf": 0.5092921875, "in_bounds_one_im": 1, "error_one_im": 0.03150830430248819, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 15.934031242122938, "error_w_gmm": 0.03883929797860611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03831878652954206}, "run_6059": {"edge_length": 800, "pf": 0.5086890625, "in_bounds_one_im": 1, "error_one_im": 0.03326616283334162, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 13.704806931030635, "error_w_gmm": 0.03344588298529594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032997652303384827}, "run_6060": {"edge_length": 800, "pf": 0.4954671875, "in_bounds_one_im": 1, "error_one_im": 0.03622627895528414, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 12.216768111967996, "error_w_gmm": 0.030613382462088477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030203112017064698}, "run_6061": {"edge_length": 800, "pf": 0.5105625, "in_bounds_one_im": 1, "error_one_im": 0.032750075514841145, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 12.181055711669755, "error_w_gmm": 0.029616028641944965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02921912440355142}, "run_6062": {"edge_length": 800, "pf": 0.4951296875, "in_bounds_one_im": 1, "error_one_im": 0.034281690661082206, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.000978767370377, "error_w_gmm": 0.04012312126451503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039585404439615994}, "run_6063": {"edge_length": 800, "pf": 0.499159375, "in_bounds_one_im": 1, "error_one_im": 0.032353755582684995, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 11.965635490728284, "error_w_gmm": 0.0297634763471225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02936459606326265}, "run_6064": {"edge_length": 800, "pf": 0.5082171875, "in_bounds_one_im": 1, "error_one_im": 0.029362859975613328, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 11.128886214172729, "error_w_gmm": 0.027185130926930385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02682080477717434}, "run_6065": {"edge_length": 800, "pf": 0.5017546875, "in_bounds_one_im": 1, "error_one_im": 0.031289423343849425, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 13.331794941748793, "error_w_gmm": 0.03298999461104908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03254787359462206}, "run_6066": {"edge_length": 800, "pf": 0.5062140625, "in_bounds_one_im": 1, "error_one_im": 0.03303622366396896, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 11.819306342897306, "error_w_gmm": 0.028987580863101412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028599098874363522}, "run_6067": {"edge_length": 800, "pf": 0.4983171875, "in_bounds_one_im": 1, "error_one_im": 0.03551869162075526, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 13.54096008441619, "error_w_gmm": 0.033738740330668274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0332865848712986}, "run_6068": {"edge_length": 800, "pf": 0.4971421875, "in_bounds_one_im": 1, "error_one_im": 0.031076549386686195, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 10.100325577871933, "error_w_gmm": 0.025225244977263358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024887184571966016}, "run_6069": {"edge_length": 800, "pf": 0.500121875, "in_bounds_one_im": 1, "error_one_im": 0.0362904860946506, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.11887874642723, "error_w_gmm": 0.0449824584357709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04437961837836916}, "run_6070": {"edge_length": 800, "pf": 0.489365625, "in_bounds_one_im": 1, "error_one_im": 0.03345350433919356, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 0, "pred_cls": 7.324845361327574, "error_w_gmm": 0.01858037531982457, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01833136726393221}, "run_6071": {"edge_length": 800, "pf": 0.4907671875, "in_bounds_one_im": 1, "error_one_im": 0.03458216901463926, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 11.49009845663661, "error_w_gmm": 0.029064436599989238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02867492461603887}, "run_6072": {"edge_length": 800, "pf": 0.5091734375, "in_bounds_one_im": 1, "error_one_im": 0.033528481666958085, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.568436094322665, "error_w_gmm": 0.033081003915705336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03263766322262328}, "run_6073": {"edge_length": 800, "pf": 0.496121875, "in_bounds_one_im": 1, "error_one_im": 0.0329036267040524, "one_im_sa_cls": 13.326530612244898, "model_in_bounds": 1, "pred_cls": 13.427698434890141, "error_w_gmm": 0.03360375976081985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033153413266484646}, "run_6074": {"edge_length": 800, "pf": 0.499896875, "in_bounds_one_im": 1, "error_one_im": 0.03210603134119192, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 13.452917741804924, "error_w_gmm": 0.03341363990063315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03296584132989784}, "run_6075": {"edge_length": 800, "pf": 0.50530625, "in_bounds_one_im": 1, "error_one_im": 0.03294785377925815, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 1, "pred_cls": 11.993141615691975, "error_w_gmm": 0.029467382916859478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0290724707793994}, "run_6076": {"edge_length": 800, "pf": 0.5020078125, "in_bounds_one_im": 1, "error_one_im": 0.03754822371132026, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 15.055367946114822, "error_w_gmm": 0.03723618066204629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03673715366200401}, "run_6077": {"edge_length": 800, "pf": 0.5088578125, "in_bounds_one_im": 1, "error_one_im": 0.03463032264162582, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 12.953864402904935, "error_w_gmm": 0.0316025750544459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03117904777687235}, "run_6078": {"edge_length": 800, "pf": 0.511875, "in_bounds_one_im": 1, "error_one_im": 0.03466601645082586, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 12.840958799467051, "error_w_gmm": 0.031138575900503628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030721266986406186}, "run_6079": {"edge_length": 800, "pf": 0.511340625, "in_bounds_one_im": 1, "error_one_im": 0.02917993524281125, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 15.354106430736499, "error_w_gmm": 0.03727264760515381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03677313188717926}, "run_6080": {"edge_length": 800, "pf": 0.5045296875, "in_bounds_one_im": 1, "error_one_im": 0.03245404094746625, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 14.361602055631423, "error_w_gmm": 0.035341589038431126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03486795272984612}, "run_6081": {"edge_length": 1000, "pf": 0.493433, "in_bounds_one_im": 1, "error_one_im": 0.03031502708558025, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 13.024228609333894, "error_w_gmm": 0.026392854163441365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0258645218047815}, "run_6082": {"edge_length": 1000, "pf": 0.49221, "in_bounds_one_im": 1, "error_one_im": 0.03006426468612673, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 14.562103084232842, "error_w_gmm": 0.029581551778160974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0289893880460012}, "run_6083": {"edge_length": 1000, "pf": 0.503477, "in_bounds_one_im": 1, "error_one_im": 0.027368506612896627, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 10.92559772764891, "error_w_gmm": 0.021699766928368114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021265380826257427}, "run_6084": {"edge_length": 1000, "pf": 0.503745, "in_bounds_one_im": 1, "error_one_im": 0.027115635554255127, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.939451648636139, "error_w_gmm": 0.027670866491650424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02711695087232553}, "run_6085": {"edge_length": 1000, "pf": 0.498543, "in_bounds_one_im": 1, "error_one_im": 0.030086994877162144, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 11.217701938656464, "error_w_gmm": 0.022500876176339196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02205045346311008}, "run_6086": {"edge_length": 1000, "pf": 0.499403, "in_bounds_one_im": 1, "error_one_im": 0.028072983914156892, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 14.563206998478758, "error_w_gmm": 0.029161211721913865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02857746236024926}, "run_6087": {"edge_length": 1000, "pf": 0.489081, "in_bounds_one_im": 1, "error_one_im": 0.02657363702672021, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 11.665198061295307, "error_w_gmm": 0.02384557194687737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023368231103319113}, "run_6088": {"edge_length": 1000, "pf": 0.485782, "in_bounds_one_im": 1, "error_one_im": 0.032881507369980155, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 0, "pred_cls": 11.335472141165202, "error_w_gmm": 0.02332504754889998, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022858126566764062}, "run_6089": {"edge_length": 1000, "pf": 0.493003, "in_bounds_one_im": 1, "error_one_im": 0.026609319252563584, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 10.020124808371577, "error_w_gmm": 0.02032268288349481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01991586326043917}, "run_6090": {"edge_length": 1000, "pf": 0.502759, "in_bounds_one_im": 1, "error_one_im": 0.028322758114573472, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 13.50540651291447, "error_w_gmm": 0.026862176316789423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026324449063635992}, "run_6091": {"edge_length": 1000, "pf": 0.507496, "in_bounds_one_im": 1, "error_one_im": 0.024824535425081645, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 9.427272152767701, "error_w_gmm": 0.018573964437325743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018202150673643027}, "run_6092": {"edge_length": 1000, "pf": 0.502513, "in_bounds_one_im": 1, "error_one_im": 0.025789577920874395, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 13.65458563930612, "error_w_gmm": 0.02717225858074338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02662832409843325}, "run_6093": {"edge_length": 1000, "pf": 0.493574, "in_bounds_one_im": 1, "error_one_im": 0.026173776463288473, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 10.124909620304255, "error_w_gmm": 0.020511763991514137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020101159341376594}, "run_6094": {"edge_length": 1000, "pf": 0.506469, "in_bounds_one_im": 1, "error_one_im": 0.026573444960668987, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 12.304021067349218, "error_w_gmm": 0.02429169648658302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023805425118540405}, "run_6095": {"edge_length": 1000, "pf": 0.501594, "in_bounds_one_im": 1, "error_one_im": 0.02763126131570325, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 15.686944995512304, "error_w_gmm": 0.03127402895449429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030647985201135826}, "run_6096": {"edge_length": 1000, "pf": 0.496616, "in_bounds_one_im": 1, "error_one_im": 0.030122634955978323, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 13.594406138262684, "error_w_gmm": 0.027373453096979798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026825491101288367}, "run_6097": {"edge_length": 1000, "pf": 0.505282, "in_bounds_one_im": 1, "error_one_im": 0.027903139504514687, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 11.4655360785288, "error_w_gmm": 0.022690094431783974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022235883946054656}, "run_6098": {"edge_length": 1000, "pf": 0.504041, "in_bounds_one_im": 1, "error_one_im": 0.027099586875516102, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 14.320998072957902, "error_w_gmm": 0.02841143944770322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027842699033219395}, "run_6099": {"edge_length": 1000, "pf": 0.497859, "in_bounds_one_im": 1, "error_one_im": 0.030208524411995646, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 15.087434556327839, "error_w_gmm": 0.030304355726590505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029697722899403714}, "run_6100": {"edge_length": 1000, "pf": 0.483206, "in_bounds_one_im": 0, "error_one_im": 0.030610914405835393, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 0, "pred_cls": 14.433648432945807, "error_w_gmm": 0.02985373618730168, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02925612386553566}, "run_6101": {"edge_length": 1000, "pf": 0.49774, "in_bounds_one_im": 1, "error_one_im": 0.030255895507885714, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 15.053499995243572, "error_w_gmm": 0.0302433925743259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02963798010799247}, "run_6102": {"edge_length": 1000, "pf": 0.50088, "in_bounds_one_im": 1, "error_one_im": 0.028070036472719752, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 12.298175758763392, "error_w_gmm": 0.024553099966726666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024061595821797885}, "run_6103": {"edge_length": 1000, "pf": 0.49513, "in_bounds_one_im": 1, "error_one_im": 0.027667680028989106, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 14.863935096075883, "error_w_gmm": 0.030018843589418667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029417926146400823}, "run_6104": {"edge_length": 1000, "pf": 0.512211, "in_bounds_one_im": 1, "error_one_im": 0.02564536775866439, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 12.757954834930887, "error_w_gmm": 0.024900186891543934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024401734757871264}, "run_6105": {"edge_length": 1000, "pf": 0.502766, "in_bounds_one_im": 1, "error_one_im": 0.0302715128755989, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 12.22733389898863, "error_w_gmm": 0.024319756707615048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023832923629850962}, "run_6106": {"edge_length": 1000, "pf": 0.510721, "in_bounds_one_im": 1, "error_one_im": 0.031516234379162, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 11.855283982841392, "error_w_gmm": 0.023207501513768006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02274293356907201}, "run_6107": {"edge_length": 1000, "pf": 0.505472, "in_bounds_one_im": 1, "error_one_im": 0.02975203957312795, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 14.310137268414735, "error_w_gmm": 0.028308749588611508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027742064820520808}, "run_6108": {"edge_length": 1000, "pf": 0.502583, "in_bounds_one_im": 1, "error_one_im": 0.027337900770443294, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 13.670230341599236, "error_w_gmm": 0.02719958281092537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026655101351964212}, "run_6109": {"edge_length": 1000, "pf": 0.499574, "in_bounds_one_im": 1, "error_one_im": 0.026622183664892815, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 13.90567042691108, "error_w_gmm": 0.0278350462190172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027277844048640705}, "run_6110": {"edge_length": 1000, "pf": 0.504227, "in_bounds_one_im": 1, "error_one_im": 0.027962082643589226, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 14.966751665005585, "error_w_gmm": 0.02968150618215647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029087341561964793}, "run_6111": {"edge_length": 1000, "pf": 0.492871, "in_bounds_one_im": 1, "error_one_im": 0.027224951925351085, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 13.349856257104635, "error_w_gmm": 0.027083150029581563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02654099932293746}, "run_6112": {"edge_length": 1000, "pf": 0.492995, "in_bounds_one_im": 1, "error_one_im": 0.030868926848168807, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 12.612462557406946, "error_w_gmm": 0.025580836943491725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025068759551817733}, "run_6113": {"edge_length": 1000, "pf": 0.505239, "in_bounds_one_im": 1, "error_one_im": 0.027826374892190624, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 13.16352223180983, "error_w_gmm": 0.026052619869804984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025531098323865263}, "run_6114": {"edge_length": 1000, "pf": 0.501631, "in_bounds_one_im": 1, "error_one_im": 0.028107644650808852, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 14.628624845315457, "error_w_gmm": 0.029161967693611086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028578203198899158}, "run_6115": {"edge_length": 1000, "pf": 0.505456, "in_bounds_one_im": 1, "error_one_im": 0.028486907011284472, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 15.37834916237111, "error_w_gmm": 0.030422892539979242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02981388684194581}, "run_6116": {"edge_length": 1000, "pf": 0.497141, "in_bounds_one_im": 1, "error_one_im": 0.027073873671070357, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 13.58359330126291, "error_w_gmm": 0.02732297524866665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02677602371893297}, "run_6117": {"edge_length": 1000, "pf": 0.482274, "in_bounds_one_im": 0, "error_one_im": 0.03058520783779521, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 0, "pred_cls": 13.21834951667197, "error_w_gmm": 0.027391151505830696, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02684283522325416}, "run_6118": {"edge_length": 1000, "pf": 0.505687, "in_bounds_one_im": 1, "error_one_im": 0.02863193495204903, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 10.550025922230654, "error_w_gmm": 0.020861409296532928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020443805443976823}, "run_6119": {"edge_length": 1000, "pf": 0.496417, "in_bounds_one_im": 1, "error_one_im": 0.028200853894635156, "one_im_sa_cls": 14.285714285714286, "model_in_bounds": 1, "pred_cls": 13.327730388215791, "error_w_gmm": 0.026847163139005887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02630973641976138}, "run_6120": {"edge_length": 1000, "pf": 0.507723, "in_bounds_one_im": 1, "error_one_im": 0.02544344319354473, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 10.819073062306938, "error_w_gmm": 0.021306465107861036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020879952124633457}, "run_6121": {"edge_length": 1200, "pf": 0.5045791666666667, "in_bounds_one_im": 1, "error_one_im": 0.021006338318548635, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 13.56008927971236, "error_w_gmm": 0.022394108276818828, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021945822844227598}, "run_6122": {"edge_length": 1200, "pf": 0.49954305555555556, "in_bounds_one_im": 1, "error_one_im": 0.02442186032190003, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 14.049616838534087, "error_w_gmm": 0.02343743749948603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022968266694450568}, "run_6123": {"edge_length": 1200, "pf": 0.4977729166666667, "in_bounds_one_im": 1, "error_one_im": 0.02260002765455109, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 10.878866472661308, "error_w_gmm": 0.01821238525924664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017847809590345775}, "run_6124": {"edge_length": 1200, "pf": 0.5062909722222222, "in_bounds_one_im": 1, "error_one_im": 0.021263694572666938, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 12.099085833723354, "error_w_gmm": 0.01991300257612429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01951438393662842}, "run_6125": {"edge_length": 1200, "pf": 0.4936097222222222, "in_bounds_one_im": 1, "error_one_im": 0.0218774448545987, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 13.778188434322363, "error_w_gmm": 0.023259035234995784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0227934356878699}, "run_6126": {"edge_length": 1200, "pf": 0.4917173611111111, "in_bounds_one_im": 1, "error_one_im": 0.02507825716639801, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 11.982426653240596, "error_w_gmm": 0.020304317494400606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01989786550984595}, "run_6127": {"edge_length": 1200, "pf": 0.493075, "in_bounds_one_im": 1, "error_one_im": 0.02190085823722792, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 12.510777046938475, "error_w_gmm": 0.021142113378838187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020718890389792684}, "run_6128": {"edge_length": 1200, "pf": 0.5019069444444444, "in_bounds_one_im": 1, "error_one_im": 0.023144467019156862, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 14.783969038936757, "error_w_gmm": 0.024546152894541186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024054787816157087}, "run_6129": {"edge_length": 1200, "pf": 0.5019395833333333, "in_bounds_one_im": 1, "error_one_im": 0.02221325353757325, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 11.429869563174812, "error_w_gmm": 0.01897602809914823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018596165821975322}, "run_6130": {"edge_length": 1200, "pf": 0.5048729166666667, "in_bounds_one_im": 1, "error_one_im": 0.026242499521146503, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 13.549531344911376, "error_w_gmm": 0.022363528534493315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0219158552474204}, "run_6131": {"edge_length": 1200, "pf": 0.49946944444444447, "in_bounds_one_im": 1, "error_one_im": 0.024425456030637914, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 14.86280689017877, "error_w_gmm": 0.024797643926728764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0243012444989184}, "run_6132": {"edge_length": 1200, "pf": 0.5098798611111112, "in_bounds_one_im": 1, "error_one_im": 0.02251683427413951, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 12.093842413202134, "error_w_gmm": 0.019761977452862282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01936638203545132}, "run_6133": {"edge_length": 1200, "pf": 0.5000270833333333, "in_bounds_one_im": 1, "error_one_im": 0.022231720539804004, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 12.372904249330787, "error_w_gmm": 0.020620390114168007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020207610985467615}, "run_6134": {"edge_length": 1200, "pf": 0.5027743055555556, "in_bounds_one_im": 1, "error_one_im": 0.02081712033849143, "one_im_sa_cls": 12.816326530612244, "model_in_bounds": 1, "pred_cls": 12.33278562452038, "error_w_gmm": 0.020440907649027215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020031721401701334}, "run_6135": {"edge_length": 1200, "pf": 0.49077430555555557, "in_bounds_one_im": 1, "error_one_im": 0.023835382353847058, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 14.764236231378817, "error_w_gmm": 0.025065361987708763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024563603377684283}, "run_6136": {"edge_length": 1200, "pf": 0.49925, "in_bounds_one_im": 1, "error_one_im": 0.020497013081896817, "one_im_sa_cls": 12.53061224489796, "model_in_bounds": 1, "pred_cls": 14.643878889123261, "error_w_gmm": 0.024443102010933433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02395379980593409}, "run_6137": {"edge_length": 1200, "pf": 0.4980986111111111, "in_bounds_one_im": 1, "error_one_im": 0.02285298854752217, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.012777849579216, "error_w_gmm": 0.02177059500083764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021334791061824766}, "run_6138": {"edge_length": 1200, "pf": 0.5030618055555556, "in_bounds_one_im": 1, "error_one_im": 0.02193154718946176, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 13.196930505973244, "error_w_gmm": 0.02186060593453432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02142300015595496}, "run_6139": {"edge_length": 1200, "pf": 0.4926756944444444, "in_bounds_one_im": 1, "error_one_im": 0.02364341508369149, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 12.912529521557056, "error_w_gmm": 0.021838476770582798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02140131397377839}, "run_6140": {"edge_length": 1200, "pf": 0.4978534722222222, "in_bounds_one_im": 1, "error_one_im": 0.025040144145852077, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 13.63190007253709, "error_w_gmm": 0.02281758123015961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022360818712715}, "run_6141": {"edge_length": 1200, "pf": 0.5023541666666667, "in_bounds_one_im": 1, "error_one_im": 0.02382047354462886, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 15.302203198932288, "error_w_gmm": 0.025383873570754934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02487573899339886}, "run_6142": {"edge_length": 1200, "pf": 0.5026541666666666, "in_bounds_one_im": 1, "error_one_im": 0.022712029044842152, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 12.560746247819365, "error_w_gmm": 0.02082374275833982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020406892914836362}, "run_6143": {"edge_length": 1200, "pf": 0.5026618055555555, "in_bounds_one_im": 1, "error_one_im": 0.02473418220156533, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 13.203569607697515, "error_w_gmm": 0.021889108409718184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021450932068370242}, "run_6144": {"edge_length": 1200, "pf": 0.5046090277777778, "in_bounds_one_im": 1, "error_one_im": 0.023713286320928728, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 14.334603050591383, "error_w_gmm": 0.023671782219367405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02319792029991791}, "run_6145": {"edge_length": 1200, "pf": 0.4936625, "in_bounds_one_im": 1, "error_one_im": 0.01849934282939302, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 13.931039434937963, "error_w_gmm": 0.02351458121703472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023043866148465028}, "run_6146": {"edge_length": 1200, "pf": 0.5019118055555556, "in_bounds_one_im": 1, "error_one_im": 0.023144242001317723, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 13.196812943314432, "error_w_gmm": 0.02191074927270564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021472139724395076}, "run_6147": {"edge_length": 1200, "pf": 0.5075569444444444, "in_bounds_one_im": 1, "error_one_im": 0.023409703677606915, "one_im_sa_cls": 14.551020408163264, "model_in_bounds": 1, "pred_cls": 14.491501592703514, "error_w_gmm": 0.023790181759482474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023313949717123614}, "run_6148": {"edge_length": 1200, "pf": 0.5076388888888889, "in_bounds_one_im": 1, "error_one_im": 0.021534710286501658, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 14.67719883125797, "error_w_gmm": 0.02409108480193724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02360882928014868}, "run_6149": {"edge_length": 1200, "pf": 0.5059944444444444, "in_bounds_one_im": 1, "error_one_im": 0.02397701894834707, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 16.746565399827023, "error_w_gmm": 0.02757830318027797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027026240494035587}, "run_6150": {"edge_length": 1200, "pf": 0.4967798611111111, "in_bounds_one_im": 1, "error_one_im": 0.01922305474141268, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 12.116469565241934, "error_w_gmm": 0.020324593165967023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019917735302862154}, "run_6151": {"edge_length": 1200, "pf": 0.49798472222222223, "in_bounds_one_im": 1, "error_one_im": 0.021720304993391816, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 13.921981003928847, "error_w_gmm": 0.023297013104842636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02283065331642457}, "run_6152": {"edge_length": 1200, "pf": 0.5058402777777777, "in_bounds_one_im": 1, "error_one_im": 0.022831317209592993, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 12.583358542038726, "error_w_gmm": 0.0207287106521613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020313763162093885}, "run_6153": {"edge_length": 1200, "pf": 0.5013916666666667, "in_bounds_one_im": 1, "error_one_im": 0.023168331234586382, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 13.458846968320842, "error_w_gmm": 0.02236906416432594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02192128006497222}, "run_6154": {"edge_length": 1200, "pf": 0.49506944444444445, "in_bounds_one_im": 1, "error_one_im": 0.024372052002592716, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 13.474263066372819, "error_w_gmm": 0.022679659848371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022225658242213234}, "run_6155": {"edge_length": 1200, "pf": 0.49688472222222224, "in_bounds_one_im": 1, "error_one_im": 0.02612848046587208, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 13.321176398425036, "error_w_gmm": 0.022340724849096594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021893508046374265}, "run_6156": {"edge_length": 1200, "pf": 0.49910347222222223, "in_bounds_one_im": 1, "error_one_im": 0.023975845102242307, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 14.647293571849591, "error_w_gmm": 0.0244559676185266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02396640786969502}, "run_6157": {"edge_length": 1200, "pf": 0.49756180555555557, "in_bounds_one_im": 1, "error_one_im": 0.025121746790137633, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 15.136450703702003, "error_w_gmm": 0.025350737951078946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024843266682813756}, "run_6158": {"edge_length": 1200, "pf": 0.4994375, "in_bounds_one_im": 1, "error_one_im": 0.024693978527628703, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 13.901560375914768, "error_w_gmm": 0.023195347397206554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022731022753709848}, "run_6159": {"edge_length": 1200, "pf": 0.5022354166666667, "in_bounds_one_im": 1, "error_one_im": 0.023427923368968748, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 10.457001383218241, "error_w_gmm": 0.017350589860483004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01700326561853629}, "run_6160": {"edge_length": 1200, "pf": 0.5054534722222223, "in_bounds_one_im": 1, "error_one_im": 0.02212362413405141, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 13.233113303487613, "error_w_gmm": 0.021815931785658542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02137922029453665}, "run_6161": {"edge_length": 1400, "pf": 0.5066581632653061, "in_bounds_one_im": 1, "error_one_im": 0.019424938309188292, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 12.369989433787252, "error_w_gmm": 0.01708888846835155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01708857445601566}, "run_6162": {"edge_length": 1400, "pf": 0.5047525510204082, "in_bounds_one_im": 1, "error_one_im": 0.020263238676766795, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 13.509144991807537, "error_w_gmm": 0.01873388116001313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01873353692055056}, "run_6163": {"edge_length": 1400, "pf": 0.49925867346938774, "in_bounds_one_im": 1, "error_one_im": 0.019085068266655018, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 15.017602522299768, "error_w_gmm": 0.02105583892643043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021055452020449034}, "run_6164": {"edge_length": 1400, "pf": 0.49244234693877553, "in_bounds_one_im": 1, "error_one_im": 0.02076834988082345, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 13.465058174822715, "error_w_gmm": 0.019138207713300406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019137856044242525}, "run_6165": {"edge_length": 1400, "pf": 0.5049811224489796, "in_bounds_one_im": 1, "error_one_im": 0.019150757319018077, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 14.229687866372032, "error_w_gmm": 0.019724078318849966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019723715884282247}, "run_6166": {"edge_length": 1400, "pf": 0.49321632653061226, "in_bounds_one_im": 1, "error_one_im": 0.01972257756402223, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.910939593173024, "error_w_gmm": 0.021160485702989465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02116009687409904}, "run_6167": {"edge_length": 1400, "pf": 0.5020591836734694, "in_bounds_one_im": 1, "error_one_im": 0.016417657607134775, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 13.453593398423079, "error_w_gmm": 0.01875762025634135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018757275580667292}, "run_6168": {"edge_length": 1400, "pf": 0.49545102040816325, "in_bounds_one_im": 1, "error_one_im": 0.018683157875738314, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 13.343067915871679, "error_w_gmm": 0.01885102783731872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018850681445258533}, "run_6169": {"edge_length": 1400, "pf": 0.4960454081632653, "in_bounds_one_im": 1, "error_one_im": 0.021771119281944803, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 12.625525428682229, "error_w_gmm": 0.01781609349281991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01781576611792108}, "run_6170": {"edge_length": 1400, "pf": 0.5076816326530612, "in_bounds_one_im": 1, "error_one_im": 0.019272668014737357, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 12.909399516440233, "error_w_gmm": 0.017797597088086106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017797270053063093}, "run_6171": {"edge_length": 1400, "pf": 0.5129607142857143, "in_bounds_one_im": 0, "error_one_im": 0.018903128813266907, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 0, "pred_cls": 14.203190489539397, "error_w_gmm": 0.01937554340832106, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019375187378164068}, "run_6172": {"edge_length": 1400, "pf": 0.5090974489795919, "in_bounds_one_im": 1, "error_one_im": 0.021182055957482633, "one_im_sa_cls": 15.408163265306122, "model_in_bounds": 1, "pred_cls": 14.470290794509516, "error_w_gmm": 0.019893100583023213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019892735042631754}, "run_6173": {"edge_length": 1400, "pf": 0.4951438775510204, "in_bounds_one_im": 1, "error_one_im": 0.019069685989092606, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 11.195541541926074, "error_w_gmm": 0.015826732003630505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01582644118371592}, "run_6174": {"edge_length": 1400, "pf": 0.4957770408163265, "in_bounds_one_im": 1, "error_one_im": 0.019621815607381195, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 11.844188649469158, "error_w_gmm": 0.016722509628419133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016722202348380524}, "run_6175": {"edge_length": 1400, "pf": 0.49943826530612245, "in_bounds_one_im": 1, "error_one_im": 0.019936305045521987, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 15.012638879928474, "error_w_gmm": 0.021041320447202826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021040933808001955}, "run_6176": {"edge_length": 1400, "pf": 0.5013035714285714, "in_bounds_one_im": 1, "error_one_im": 0.02009004095005662, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 11.710263247720771, "error_w_gmm": 0.016351681658824533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016351381192836894}, "run_6177": {"edge_length": 1400, "pf": 0.494444387755102, "in_bounds_one_im": 1, "error_one_im": 0.018431912332518965, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 13.797530137996747, "error_w_gmm": 0.019532378394063802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019532019482027225}, "run_6178": {"edge_length": 1400, "pf": 0.4961760204081633, "in_bounds_one_im": 1, "error_one_im": 0.022312447369838263, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 14.1173280226878, "error_w_gmm": 0.01991599794428324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019915631983147428}, "run_6179": {"edge_length": 1400, "pf": 0.4984387755102041, "in_bounds_one_im": 1, "error_one_im": 0.01963227431058704, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 15.16838886689885, "error_w_gmm": 0.021302155787069205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021301764354957706}, "run_6180": {"edge_length": 1400, "pf": 0.4998591836734694, "in_bounds_one_im": 1, "error_one_im": 0.02192005556847696, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 11.608938805298635, "error_w_gmm": 0.016257092210878475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016256793482994174}, "run_6181": {"edge_length": 1400, "pf": 0.5031994897959183, "in_bounds_one_im": 1, "error_one_im": 0.020070782730449044, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 13.956005086143708, "error_w_gmm": 0.019413778723662924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01941342199092302}, "run_6182": {"edge_length": 1400, "pf": 0.5016994897959184, "in_bounds_one_im": 1, "error_one_im": 0.01833722774627493, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 14.561969715415238, "error_w_gmm": 0.02031758079402685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020317207453711877}, "run_6183": {"edge_length": 1400, "pf": 0.49659438775510206, "in_bounds_one_im": 1, "error_one_im": 0.019532231930002402, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 13.609402211915082, "error_w_gmm": 0.019183383458169532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01918303095899682}, "run_6184": {"edge_length": 1400, "pf": 0.4913765306122449, "in_bounds_one_im": 1, "error_one_im": 0.021219631055695534, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 14.60290623070547, "error_w_gmm": 0.02079976007070228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02079937787022999}, "run_6185": {"edge_length": 1400, "pf": 0.5013510204081633, "in_bounds_one_im": 1, "error_one_im": 0.018236037013963556, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 13.89544916980204, "error_w_gmm": 0.019401135162789258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019400778662377813}, "run_6186": {"edge_length": 1400, "pf": 0.4947683673469388, "in_bounds_one_im": 1, "error_one_im": 0.018910785977246387, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 13.26221785617948, "error_w_gmm": 0.018762404625617596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0187620598620297}, "run_6187": {"edge_length": 1400, "pf": 0.5042714285714286, "in_bounds_one_im": 1, "error_one_im": 0.018554748382127607, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 14.843323268781917, "error_w_gmm": 0.020603878283441356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020603499682342888}, "run_6188": {"edge_length": 1400, "pf": 0.4966826530612245, "in_bounds_one_im": 1, "error_one_im": 0.01987391719111585, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 13.711234209455307, "error_w_gmm": 0.019323510978634623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019323155904585776}, "run_6189": {"edge_length": 1400, "pf": 0.49661020408163264, "in_bounds_one_im": 1, "error_one_im": 0.02197666146975562, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 14.003916025300505, "error_w_gmm": 0.019738853236435667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019738490530375432}, "run_6190": {"edge_length": 1400, "pf": 0.4997234693877551, "in_bounds_one_im": 1, "error_one_im": 0.018238320594417597, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 12.03870831339425, "error_w_gmm": 0.016863515617696095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016863205746639298}, "run_6191": {"edge_length": 1400, "pf": 0.5012224489795918, "in_bounds_one_im": 1, "error_one_im": 0.018896253038167547, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 9.178284620822936, "error_w_gmm": 0.012818220822760138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012817985284944499}, "run_6192": {"edge_length": 1400, "pf": 0.504190306122449, "in_bounds_one_im": 1, "error_one_im": 0.019351068047805713, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 13.049813528459621, "error_w_gmm": 0.01811726358308332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018116930674113452}, "run_6193": {"edge_length": 1400, "pf": 0.5065275510204081, "in_bounds_one_im": 1, "error_one_im": 0.019824818475103326, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 11.846220995748014, "error_w_gmm": 0.016369589361157406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016369288566111587}, "run_6194": {"edge_length": 1400, "pf": 0.5009260204081633, "in_bounds_one_im": 1, "error_one_im": 0.01859376077236615, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 14.225464146525793, "error_w_gmm": 0.019878799301531844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01987843402392983}, "run_6195": {"edge_length": 1400, "pf": 0.5027045918367347, "in_bounds_one_im": 1, "error_one_im": 0.020033825690917332, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 14.379508735036422, "error_w_gmm": 0.02002271119069531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020022343268678577}, "run_6196": {"edge_length": 1400, "pf": 0.49859081632653063, "in_bounds_one_im": 1, "error_one_im": 0.018394289103083945, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 11.959625041048632, "error_w_gmm": 0.01679073100699783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0167904224733754}, "run_6197": {"edge_length": 1400, "pf": 0.4996591836734694, "in_bounds_one_im": 1, "error_one_im": 0.018069123362595578, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 10.543897260564162, "error_w_gmm": 0.014771521486913741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014771250056740036}, "run_6198": {"edge_length": 1400, "pf": 0.49307244897959185, "in_bounds_one_im": 1, "error_one_im": 0.02059734083148228, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 14.593791638619999, "error_w_gmm": 0.020716374648288252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020715993980042657}, "run_6199": {"edge_length": 1400, "pf": 0.48933163265306123, "in_bounds_one_im": 1, "error_one_im": 0.022444924446921224, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 0, "pred_cls": 13.31155269654256, "error_w_gmm": 0.019038142980813477, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019037793150468534}, "run_6200": {"edge_length": 1400, "pf": 0.505523469387755, "in_bounds_one_im": 1, "error_one_im": 0.019808161742102978, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 10.700681362893553, "error_w_gmm": 0.014816364311458139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014816092057287046}}, "fractal_noise_0.025_12_True_value": {"true_cls": 39.857142857142854, "true_pf": 0.4996093833333333, "run_6201": {"edge_length": 600, "pf": 0.48288055555555554, "in_bounds_one_im": 1, "error_one_im": 0.11327902141258733, "one_im_sa_cls": 33.51020408163265, "model_in_bounds": 1, "pred_cls": 89.1369047243497, "error_w_gmm": 0.31332777994683814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3013213919653758}, "run_6202": {"edge_length": 600, "pf": 0.44408333333333333, "in_bounds_one_im": 0, "error_one_im": 0.11046594936961479, "one_im_sa_cls": 30.224489795918366, "model_in_bounds": 1, "pred_cls": 37.12706682497387, "error_w_gmm": 0.1411006541324422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13569382682131234}, "run_6203": {"edge_length": 600, "pf": 0.4941583333333333, "in_bounds_one_im": 1, "error_one_im": 0.07965717426359323, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 58.6838549835577, "error_w_gmm": 0.20167805786881937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19394996873950027}, "run_6204": {"edge_length": 600, "pf": 0.5152055555555556, "in_bounds_one_im": 1, "error_one_im": 0.0952559375499696, "one_im_sa_cls": 30.06122448979592, "model_in_bounds": 1, "pred_cls": 34.12303602357427, "error_w_gmm": 0.11243512065311685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10812672616114782}, "run_6205": {"edge_length": 600, "pf": 0.5265416666666667, "in_bounds_one_im": 1, "error_one_im": 0.08818596645179234, "one_im_sa_cls": 28.46938775510204, "model_in_bounds": 1, "pred_cls": 34.91324012505551, "error_w_gmm": 0.11245543327829648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10814626042808907}, "run_6206": {"edge_length": 600, "pf": 0.5346305555555556, "in_bounds_one_im": 1, "error_one_im": 0.0878228449377696, "one_im_sa_cls": 28.816326530612244, "model_in_bounds": 1, "pred_cls": 37.448342131902145, "error_w_gmm": 0.11867805423913914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11413043715800476}, "run_6207": {"edge_length": 600, "pf": 0.5114944444444445, "in_bounds_one_im": 1, "error_one_im": 0.09772514257504637, "one_im_sa_cls": 30.612244897959183, "model_in_bounds": 1, "pred_cls": 38.078646310384144, "error_w_gmm": 0.12640421942957725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12156054389840373}, "run_6208": {"edge_length": 600, "pf": 0.5024055555555555, "in_bounds_one_im": 1, "error_one_im": 0.09288366451111987, "one_im_sa_cls": 28.571428571428573, "model_in_bounds": 1, "pred_cls": 43.111691260959105, "error_w_gmm": 0.14573752255339104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14015301536564662}, "run_6209": {"edge_length": 600, "pf": 0.5546083333333334, "in_bounds_one_im": 0, "error_one_im": 0.08471393191635389, "one_im_sa_cls": 28.93877551020408, "model_in_bounds": 1, "pred_cls": 38.92489721372664, "error_w_gmm": 0.11848710807466896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11394680784789907}, "run_6210": {"edge_length": 600, "pf": 0.5094555555555556, "in_bounds_one_im": 1, "error_one_im": 0.082097610318264, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 31.373562128852114, "error_w_gmm": 0.10457205379630286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10056496368092986}, "run_6211": {"edge_length": 600, "pf": 0.4464, "in_bounds_one_im": 0, "error_one_im": 0.08589543181481246, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 39.31334113764304, "error_w_gmm": 0.14871051577207528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14301208663953596}, "run_6212": {"edge_length": 600, "pf": 0.5447944444444445, "in_bounds_one_im": 1, "error_one_im": 0.09335701727299796, "one_im_sa_cls": 31.26530612244898, "model_in_bounds": 1, "pred_cls": 43.768464627966786, "error_w_gmm": 0.1358984586614904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13069097395952944}, "run_6213": {"edge_length": 600, "pf": 0.4775333333333333, "in_bounds_one_im": 1, "error_one_im": 0.09629902432403498, "one_im_sa_cls": 28.183673469387756, "model_in_bounds": 1, "pred_cls": 30.155250168392932, "error_w_gmm": 0.10714111476351348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1030355809585142}, "run_6214": {"edge_length": 600, "pf": 0.42709444444444444, "in_bounds_one_im": 0, "error_one_im": 0.12037226471062161, "one_im_sa_cls": 31.816326530612244, "model_in_bounds": 1, "pred_cls": 84.22310483176611, "error_w_gmm": 0.3313420693830429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.3186453929496019}, "run_6215": {"edge_length": 600, "pf": 0.44516666666666665, "in_bounds_one_im": 0, "error_one_im": 0.10233481583769938, "one_im_sa_cls": 28.06122448979592, "model_in_bounds": 1, "pred_cls": 35.930095132784835, "error_w_gmm": 0.1362523802403481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13103133363911504}, "run_6216": {"edge_length": 600, "pf": 0.5407472222222223, "in_bounds_one_im": 1, "error_one_im": 0.11562430279944799, "one_im_sa_cls": 38.40816326530612, "model_in_bounds": 1, "pred_cls": 84.20797013631737, "error_w_gmm": 0.26360140647788666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2535004803513567}, "run_6217": {"edge_length": 600, "pf": 0.48480833333333334, "in_bounds_one_im": 1, "error_one_im": 0.09476858658686778, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 50.09836532586075, "error_w_gmm": 0.17542387870465675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16870182185639887}, "run_6218": {"edge_length": 600, "pf": 0.4537611111111111, "in_bounds_one_im": 0, "error_one_im": 0.08865047197945461, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 73.1542479544746, "error_w_gmm": 0.27263587291458813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.26218875562280947}, "run_6219": {"edge_length": 600, "pf": 0.48728055555555555, "in_bounds_one_im": 1, "error_one_im": 0.09177061235555906, "one_im_sa_cls": 27.387755102040817, "model_in_bounds": 1, "pred_cls": 37.25486848844254, "error_w_gmm": 0.12980731445677868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12483323593599065}, "run_6220": {"edge_length": 600, "pf": 0.4947, "in_bounds_one_im": 1, "error_one_im": 0.09991843095327244, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 42.52040382672991, "error_w_gmm": 0.14597109019836638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1403776329463603}, "run_6221": {"edge_length": 600, "pf": 0.5029722222222223, "in_bounds_one_im": 1, "error_one_im": 0.1048396518166953, "one_im_sa_cls": 32.285714285714285, "model_in_bounds": 1, "pred_cls": 42.796186394517306, "error_w_gmm": 0.14450709738335848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.138969738782235}, "run_6222": {"edge_length": 600, "pf": 0.5556722222222222, "in_bounds_one_im": 0, "error_one_im": 0.07225131722110503, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 0, "pred_cls": 28.38209109650603, "error_w_gmm": 0.08620898970613682, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08290555271731515}, "run_6223": {"edge_length": 600, "pf": 0.54625, "in_bounds_one_im": 1, "error_one_im": 0.09034920243897156, "one_im_sa_cls": 30.346938775510203, "model_in_bounds": 1, "pred_cls": 41.13990462830653, "error_w_gmm": 0.12736252244737445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12248212576164066}, "run_6224": {"edge_length": 600, "pf": 0.5413222222222223, "in_bounds_one_im": 1, "error_one_im": 0.08664856589884234, "one_im_sa_cls": 28.816326530612244, "model_in_bounds": 1, "pred_cls": 40.24755249132533, "error_w_gmm": 0.12584361185294782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12102141820911774}, "run_6225": {"edge_length": 600, "pf": 0.5309611111111111, "in_bounds_one_im": 1, "error_one_im": 0.09649272047772971, "one_im_sa_cls": 31.428571428571427, "model_in_bounds": 1, "pred_cls": 44.546678388255195, "error_w_gmm": 0.14221787106697567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13676823318865736}, "run_6226": {"edge_length": 600, "pf": 0.480225, "in_bounds_one_im": 1, "error_one_im": 0.11804446475044025, "one_im_sa_cls": 34.734693877551024, "model_in_bounds": 1, "pred_cls": 71.48270170891766, "error_w_gmm": 0.25261087696650697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.24293109626620668}, "run_6227": {"edge_length": 600, "pf": 0.44119166666666665, "in_bounds_one_im": 0, "error_one_im": 0.1265708305128288, "one_im_sa_cls": 34.42857142857143, "model_in_bounds": 1, "pred_cls": 41.906033401431415, "error_w_gmm": 0.1601991172336808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1540604570864009}, "run_6228": {"edge_length": 600, "pf": 0.5051222222222223, "in_bounds_one_im": 1, "error_one_im": 0.07779743964414111, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 26.804936548438604, "error_w_gmm": 0.09012209925053515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08666871605709674}, "run_6229": {"edge_length": 600, "pf": 0.5122611111111111, "in_bounds_one_im": 1, "error_one_im": 0.08228852633500507, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 42.421405127748336, "error_w_gmm": 0.14060437216101437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13521656184830771}, "run_6230": {"edge_length": 600, "pf": 0.4922166666666667, "in_bounds_one_im": 1, "error_one_im": 0.09337402723005503, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 39.00786135876092, "error_w_gmm": 0.13457952191202413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1294225774664674}, "run_6231": {"edge_length": 600, "pf": 0.4874, "in_bounds_one_im": 1, "error_one_im": 0.08621094103959955, "one_im_sa_cls": 25.73469387755102, "model_in_bounds": 1, "pred_cls": 65.34779481973305, "error_w_gmm": 0.2276372091390833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21891439288447334}, "run_6232": {"edge_length": 600, "pf": 0.45316388888888887, "in_bounds_one_im": 0, "error_one_im": 0.08560836787011619, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 36.34028598668802, "error_w_gmm": 0.13559855560193493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13040256286691806}, "run_6233": {"edge_length": 600, "pf": 0.4968361111111111, "in_bounds_one_im": 1, "error_one_im": 0.09949243666600575, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 49.83513219553946, "error_w_gmm": 0.17035290639581963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16382516382443016}, "run_6234": {"edge_length": 600, "pf": 0.5062722222222222, "in_bounds_one_im": 1, "error_one_im": 0.09763232751495846, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 40.40971027618004, "error_w_gmm": 0.13555116206972195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.130356985404559}, "run_6235": {"edge_length": 600, "pf": 0.5311583333333333, "in_bounds_one_im": 1, "error_one_im": 0.07816574054574195, "one_im_sa_cls": 25.46938775510204, "model_in_bounds": 1, "pred_cls": 75.7888561162675, "error_w_gmm": 0.24186455649361402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23259656338837653}, "run_6236": {"edge_length": 600, "pf": 0.5038833333333333, "in_bounds_one_im": 1, "error_one_im": 0.09327103262500595, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 38.038133920806885, "error_w_gmm": 0.12820704547655173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12329428756466262}, "run_6237": {"edge_length": 600, "pf": 0.49198888888888886, "in_bounds_one_im": 1, "error_one_im": 0.10723600682898869, "one_im_sa_cls": 32.30612244897959, "model_in_bounds": 1, "pred_cls": 43.66647192219104, "error_w_gmm": 0.1507206781399376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14494522171891985}, "run_6238": {"edge_length": 600, "pf": 0.49241666666666667, "in_bounds_one_im": 1, "error_one_im": 0.09177993692636022, "one_im_sa_cls": 27.6734693877551, "model_in_bounds": 1, "pred_cls": 34.442046014074194, "error_w_gmm": 0.11877964544119825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11422813549302342}, "run_6239": {"edge_length": 600, "pf": 0.4943638888888889, "in_bounds_one_im": 1, "error_one_im": 0.1003227349298978, "one_im_sa_cls": 30.367346938775512, "model_in_bounds": 1, "pred_cls": 43.44436643956738, "error_w_gmm": 0.1492433251693836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1435244793462293}, "run_6240": {"edge_length": 600, "pf": 0.48686944444444447, "in_bounds_one_im": 1, "error_one_im": 0.1043021849306678, "one_im_sa_cls": 31.10204081632653, "model_in_bounds": 1, "pred_cls": 34.280283814222514, "error_w_gmm": 0.11954126977558499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11496057519125587}, "run_6241": {"edge_length": 800, "pf": 0.512434375, "in_bounds_one_im": 1, "error_one_im": 0.07583851651387068, "one_im_sa_cls": 31.73469387755102, "model_in_bounds": 1, "pred_cls": 61.685010993531456, "error_w_gmm": 0.14941520196730979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14741278875863037}, "run_6242": {"edge_length": 800, "pf": 0.5262578125, "in_bounds_one_im": 1, "error_one_im": 0.06290386064268344, "one_im_sa_cls": 27.06122448979592, "model_in_bounds": 1, "pred_cls": 32.42045737237168, "error_w_gmm": 0.07638509406748754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07536140625464753}, "run_6243": {"edge_length": 800, "pf": 0.4704203125, "in_bounds_one_im": 1, "error_one_im": 0.08106026229515435, "one_im_sa_cls": 31.183673469387756, "model_in_bounds": 1, "pred_cls": 40.534827161381, "error_w_gmm": 0.1067993673278646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10536807746578818}, "run_6244": {"edge_length": 800, "pf": 0.52995625, "in_bounds_one_im": 1, "error_one_im": 0.06408690247264562, "one_im_sa_cls": 27.775510204081634, "model_in_bounds": 1, "pred_cls": 32.545513846312616, "error_w_gmm": 0.0761128515180249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0750928122099544}, "run_6245": {"edge_length": 800, "pf": 0.51825625, "in_bounds_one_im": 1, "error_one_im": 0.07640592906026167, "one_im_sa_cls": 32.3469387755102, "model_in_bounds": 1, "pred_cls": 42.5786599842875, "error_w_gmm": 0.101940201504971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10057403257904299}, "run_6246": {"edge_length": 800, "pf": 0.49753125, "in_bounds_one_im": 1, "error_one_im": 0.07989203705216627, "one_im_sa_cls": 32.44897959183673, "model_in_bounds": 1, "pred_cls": 37.47100538070128, "error_w_gmm": 0.0935098628785227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09225667456766573}, "run_6247": {"edge_length": 800, "pf": 0.5206296875, "in_bounds_one_im": 1, "error_one_im": 0.07455626465322868, "one_im_sa_cls": 31.714285714285715, "model_in_bounds": 1, "pred_cls": 37.715858038727625, "error_w_gmm": 0.08986960299708002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08866520024735518}, "run_6248": {"edge_length": 800, "pf": 0.5067578125, "in_bounds_one_im": 1, "error_one_im": 0.07788862465390027, "one_im_sa_cls": 32.224489795918366, "model_in_bounds": 1, "pred_cls": 38.246322320745946, "error_w_gmm": 0.09369950355419322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09244377374160911}, "run_6249": {"edge_length": 800, "pf": 0.483471875, "in_bounds_one_im": 1, "error_one_im": 0.06945806369547222, "one_im_sa_cls": 27.428571428571427, "model_in_bounds": 1, "pred_cls": 41.56570017329808, "error_w_gmm": 0.10668766447865491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10525787162128582}, "run_6250": {"edge_length": 800, "pf": 0.4846375, "in_bounds_one_im": 1, "error_one_im": 0.08414534156858428, "one_im_sa_cls": 33.30612244897959, "model_in_bounds": 1, "pred_cls": 40.58049060406558, "error_w_gmm": 0.10391611944127596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10252346991549717}, "run_6251": {"edge_length": 800, "pf": 0.523334375, "in_bounds_one_im": 1, "error_one_im": 0.07692089827422312, "one_im_sa_cls": 32.89795918367347, "model_in_bounds": 1, "pred_cls": 48.38315914082895, "error_w_gmm": 0.11466456705708951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11312787038486687}, "run_6252": {"edge_length": 800, "pf": 0.538240625, "in_bounds_one_im": 0, "error_one_im": 0.06710425099691193, "one_im_sa_cls": 29.571428571428573, "model_in_bounds": 1, "pred_cls": 43.63030603270121, "error_w_gmm": 0.10035190263224393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09900701956344558}, "run_6253": {"edge_length": 800, "pf": 0.4724453125, "in_bounds_one_im": 1, "error_one_im": 0.06778703702819794, "one_im_sa_cls": 26.183673469387756, "model_in_bounds": 1, "pred_cls": 31.152240692239427, "error_w_gmm": 0.08174571345419558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08065018439009529}, "run_6254": {"edge_length": 800, "pf": 0.5148484375, "in_bounds_one_im": 1, "error_one_im": 0.07280350710603746, "one_im_sa_cls": 30.612244897959183, "model_in_bounds": 1, "pred_cls": 42.65560964302713, "error_w_gmm": 0.10282362224446918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10144561400544384}, "run_6255": {"edge_length": 800, "pf": 0.5235171875, "in_bounds_one_im": 1, "error_one_im": 0.06744807838218989, "one_im_sa_cls": 28.857142857142858, "model_in_bounds": 0, "pred_cls": 9.69726476077663, "error_w_gmm": 0.02297339229303216, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022665510473980046}, "run_6256": {"edge_length": 800, "pf": 0.49075, "in_bounds_one_im": 1, "error_one_im": 0.07563517957588023, "one_im_sa_cls": 30.306122448979593, "model_in_bounds": 1, "pred_cls": 43.35301833533163, "error_w_gmm": 0.10966610831882108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10819639934041249}, "run_6257": {"edge_length": 800, "pf": 0.5021328125, "in_bounds_one_im": 1, "error_one_im": 0.10360520051265036, "one_im_sa_cls": 42.46938775510204, "model_in_bounds": 1, "pred_cls": 37.537935113214736, "error_w_gmm": 0.09281871648099971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0915747906859866}, "run_6258": {"edge_length": 800, "pf": 0.5028921875, "in_bounds_one_im": 1, "error_one_im": 0.0717325392986824, "one_im_sa_cls": 29.448979591836736, "model_in_bounds": 1, "pred_cls": 73.25314871350307, "error_w_gmm": 0.18085556425897859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1784317976946193}, "run_6259": {"edge_length": 800, "pf": 0.466909375, "in_bounds_one_im": 1, "error_one_im": 0.07719943049579092, "one_im_sa_cls": 29.489795918367346, "model_in_bounds": 1, "pred_cls": 38.12510161221755, "error_w_gmm": 0.10116096493481838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09980523908014562}, "run_6260": {"edge_length": 800, "pf": 0.49578125, "in_bounds_one_im": 1, "error_one_im": 0.09106347449220026, "one_im_sa_cls": 36.857142857142854, "model_in_bounds": 1, "pred_cls": 24.09326765027136, "error_w_gmm": 0.0603361896034191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05952758390980496}, "run_6261": {"edge_length": 800, "pf": 0.4976015625, "in_bounds_one_im": 1, "error_one_im": 0.08168942470747514, "one_im_sa_cls": 33.183673469387756, "model_in_bounds": 1, "pred_cls": 43.04039770143307, "error_w_gmm": 0.10739332182642791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10595407198225039}, "run_6262": {"edge_length": 800, "pf": 0.4656625, "in_bounds_one_im": 1, "error_one_im": 0.0753578181622911, "one_im_sa_cls": 28.714285714285715, "model_in_bounds": 1, "pred_cls": 68.07139149421927, "error_w_gmm": 0.18107335596338986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17864667062651007}, "run_6263": {"edge_length": 800, "pf": 0.5163359375, "in_bounds_one_im": 1, "error_one_im": 0.07732938067296115, "one_im_sa_cls": 32.61224489795919, "model_in_bounds": 1, "pred_cls": 91.55260622620617, "error_w_gmm": 0.22003621858130754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21708736582286134}, "run_6264": {"edge_length": 800, "pf": 0.512225, "in_bounds_one_im": 1, "error_one_im": 0.0690883245157434, "one_im_sa_cls": 28.897959183673468, "model_in_bounds": 1, "pred_cls": 39.07988277143588, "error_w_gmm": 0.09470008383871499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0934309445794904}, "run_6265": {"edge_length": 800, "pf": 0.5270609375, "in_bounds_one_im": 1, "error_one_im": 0.08444725655059246, "one_im_sa_cls": 36.38775510204081, "model_in_bounds": 1, "pred_cls": 95.75173417468541, "error_w_gmm": 0.22523535078184395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22221682097009293}, "run_6266": {"edge_length": 800, "pf": 0.5198984375, "in_bounds_one_im": 1, "error_one_im": 0.059818935319399386, "one_im_sa_cls": 25.408163265306122, "model_in_bounds": 1, "pred_cls": 31.765204639881514, "error_w_gmm": 0.07580130614104101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07478544206125892}, "run_6267": {"edge_length": 800, "pf": 0.497634375, "in_bounds_one_im": 1, "error_one_im": 0.07223965798181778, "one_im_sa_cls": 29.346938775510203, "model_in_bounds": 1, "pred_cls": 52.46712993544142, "error_w_gmm": 0.1309060766908929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12915171666854672}, "run_6268": {"edge_length": 800, "pf": 0.4729703125, "in_bounds_one_im": 1, "error_one_im": 0.07526310797942642, "one_im_sa_cls": 29.10204081632653, "model_in_bounds": 1, "pred_cls": 69.44505677688393, "error_w_gmm": 0.18203699773664622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1795973979908589}, "run_6269": {"edge_length": 800, "pf": 0.50165, "in_bounds_one_im": 1, "error_one_im": 0.06966842915534173, "one_im_sa_cls": 28.53061224489796, "model_in_bounds": 1, "pred_cls": 43.936118725545015, "error_w_gmm": 0.10874423441799014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10728688008925213}, "run_6270": {"edge_length": 800, "pf": 0.488528125, "in_bounds_one_im": 1, "error_one_im": 0.07172592052633842, "one_im_sa_cls": 28.612244897959183, "model_in_bounds": 1, "pred_cls": 50.632576623329896, "error_w_gmm": 0.12865120241064631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12692706146897736}, "run_6271": {"edge_length": 800, "pf": 0.543253125, "in_bounds_one_im": 0, "error_one_im": 0.06386307355846792, "one_im_sa_cls": 28.428571428571427, "model_in_bounds": 0, "pred_cls": 34.63003218400182, "error_w_gmm": 0.07885101694993772, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07779428165272935}, "run_6272": {"edge_length": 800, "pf": 0.4900625, "in_bounds_one_im": 1, "error_one_im": 0.06421263528897178, "one_im_sa_cls": 25.693877551020407, "model_in_bounds": 1, "pred_cls": 10.049747320247615, "error_w_gmm": 0.025456905481051863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025115740438163378}, "run_6273": {"edge_length": 800, "pf": 0.45965625, "in_bounds_one_im": 0, "error_one_im": 0.08050205355281807, "one_im_sa_cls": 30.306122448979593, "model_in_bounds": 1, "pred_cls": 43.69150935985925, "error_w_gmm": 0.11763410631097766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11605761285404124}, "run_6274": {"edge_length": 800, "pf": 0.5183078125, "in_bounds_one_im": 1, "error_one_im": 0.07307219430270961, "one_im_sa_cls": 30.93877551020408, "model_in_bounds": 1, "pred_cls": 35.815094490377156, "error_w_gmm": 0.08573827727026911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08458924118401483}, "run_6275": {"edge_length": 800, "pf": 0.4923875, "in_bounds_one_im": 1, "error_one_im": 0.07635236692024121, "one_im_sa_cls": 30.693877551020407, "model_in_bounds": 1, "pred_cls": 38.97526774753557, "error_w_gmm": 0.0982696659512483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09695268833101693}, "run_6276": {"edge_length": 800, "pf": 0.5084171875, "in_bounds_one_im": 1, "error_one_im": 0.06671601608697304, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 39.886079071807536, "error_w_gmm": 0.09739290206469904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09608767454461943}, "run_6277": {"edge_length": 800, "pf": 0.5169859375, "in_bounds_one_im": 1, "error_one_im": 0.08341484321944455, "one_im_sa_cls": 35.224489795918366, "model_in_bounds": 1, "pred_cls": 40.83080150412438, "error_w_gmm": 0.09800453120476992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09669110683287893}, "run_6278": {"edge_length": 800, "pf": 0.4714640625, "in_bounds_one_im": 1, "error_one_im": 0.08099653100260193, "one_im_sa_cls": 31.224489795918366, "model_in_bounds": 1, "pred_cls": 43.04969679620889, "error_w_gmm": 0.11318810501347937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11167119539812456}, "run_6279": {"edge_length": 800, "pf": 0.464359375, "in_bounds_one_im": 1, "error_one_im": 0.08522138653722955, "one_im_sa_cls": 32.38775510204081, "model_in_bounds": 1, "pred_cls": 50.542004968671215, "error_w_gmm": 0.13479687968043333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13299037640093486}, "run_6280": {"edge_length": 800, "pf": 0.511259375, "in_bounds_one_im": 1, "error_one_im": 0.07171511767764793, "one_im_sa_cls": 29.93877551020408, "model_in_bounds": 1, "pred_cls": 33.60135419443919, "error_w_gmm": 0.08158176296415097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08048843111039145}, "run_6281": {"edge_length": 1000, "pf": 0.473041, "in_bounds_one_im": 0, "error_one_im": 0.05416486792015576, "one_im_sa_cls": 26.183673469387756, "model_in_bounds": 1, "pred_cls": 33.664695269206256, "error_w_gmm": 0.07106302726624206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06964048703711116}, "run_6282": {"edge_length": 1000, "pf": 0.511782, "in_bounds_one_im": 1, "error_one_im": 0.05746839574491681, "one_im_sa_cls": 30.020408163265305, "model_in_bounds": 1, "pred_cls": 45.99083487068549, "error_w_gmm": 0.08983915927884512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08804075829394697}, "run_6283": {"edge_length": 1000, "pf": 0.503748, "in_bounds_one_im": 1, "error_one_im": 0.062210755430106485, "one_im_sa_cls": 31.979591836734695, "model_in_bounds": 1, "pred_cls": 39.55290162764161, "error_w_gmm": 0.0785150320655237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07694331754671688}, "run_6284": {"edge_length": 1000, "pf": 0.525158, "in_bounds_one_im": 1, "error_one_im": 0.06891912805617725, "one_im_sa_cls": 36.97959183673469, "model_in_bounds": 1, "pred_cls": 38.92989413487975, "error_w_gmm": 0.07403597298619197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07255392030665832}, "run_6285": {"edge_length": 1000, "pf": 0.517065, "in_bounds_one_im": 1, "error_one_im": 0.06513639011992804, "one_im_sa_cls": 34.38775510204081, "model_in_bounds": 1, "pred_cls": 40.828964582346934, "error_w_gmm": 0.07891692089523364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07733716136272717}, "run_6286": {"edge_length": 1000, "pf": 0.503492, "in_bounds_one_im": 1, "error_one_im": 0.05747611170117302, "one_im_sa_cls": 29.53061224489796, "model_in_bounds": 1, "pred_cls": 37.569464256190464, "error_w_gmm": 0.07461597800186337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07312231477744262}, "run_6287": {"edge_length": 1000, "pf": 0.481296, "in_bounds_one_im": 1, "error_one_im": 0.06540127899172613, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 77.4273865895259, "error_w_gmm": 0.16076010041542144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1575420034826343}, "run_6288": {"edge_length": 1000, "pf": 0.469835, "in_bounds_one_im": 1, "error_one_im": 0.06768627755339762, "one_im_sa_cls": 32.51020408163265, "model_in_bounds": 1, "pred_cls": 35.0891874308893, "error_w_gmm": 0.07454802644671928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07305572347705452}, "run_6289": {"edge_length": 1000, "pf": 0.480632, "in_bounds_one_im": 1, "error_one_im": 0.0742200912861009, "one_im_sa_cls": 36.42857142857143, "model_in_bounds": 1, "pred_cls": 41.64323040381558, "error_w_gmm": 0.08657762343370838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08484451189856969}, "run_6290": {"edge_length": 1000, "pf": 0.503244, "in_bounds_one_im": 1, "error_one_im": 0.059491657528129765, "one_im_sa_cls": 30.551020408163264, "model_in_bounds": 1, "pred_cls": 42.15700244713379, "error_w_gmm": 0.08376873873574338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0820918554762012}, "run_6291": {"edge_length": 1000, "pf": 0.503533, "in_bounds_one_im": 1, "error_one_im": 0.05731252813379898, "one_im_sa_cls": 29.448979591836736, "model_in_bounds": 1, "pred_cls": 38.87070239224879, "error_w_gmm": 0.07719401112737936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07564874081592378}, "run_6292": {"edge_length": 1000, "pf": 0.497799, "in_bounds_one_im": 1, "error_one_im": 0.0663703076313131, "one_im_sa_cls": 33.714285714285715, "model_in_bounds": 1, "pred_cls": 40.648335525156185, "error_w_gmm": 0.0816553301424345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08002075311244974}, "run_6293": {"edge_length": 1000, "pf": 0.505651, "in_bounds_one_im": 1, "error_one_im": 0.06834191499202863, "one_im_sa_cls": 35.265306122448976, "model_in_bounds": 1, "pred_cls": 44.85087569159874, "error_w_gmm": 0.0886936070179629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08691813770707807}, "run_6294": {"edge_length": 1000, "pf": 0.534778, "in_bounds_one_im": 0, "error_one_im": 0.050775416187432906, "one_im_sa_cls": 27.775510204081634, "model_in_bounds": 1, "pred_cls": 38.39779979503344, "error_w_gmm": 0.07162748315471186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07019364364324239}, "run_6295": {"edge_length": 1000, "pf": 0.512747, "in_bounds_one_im": 1, "error_one_im": 0.05033892653553611, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 38.671205808716415, "error_w_gmm": 0.07539514947194435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07388588878701244}, "run_6296": {"edge_length": 1000, "pf": 0.520156, "in_bounds_one_im": 1, "error_one_im": 0.0533626618297818, "one_im_sa_cls": 28.346938775510203, "model_in_bounds": 1, "pred_cls": 38.91347950758262, "error_w_gmm": 0.07475036014947953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07325400686218898}, "run_6297": {"edge_length": 1000, "pf": 0.476964, "in_bounds_one_im": 1, "error_one_im": 0.06249479167031378, "one_im_sa_cls": 30.448979591836736, "model_in_bounds": 1, "pred_cls": 37.01266152834019, "error_w_gmm": 0.07751813256995782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07596637399295941}, "run_6298": {"edge_length": 1000, "pf": 0.491865, "in_bounds_one_im": 1, "error_one_im": 0.06504869503541345, "one_im_sa_cls": 32.6530612244898, "model_in_bounds": 1, "pred_cls": 38.05194896619894, "error_w_gmm": 0.07735234711144869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07580390722904008}, "run_6299": {"edge_length": 1000, "pf": 0.480658, "in_bounds_one_im": 1, "error_one_im": 0.07434095930327339, "one_im_sa_cls": 36.48979591836735, "model_in_bounds": 1, "pred_cls": 40.1292009530109, "error_w_gmm": 0.08342556246430607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08175554891001817}, "run_6300": {"edge_length": 1000, "pf": 0.510703, "in_bounds_one_im": 1, "error_one_im": 0.06620605196648945, "one_im_sa_cls": 34.51020408163265, "model_in_bounds": 1, "pred_cls": 45.790318176864545, "error_w_gmm": 0.08964080106725382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08784637081856857}, "run_6301": {"edge_length": 1000, "pf": 0.519553, "in_bounds_one_im": 1, "error_one_im": 0.059389151638275815, "one_im_sa_cls": 31.510204081632654, "model_in_bounds": 1, "pred_cls": 39.06479257595058, "error_w_gmm": 0.07513172026541695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07362773290837762}, "run_6302": {"edge_length": 1000, "pf": 0.499428, "in_bounds_one_im": 1, "error_one_im": 0.05922662947352266, "one_im_sa_cls": 30.183673469387756, "model_in_bounds": 1, "pred_cls": 44.68191758773368, "error_w_gmm": 0.0894661259466972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08767519234592545}, "run_6303": {"edge_length": 1000, "pf": 0.474854, "in_bounds_one_im": 1, "error_one_im": 0.06402161774241509, "one_im_sa_cls": 31.06122448979592, "model_in_bounds": 1, "pred_cls": 43.489392807425205, "error_w_gmm": 0.0914688713719207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08963784679774568}, "run_6304": {"edge_length": 1000, "pf": 0.499704, "in_bounds_one_im": 1, "error_one_im": 0.07644383749638939, "one_im_sa_cls": 38.97959183673469, "model_in_bounds": 1, "pred_cls": 31.083350324494727, "error_w_gmm": 0.062203514235820795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06095832380701668}, "run_6305": {"edge_length": 1000, "pf": 0.500127, "in_bounds_one_im": 1, "error_one_im": 0.060943398256126116, "one_im_sa_cls": 31.10204081632653, "model_in_bounds": 1, "pred_cls": 44.40847627802427, "error_w_gmm": 0.08879439591442903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08701690901063565}, "run_6306": {"edge_length": 1000, "pf": 0.461353, "in_bounds_one_im": 0, "error_one_im": 0.06681853489003496, "one_im_sa_cls": 31.551020408163264, "model_in_bounds": 1, "pred_cls": 43.947859700540754, "error_w_gmm": 0.09497365967631544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09307247622277116}, "run_6307": {"edge_length": 1000, "pf": 0.501673, "in_bounds_one_im": 1, "error_one_im": 0.054177419182836764, "one_im_sa_cls": 27.73469387755102, "model_in_bounds": 1, "pred_cls": 35.275433625644226, "error_w_gmm": 0.07031519766505921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06890762749466539}, "run_6308": {"edge_length": 1000, "pf": 0.458536, "in_bounds_one_im": 0, "error_one_im": 0.08080337026110421, "one_im_sa_cls": 37.93877551020408, "model_in_bounds": 1, "pred_cls": 41.66113166583547, "error_w_gmm": 0.09054388666702405, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08873137844382178}, "run_6309": {"edge_length": 1000, "pf": 0.52306, "in_bounds_one_im": 1, "error_one_im": 0.05710173741833076, "one_im_sa_cls": 30.510204081632654, "model_in_bounds": 1, "pred_cls": 36.41155547560397, "error_w_gmm": 0.069538504534196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06814648221289978}, "run_6310": {"edge_length": 1000, "pf": 0.501163, "in_bounds_one_im": 1, "error_one_im": 0.06416938612127386, "one_im_sa_cls": 32.816326530612244, "model_in_bounds": 1, "pred_cls": 45.392360205775816, "error_w_gmm": 0.09057380016683442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08876069313496168}, "run_6311": {"edge_length": 1000, "pf": 0.472086, "in_bounds_one_im": 1, "error_one_im": 0.07698292849656589, "one_im_sa_cls": 37.142857142857146, "model_in_bounds": 1, "pred_cls": 42.76402907259699, "error_w_gmm": 0.09044397490510915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0886334667163292}, "run_6312": {"edge_length": 1000, "pf": 0.528176, "in_bounds_one_im": 1, "error_one_im": 0.07050688526649966, "one_im_sa_cls": 38.06122448979592, "model_in_bounds": 1, "pred_cls": 44.85946539744114, "error_w_gmm": 0.08479783646148176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08310035271571088}, "run_6313": {"edge_length": 1000, "pf": 0.507086, "in_bounds_one_im": 1, "error_one_im": 0.06301929675218003, "one_im_sa_cls": 32.61224489795919, "model_in_bounds": 1, "pred_cls": 35.509266852606075, "error_w_gmm": 0.07001909091124195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06861744820813509}, "run_6314": {"edge_length": 1000, "pf": 0.50558, "in_bounds_one_im": 1, "error_one_im": 0.06313031704055688, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 39.67153099384224, "error_w_gmm": 0.07846247964634885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07689181712227533}, "run_6315": {"edge_length": 1000, "pf": 0.528607, "in_bounds_one_im": 1, "error_one_im": 0.05590347901814394, "one_im_sa_cls": 30.20408163265306, "model_in_bounds": 1, "pred_cls": 49.86413220003085, "error_w_gmm": 0.09417667876865289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09229144928507882}, "run_6316": {"edge_length": 1000, "pf": 0.528495, "in_bounds_one_im": 1, "error_one_im": 0.06252773813896993, "one_im_sa_cls": 33.775510204081634, "model_in_bounds": 1, "pred_cls": 41.87703225900335, "error_w_gmm": 0.0791094931457776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07752587870047115}, "run_6317": {"edge_length": 1000, "pf": 0.479707, "in_bounds_one_im": 1, "error_one_im": 0.07140009541384391, "one_im_sa_cls": 34.97959183673469, "model_in_bounds": 1, "pred_cls": 43.61878476700871, "error_w_gmm": 0.09085305200742101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08903435491004484}, "run_6318": {"edge_length": 1000, "pf": 0.493477, "in_bounds_one_im": 1, "error_one_im": 0.05730170542663321, "one_im_sa_cls": 28.857142857142858, "model_in_bounds": 1, "pred_cls": 35.37735907722773, "error_w_gmm": 0.07168388469814402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0702489161401422}, "run_6319": {"edge_length": 1000, "pf": 0.5397, "in_bounds_one_im": 0, "error_one_im": 0.05710916087741, "one_im_sa_cls": 31.551020408163264, "model_in_bounds": 0, "pred_cls": 34.343298227707685, "error_w_gmm": 0.06343314954296149, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.062163344265073965}, "run_6320": {"edge_length": 1000, "pf": 0.516945, "in_bounds_one_im": 1, "error_one_im": 0.048332375991891385, "one_im_sa_cls": 25.510204081632654, "model_in_bounds": 1, "pred_cls": 22.154220560581077, "error_w_gmm": 0.04283143175526139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041974031823298764}, "run_6321": {"edge_length": 1200, "pf": 0.48597986111111113, "in_bounds_one_im": 1, "error_one_im": 0.0492273135417707, "one_im_sa_cls": 29.306122448979593, "model_in_bounds": 1, "pred_cls": 37.74452987188416, "error_w_gmm": 0.06469693417266978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06340183044429569}, "run_6322": {"edge_length": 1200, "pf": 0.4818701388888889, "in_bounds_one_im": 1, "error_one_im": 0.05544079292425213, "one_im_sa_cls": 32.734693877551024, "model_in_bounds": 1, "pred_cls": 38.71124544941554, "error_w_gmm": 0.06690216895654999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06556292082122586}, "run_6323": {"edge_length": 1200, "pf": 0.5076701388888889, "in_bounds_one_im": 1, "error_one_im": 0.048417243960625946, "one_im_sa_cls": 30.10204081632653, "model_in_bounds": 1, "pred_cls": 36.58706593149537, "error_w_gmm": 0.06005008299398437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0588479999684252}, "run_6324": {"edge_length": 1200, "pf": 0.4635513888888889, "in_bounds_one_im": 0, "error_one_im": 0.05052390121647382, "one_im_sa_cls": 28.755102040816325, "model_in_bounds": 0, "pred_cls": 40.14854857464817, "error_w_gmm": 0.07198362584484337, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07054265706624975}, "run_6325": {"edge_length": 1200, "pf": 0.5039305555555555, "in_bounds_one_im": 1, "error_one_im": 0.04993828283480073, "one_im_sa_cls": 30.816326530612244, "model_in_bounds": 1, "pred_cls": 38.698214856179774, "error_w_gmm": 0.06399198377135411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06271099174556283}, "run_6326": {"edge_length": 1200, "pf": 0.48295, "in_bounds_one_im": 1, "error_one_im": 0.05418288630160053, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 40.09940087456982, "error_w_gmm": 0.06915153414954142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0677672582043964}, "run_6327": {"edge_length": 1200, "pf": 0.47811180555555555, "in_bounds_one_im": 1, "error_one_im": 0.05572046734170878, "one_im_sa_cls": 32.6530612244898, "model_in_bounds": 1, "pred_cls": 40.48826949407032, "error_w_gmm": 0.07050208605695857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06909077475329113}, "run_6328": {"edge_length": 1200, "pf": 0.5218069444444444, "in_bounds_one_im": 1, "error_one_im": 0.05312900810919072, "one_im_sa_cls": 33.97959183673469, "model_in_bounds": 1, "pred_cls": 43.968135663676335, "error_w_gmm": 0.07015094177940046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06874665968459547}, "run_6329": {"edge_length": 1200, "pf": 0.4831597222222222, "in_bounds_one_im": 1, "error_one_im": 0.060296678403562474, "one_im_sa_cls": 35.69387755102041, "model_in_bounds": 1, "pred_cls": 44.22164345069187, "error_w_gmm": 0.07622833649468554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07470239706549185}, "run_6330": {"edge_length": 1200, "pf": 0.48095763888888887, "in_bounds_one_im": 1, "error_one_im": 0.0605631649704413, "one_im_sa_cls": 35.69387755102041, "model_in_bounds": 1, "pred_cls": 40.699141805867086, "error_w_gmm": 0.07046638458318284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06905578795189339}, "run_6331": {"edge_length": 1200, "pf": 0.47286041666666667, "in_bounds_one_im": 1, "error_one_im": 0.05740121170339342, "one_im_sa_cls": 33.285714285714285, "model_in_bounds": 1, "pred_cls": 40.38679101598848, "error_w_gmm": 0.0710696916098595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0696470179738465}, "run_6332": {"edge_length": 1200, "pf": 0.5065875, "in_bounds_one_im": 1, "error_one_im": 0.049739383173654, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 31.522784842628738, "error_w_gmm": 0.0518502872184757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050812347768134924}, "run_6333": {"edge_length": 1200, "pf": 0.47446041666666666, "in_bounds_one_im": 1, "error_one_im": 0.056691094878732654, "one_im_sa_cls": 32.97959183673469, "model_in_bounds": 1, "pred_cls": 41.218994010494775, "error_w_gmm": 0.07230175864392516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07085442148050045}, "run_6334": {"edge_length": 1200, "pf": 0.5346958333333334, "in_bounds_one_im": 0, "error_one_im": 0.04524273273230446, "one_im_sa_cls": 29.693877551020407, "model_in_bounds": 0, "pred_cls": 37.90295391326953, "error_w_gmm": 0.05893005926820087, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05775039688624224}, "run_6335": {"edge_length": 1200, "pf": 0.4926583333333333, "in_bounds_one_im": 1, "error_one_im": 0.05300503314291073, "one_im_sa_cls": 31.979591836734695, "model_in_bounds": 1, "pred_cls": 37.86380621761252, "error_w_gmm": 0.06403985905379735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06275790866023213}, "run_6336": {"edge_length": 1200, "pf": 0.50264375, "in_bounds_one_im": 1, "error_one_im": 0.054941045541090965, "one_im_sa_cls": 33.816326530612244, "model_in_bounds": 1, "pred_cls": 43.02218653845096, "error_w_gmm": 0.07132550826587142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06989771369006088}, "run_6337": {"edge_length": 1200, "pf": 0.4972722222222222, "in_bounds_one_im": 1, "error_one_im": 0.045748067950272524, "one_im_sa_cls": 27.857142857142858, "model_in_bounds": 1, "pred_cls": 39.54075573334347, "error_w_gmm": 0.06626177362304354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06493534492645577}, "run_6338": {"edge_length": 1200, "pf": 0.49250555555555553, "in_bounds_one_im": 1, "error_one_im": 0.05116024733388727, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 37.57629950492668, "error_w_gmm": 0.06357301924600806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062300414055323716}, "run_6339": {"edge_length": 1200, "pf": 0.4875138888888889, "in_bounds_one_im": 1, "error_one_im": 0.048597946088233854, "one_im_sa_cls": 29.020408163265305, "model_in_bounds": 1, "pred_cls": 37.86988979133054, "error_w_gmm": 0.06471282281395344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0634174010266354}, "run_6340": {"edge_length": 1200, "pf": 0.5024618055555555, "in_bounds_one_im": 1, "error_one_im": 0.05293773280027078, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 41.37002775368293, "error_w_gmm": 0.06861139468419535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06723793125504288}, "run_6341": {"edge_length": 1200, "pf": 0.49120902777777775, "in_bounds_one_im": 1, "error_one_im": 0.05197159657756649, "one_im_sa_cls": 31.26530612244898, "model_in_bounds": 1, "pred_cls": 40.354916691946364, "error_w_gmm": 0.06845130514022926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06708104638480543}, "run_6342": {"edge_length": 1200, "pf": 0.5097784722222222, "in_bounds_one_im": 1, "error_one_im": 0.05615641415262498, "one_im_sa_cls": 35.06122448979592, "model_in_bounds": 1, "pred_cls": 39.422782776519746, "error_w_gmm": 0.06443197896574908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06314217911275521}, "run_6343": {"edge_length": 1200, "pf": 0.5278125, "in_bounds_one_im": 0, "error_one_im": 0.03909397739331752, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 37.972975410604136, "error_w_gmm": 0.05986056133327949, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05866227215378938}, "run_6344": {"edge_length": 1200, "pf": 0.49348333333333333, "in_bounds_one_im": 1, "error_one_im": 0.04575838472642281, "one_im_sa_cls": 27.653061224489797, "model_in_bounds": 1, "pred_cls": 42.52301035040556, "error_w_gmm": 0.07180147683538902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07036415431707478}, "run_6345": {"edge_length": 1200, "pf": 0.5125340277777778, "in_bounds_one_im": 1, "error_one_im": 0.05470986981930601, "one_im_sa_cls": 34.3469387755102, "model_in_bounds": 1, "pred_cls": 36.55867210438734, "error_w_gmm": 0.05942236913104459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05823285168644596}, "run_6346": {"edge_length": 1200, "pf": 0.5226506944444445, "in_bounds_one_im": 1, "error_one_im": 0.05004484305946095, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 42.491487677409495, "error_w_gmm": 0.0676804235347843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06632559629329719}, "run_6347": {"edge_length": 1200, "pf": 0.5078555555555555, "in_bounds_one_im": 1, "error_one_im": 0.04908836284591245, "one_im_sa_cls": 30.53061224489796, "model_in_bounds": 1, "pred_cls": 37.58425708768894, "error_w_gmm": 0.06166388874399197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060429500542454585}, "run_6348": {"edge_length": 1200, "pf": 0.49894166666666667, "in_bounds_one_im": 1, "error_one_im": 0.04843485737358721, "one_im_sa_cls": 29.591836734693878, "model_in_bounds": 1, "pred_cls": 40.23987417368947, "error_w_gmm": 0.06720856484672802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06586318327610588}, "run_6349": {"edge_length": 1200, "pf": 0.5022291666666666, "in_bounds_one_im": 1, "error_one_im": 0.05010850779146554, "one_im_sa_cls": 30.816326530612244, "model_in_bounds": 1, "pred_cls": 37.10958712629562, "error_w_gmm": 0.061574178978268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06034158658751432}, "run_6350": {"edge_length": 1200, "pf": 0.4890173611111111, "in_bounds_one_im": 1, "error_one_im": 0.04691866417061761, "one_im_sa_cls": 28.10204081632653, "model_in_bounds": 1, "pred_cls": 38.760966132480576, "error_w_gmm": 0.06603653489283608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06471461502689063}, "run_6351": {"edge_length": 1200, "pf": 0.48605069444444443, "in_bounds_one_im": 1, "error_one_im": 0.055458566543366346, "one_im_sa_cls": 33.02040816326531, "model_in_bounds": 1, "pred_cls": 41.16885494455858, "error_w_gmm": 0.07055647824267929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06914407811581763}, "run_6352": {"edge_length": 1200, "pf": 0.4744361111111111, "in_bounds_one_im": 1, "error_one_im": 0.055115130498167755, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 38.46119324832526, "error_w_gmm": 0.06746762054165689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06611705319213117}, "run_6353": {"edge_length": 1200, "pf": 0.49923055555555557, "in_bounds_one_im": 1, "error_one_im": 0.04633706932403561, "one_im_sa_cls": 28.3265306122449, "model_in_bounds": 1, "pred_cls": 35.654035281903624, "error_w_gmm": 0.05951490860542547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058323538704913414}, "run_6354": {"edge_length": 1200, "pf": 0.5031965277777778, "in_bounds_one_im": 1, "error_one_im": 0.046898344416115914, "one_im_sa_cls": 28.897959183673468, "model_in_bounds": 1, "pred_cls": 36.374724842333954, "error_w_gmm": 0.060238196357703895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059032347677375745}, "run_6355": {"edge_length": 1200, "pf": 0.5004395833333334, "in_bounds_one_im": 1, "error_one_im": 0.07326754309408852, "one_im_sa_cls": 44.89795918367347, "model_in_bounds": 1, "pred_cls": 48.659979279270274, "error_w_gmm": 0.08102869639406987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07940666332330366}, "run_6356": {"edge_length": 1200, "pf": 0.49227916666666666, "in_bounds_one_im": 1, "error_one_im": 0.04783212666945956, "one_im_sa_cls": 28.836734693877553, "model_in_bounds": 1, "pred_cls": 37.33978282432215, "error_w_gmm": 0.06320148766428628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06193631979567678}, "run_6357": {"edge_length": 1200, "pf": 0.5027909722222222, "in_bounds_one_im": 1, "error_one_im": 0.05018482421460769, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 41.50135041999197, "error_w_gmm": 0.0687838919087988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06740697542887086}, "run_6358": {"edge_length": 1200, "pf": 0.5128569444444444, "in_bounds_one_im": 1, "error_one_im": 0.05243296692280924, "one_im_sa_cls": 32.93877551020408, "model_in_bounds": 1, "pred_cls": 42.804025924871205, "error_w_gmm": 0.06952860336282415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06813677924325291}, "run_6359": {"edge_length": 1200, "pf": 0.49161875, "in_bounds_one_im": 1, "error_one_im": 0.05189511740858091, "one_im_sa_cls": 31.244897959183675, "model_in_bounds": 1, "pred_cls": 40.81424776249267, "error_w_gmm": 0.06917371326405886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0677889933372279}, "run_6360": {"edge_length": 1200, "pf": 0.5002972222222222, "in_bounds_one_im": 1, "error_one_im": 0.056298821720403784, "one_im_sa_cls": 34.48979591836735, "model_in_bounds": 1, "pred_cls": 38.52045364849079, "error_w_gmm": 0.0641626036344211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06287819613889206}, "run_6361": {"edge_length": 1400, "pf": 0.48855408163265307, "in_bounds_one_im": 1, "error_one_im": 0.045135141347293996, "one_im_sa_cls": 31.510204081632654, "model_in_bounds": 1, "pred_cls": 37.94594898846898, "error_w_gmm": 0.05435468581795423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05435368703784714}, "run_6362": {"edge_length": 1400, "pf": 0.49497857142857143, "in_bounds_one_im": 1, "error_one_im": 0.04504935553592916, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 40.88195060633561, "error_w_gmm": 0.05781244660009687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057811384282824}, "run_6363": {"edge_length": 1400, "pf": 0.5086122448979592, "in_bounds_one_im": 1, "error_one_im": 0.04423064704463633, "one_im_sa_cls": 32.142857142857146, "model_in_bounds": 1, "pred_cls": 38.16593001150274, "error_w_gmm": 0.05251974931286712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052518784250148845}, "run_6364": {"edge_length": 1400, "pf": 0.4867479591836735, "in_bounds_one_im": 1, "error_one_im": 0.04676549818531359, "one_im_sa_cls": 32.53061224489796, "model_in_bounds": 1, "pred_cls": 38.93286280677169, "error_w_gmm": 0.05597030169328623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05596927322585827}, "run_6365": {"edge_length": 1400, "pf": 0.491905612244898, "in_bounds_one_im": 1, "error_one_im": 0.053864074163807035, "one_im_sa_cls": 37.857142857142854, "model_in_bounds": 1, "pred_cls": 39.42008159417553, "error_w_gmm": 0.056088892494576756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05608786184801497}, "run_6366": {"edge_length": 1400, "pf": 0.5018908163265307, "in_bounds_one_im": 1, "error_one_im": 0.044715471069847655, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 36.74637844929651, "error_w_gmm": 0.05125075046581954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05124980872125293}, "run_6367": {"edge_length": 1400, "pf": 0.5150714285714286, "in_bounds_one_im": 1, "error_one_im": 0.044411111601711024, "one_im_sa_cls": 32.69387755102041, "model_in_bounds": 1, "pred_cls": 42.76206379859089, "error_w_gmm": 0.058088725693751786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058087658299785655}, "run_6368": {"edge_length": 1400, "pf": 0.49751173469387755, "in_bounds_one_im": 1, "error_one_im": 0.057369459313093826, "one_im_sa_cls": 40.775510204081634, "model_in_bounds": 1, "pred_cls": 43.02016452296257, "error_w_gmm": 0.060528707491412696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060527595262208446}, "run_6369": {"edge_length": 1400, "pf": 0.5220535714285715, "in_bounds_one_im": 1, "error_one_im": 0.04439581929301323, "one_im_sa_cls": 33.142857142857146, "model_in_bounds": 1, "pred_cls": 39.16236452133812, "error_w_gmm": 0.05246008814158143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052459124175151195}, "run_6370": {"edge_length": 1400, "pf": 0.5285408163265306, "in_bounds_one_im": 0, "error_one_im": 0.04471253242576486, "one_im_sa_cls": 33.816326530612244, "model_in_bounds": 0, "pred_cls": 38.26123427901219, "error_w_gmm": 0.0505905960227375, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05058966640866375}, "run_6371": {"edge_length": 1400, "pf": 0.5079964285714286, "in_bounds_one_im": 1, "error_one_im": 0.04307611609356357, "one_im_sa_cls": 31.26530612244898, "model_in_bounds": 1, "pred_cls": 41.639436040716845, "error_w_gmm": 0.057370240788935864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05736918659729846}, "run_6372": {"edge_length": 1400, "pf": 0.5101607142857143, "in_bounds_one_im": 1, "error_one_im": 0.042330077833660884, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 35.59728788614771, "error_w_gmm": 0.04883354440290767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04883264707506974}, "run_6373": {"edge_length": 1400, "pf": 0.5055489795918368, "in_bounds_one_im": 1, "error_one_im": 0.039360001962485805, "one_im_sa_cls": 28.428571428571427, "model_in_bounds": 1, "pred_cls": 39.58267221401267, "error_w_gmm": 0.05480411453679595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054803107498330644}, "run_6374": {"edge_length": 1400, "pf": 0.4739688775510204, "in_bounds_one_im": 0, "error_one_im": 0.050295743491567, "one_im_sa_cls": 34.10204081632653, "model_in_bounds": 1, "pred_cls": 39.676157163248014, "error_w_gmm": 0.058517861244290176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058516785964857695}, "run_6375": {"edge_length": 1400, "pf": 0.5016698979591837, "in_bounds_one_im": 1, "error_one_im": 0.04829468779757629, "one_im_sa_cls": 34.61224489795919, "model_in_bounds": 1, "pred_cls": 40.15237776441369, "error_w_gmm": 0.056025900287810744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05602487079874555}, "run_6376": {"edge_length": 1400, "pf": 0.4895984693877551, "in_bounds_one_im": 1, "error_one_im": 0.04454500076256661, "one_im_sa_cls": 31.163265306122447, "model_in_bounds": 1, "pred_cls": 42.87108711394091, "error_w_gmm": 0.06128137347346583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06128024741384762}, "run_6377": {"edge_length": 1400, "pf": 0.49675510204081635, "in_bounds_one_im": 1, "error_one_im": 0.04241646952083683, "one_im_sa_cls": 30.10204081632653, "model_in_bounds": 1, "pred_cls": 41.208524538532586, "error_w_gmm": 0.058067566075850695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05806649907069756}, "run_6378": {"edge_length": 1400, "pf": 0.48912091836734695, "in_bounds_one_im": 1, "error_one_im": 0.03860169476461432, "one_im_sa_cls": 26.979591836734695, "model_in_bounds": 1, "pred_cls": 37.24984116554123, "error_w_gmm": 0.05329707839051815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05329609904419577}, "run_6379": {"edge_length": 1400, "pf": 0.48987448979591836, "in_bounds_one_im": 1, "error_one_im": 0.04408307444176452, "one_im_sa_cls": 30.857142857142858, "model_in_bounds": 1, "pred_cls": 40.745027584164575, "error_w_gmm": 0.05821015568486009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05820908605958948}, "run_6380": {"edge_length": 1400, "pf": 0.4974209183673469, "in_bounds_one_im": 1, "error_one_im": 0.04974071739859778, "one_im_sa_cls": 35.3469387755102, "model_in_bounds": 1, "pred_cls": 41.368934762431124, "error_w_gmm": 0.058216025946681196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05821495621354307}, "run_6381": {"edge_length": 1400, "pf": 0.526515306122449, "in_bounds_one_im": 0, "error_one_im": 0.04080340621006117, "one_im_sa_cls": 30.73469387755102, "model_in_bounds": 0, "pred_cls": 36.932772083654726, "error_w_gmm": 0.0490328811951177, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04903198020441937}, "run_6382": {"edge_length": 1400, "pf": 0.5071341836734694, "in_bounds_one_im": 1, "error_one_im": 0.038052415529212444, "one_im_sa_cls": 27.571428571428573, "model_in_bounds": 1, "pred_cls": 39.86237179219574, "error_w_gmm": 0.055016641761921156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055015630818218274}, "run_6383": {"edge_length": 1400, "pf": 0.5070448979591837, "in_bounds_one_im": 1, "error_one_im": 0.037580303166151886, "one_im_sa_cls": 27.224489795918366, "model_in_bounds": 1, "pred_cls": 37.88008333296658, "error_w_gmm": 0.0522900955991395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05228913475636214}, "run_6384": {"edge_length": 1400, "pf": 0.5043933673469387, "in_bounds_one_im": 1, "error_one_im": 0.04508695545656317, "one_im_sa_cls": 32.48979591836735, "model_in_bounds": 1, "pred_cls": 39.04793494253218, "error_w_gmm": 0.05418885544889721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05418785971596201}, "run_6385": {"edge_length": 1400, "pf": 0.47555102040816327, "in_bounds_one_im": 0, "error_one_im": 0.04935633928921807, "one_im_sa_cls": 33.57142857142857, "model_in_bounds": 1, "pred_cls": 40.36884978291484, "error_w_gmm": 0.059350922613544056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05934983202641343}, "run_6386": {"edge_length": 1400, "pf": 0.5053010204081633, "in_bounds_one_im": 1, "error_one_im": 0.04203686920779201, "one_im_sa_cls": 30.346938775510203, "model_in_bounds": 1, "pred_cls": 39.80810565899272, "error_w_gmm": 0.05514358114366483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05514256786742101}, "run_6387": {"edge_length": 1400, "pf": 0.507120918367347, "in_bounds_one_im": 1, "error_one_im": 0.04993983942256341, "one_im_sa_cls": 36.183673469387756, "model_in_bounds": 1, "pred_cls": 39.71719190883362, "error_w_gmm": 0.05481772422361246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054816716935065984}, "run_6388": {"edge_length": 1400, "pf": 0.4968530612244898, "in_bounds_one_im": 1, "error_one_im": 0.04111435156389627, "one_im_sa_cls": 29.183673469387756, "model_in_bounds": 1, "pred_cls": 38.98169811987343, "error_w_gmm": 0.05491894957645276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0549179404278667}, "run_6389": {"edge_length": 1400, "pf": 0.4983234693877551, "in_bounds_one_im": 1, "error_one_im": 0.04024827804600085, "one_im_sa_cls": 28.653061224489797, "model_in_bounds": 1, "pred_cls": 36.12774546547141, "error_w_gmm": 0.050748722896332275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05074779037663999}, "run_6390": {"edge_length": 1400, "pf": 0.5068566326530612, "in_bounds_one_im": 1, "error_one_im": 0.04548534958313326, "one_im_sa_cls": 32.93877551020408, "model_in_bounds": 1, "pred_cls": 41.259650890247535, "error_w_gmm": 0.056976742485565265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056975695524551596}, "run_6391": {"edge_length": 1400, "pf": 0.48430102040816325, "in_bounds_one_im": 1, "error_one_im": 0.043191873647854095, "one_im_sa_cls": 29.897959183673468, "model_in_bounds": 1, "pred_cls": 37.597073235296584, "error_w_gmm": 0.05431534194704797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05431434388989372}, "run_6392": {"edge_length": 1400, "pf": 0.4866234693877551, "in_bounds_one_im": 1, "error_one_im": 0.043285005358819004, "one_im_sa_cls": 30.10204081632653, "model_in_bounds": 1, "pred_cls": 41.10613706312125, "error_w_gmm": 0.059109349734490994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05910826358631869}, "run_6393": {"edge_length": 1400, "pf": 0.5144178571428571, "in_bounds_one_im": 1, "error_one_im": 0.04116598031233157, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 35.66482882834305, "error_w_gmm": 0.04851114388384294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04851025248019017}, "run_6394": {"edge_length": 1400, "pf": 0.5102392857142857, "in_bounds_one_im": 1, "error_one_im": 0.046886067941493886, "one_im_sa_cls": 34.183673469387756, "model_in_bounds": 1, "pred_cls": 41.809522498045965, "error_w_gmm": 0.05734667854064286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057345624781967294}, "run_6395": {"edge_length": 1400, "pf": 0.500888775510204, "in_bounds_one_im": 1, "error_one_im": 0.04526149770241786, "one_im_sa_cls": 32.38775510204081, "model_in_bounds": 1, "pred_cls": 40.361583744381655, "error_w_gmm": 0.05640586367054145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0564048271995599}, "run_6396": {"edge_length": 1400, "pf": 0.49653214285714287, "in_bounds_one_im": 1, "error_one_im": 0.041687375240047404, "one_im_sa_cls": 29.571428571428573, "model_in_bounds": 1, "pred_cls": 39.13385354249654, "error_w_gmm": 0.055168711614861615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05516769787683953}, "run_6397": {"edge_length": 1400, "pf": 0.48287142857142856, "in_bounds_one_im": 1, "error_one_im": 0.04710025552479127, "one_im_sa_cls": 32.51020408163265, "model_in_bounds": 1, "pred_cls": 37.50668093623957, "error_w_gmm": 0.054340068532353056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05433907002084203}, "run_6398": {"edge_length": 1400, "pf": 0.48665663265306125, "in_bounds_one_im": 1, "error_one_im": 0.051439714034020693, "one_im_sa_cls": 35.775510204081634, "model_in_bounds": 1, "pred_cls": 35.44252021673116, "error_w_gmm": 0.05096186177849023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050960925342321016}, "run_6399": {"edge_length": 1400, "pf": 0.49203367346938776, "in_bounds_one_im": 1, "error_one_im": 0.04322537025195106, "one_im_sa_cls": 30.387755102040817, "model_in_bounds": 1, "pred_cls": 35.29186859016919, "error_w_gmm": 0.050202198667893126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05020127619071187}, "run_6400": {"edge_length": 1400, "pf": 0.49989540816326533, "in_bounds_one_im": 1, "error_one_im": 0.04249382168494031, "one_im_sa_cls": 30.346938775510203, "model_in_bounds": 1, "pred_cls": 38.73260862588639, "error_w_gmm": 0.054236996383984645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05423599976644845}}, "fractal_noise_0.035_2_True_simplex": {"true_cls": 10.26530612244898, "true_pf": 0.49975085333333336, "run_6401": {"edge_length": 600, "pf": 0.49722777777777777, "in_bounds_one_im": 1, "error_one_im": 0.03526098590176929, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.043768469453571, "error_w_gmm": 0.03772167914063029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0362762244313432}, "run_6402": {"edge_length": 600, "pf": 0.49432777777777775, "in_bounds_one_im": 1, "error_one_im": 0.03445471816042368, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 10.871171548853876, "error_w_gmm": 0.037348156264243045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03591701455514573}, "run_6403": {"edge_length": 600, "pf": 0.5026527777777777, "in_bounds_one_im": 1, "error_one_im": 0.035543595283861175, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 8.547057535454302, "error_w_gmm": 0.028878737925881505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027772135338610292}, "run_6404": {"edge_length": 600, "pf": 0.4994722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03250035793060643, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.078864433066554, "error_w_gmm": 0.03767206679429939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03622851317746833}, "run_6405": {"edge_length": 600, "pf": 0.5062388888888889, "in_bounds_one_im": 1, "error_one_im": 0.03706720536310629, "one_im_sa_cls": 11.489795918367347, "model_in_bounds": 1, "pred_cls": 13.265987755900195, "error_w_gmm": 0.044502668990360324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0427973739469412}, "run_6406": {"edge_length": 600, "pf": 0.5025361111111111, "in_bounds_one_im": 1, "error_one_im": 0.03681212488649738, "one_im_sa_cls": 11.326530612244898, "model_in_bounds": 1, "pred_cls": 9.975388319117155, "error_w_gmm": 0.03371263751459149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032420805025473405}, "run_6407": {"edge_length": 600, "pf": 0.49188055555555554, "in_bounds_one_im": 1, "error_one_im": 0.040450898400581116, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 7.656612046994714, "error_w_gmm": 0.026433550428834638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025420644831284388}, "run_6408": {"edge_length": 600, "pf": 0.5063777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03606960208190901, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 6.190196222036361, "error_w_gmm": 0.02076013747915394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019964631044437246}, "run_6409": {"edge_length": 600, "pf": 0.49959444444444445, "in_bounds_one_im": 1, "error_one_im": 0.033426487876133365, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 6.71040690856497, "error_w_gmm": 0.02281218549003481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021938046753453806}, "run_6410": {"edge_length": 600, "pf": 0.5000694444444445, "in_bounds_one_im": 1, "error_one_im": 0.035594401831366966, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 10.02355046215013, "error_w_gmm": 0.03404293845293273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03273844918241766}, "run_6411": {"edge_length": 600, "pf": 0.4986277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03095092634070096, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 11.756737476358431, "error_w_gmm": 0.040044649608780396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03851018113660624}, "run_6412": {"edge_length": 600, "pf": 0.5060222222222223, "in_bounds_one_im": 1, "error_one_im": 0.033262971983154754, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 8.135322630167325, "error_w_gmm": 0.027302943433252062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026256723618490782}, "run_6413": {"edge_length": 600, "pf": 0.5007277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03528129276467737, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.396180443332032, "error_w_gmm": 0.03526204097965969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033910836994197974}, "run_6414": {"edge_length": 600, "pf": 0.51035, "in_bounds_one_im": 1, "error_one_im": 0.034086317384149946, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 14.22870731151863, "error_w_gmm": 0.047341285110659354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04552721731023629}, "run_6415": {"edge_length": 600, "pf": 0.49245555555555554, "in_bounds_one_im": 1, "error_one_im": 0.03519310804416003, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 10.132541308943637, "error_w_gmm": 0.034941188951927014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03360227967563623}, "run_6416": {"edge_length": 600, "pf": 0.49695, "in_bounds_one_im": 1, "error_one_im": 0.03762814865231566, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 1, "pred_cls": 5.950203989887209, "error_w_gmm": 0.020335125696145356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019555905261873088}, "run_6417": {"edge_length": 600, "pf": 0.5057777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03855119895367226, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 12.494748707320758, "error_w_gmm": 0.04195411515028697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04034647798514706}, "run_6418": {"edge_length": 600, "pf": 0.49127777777777776, "in_bounds_one_im": 1, "error_one_im": 0.033580159461039275, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 13.739376418679734, "error_w_gmm": 0.047490811851254595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04567101434483012}, "run_6419": {"edge_length": 600, "pf": 0.4996611111111111, "in_bounds_one_im": 1, "error_one_im": 0.036424010165513124, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 10.480941204566491, "error_w_gmm": 0.03562545478144875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03426032516480675}, "run_6420": {"edge_length": 600, "pf": 0.5161027777777778, "in_bounds_one_im": 1, "error_one_im": 0.036149080414196594, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 13.959226452997632, "error_w_gmm": 0.045912992090095875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04415365496232177}, "run_6421": {"edge_length": 600, "pf": 0.5041388888888889, "in_bounds_one_im": 1, "error_one_im": 0.034644713344352915, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 7.176319295874262, "error_w_gmm": 0.024175332469049064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023248959386989513}, "run_6422": {"edge_length": 600, "pf": 0.49275, "in_bounds_one_im": 1, "error_one_im": 0.03368432234690459, "one_im_sa_cls": 10.16326530612245, "model_in_bounds": 1, "pred_cls": 12.049020155653025, "error_w_gmm": 0.041525533373305216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03993431900698993}, "run_6423": {"edge_length": 600, "pf": 0.4955861111111111, "in_bounds_one_im": 1, "error_one_im": 0.03275394961301959, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 4.747632834101679, "error_w_gmm": 0.016269599290298333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01564616551300802}, "run_6424": {"edge_length": 600, "pf": 0.5018277777777778, "in_bounds_one_im": 1, "error_one_im": 0.0311520053416924, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 10.672151431592777, "error_w_gmm": 0.036118537901618696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034734513863138784}, "run_6425": {"edge_length": 600, "pf": 0.49846944444444446, "in_bounds_one_im": 1, "error_one_im": 0.033368042811959486, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.570227011561904, "error_w_gmm": 0.036014676619745965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03463463243535568}, "run_6426": {"edge_length": 600, "pf": 0.5205138888888889, "in_bounds_one_im": 0, "error_one_im": 0.02700132438457597, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 0, "pred_cls": 5.8424153012514655, "error_w_gmm": 0.01904715241434344, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01831728574925722}, "run_6427": {"edge_length": 600, "pf": 0.5047, "in_bounds_one_im": 1, "error_one_im": 0.032558560213221496, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 8.72942500405806, "error_w_gmm": 0.029374394761898764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028248799130729935}, "run_6428": {"edge_length": 600, "pf": 0.48612222222222223, "in_bounds_one_im": 1, "error_one_im": 0.037286948399587634, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 0, "pred_cls": 7.830742987153324, "error_w_gmm": 0.027348022519044505, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026300075321559774}, "run_6429": {"edge_length": 600, "pf": 0.49535833333333334, "in_bounds_one_im": 1, "error_one_im": 0.03660424694328815, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 4.258907570503119, "error_w_gmm": 0.014601444038032676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014041932199535737}, "run_6430": {"edge_length": 600, "pf": 0.49395, "in_bounds_one_im": 1, "error_one_im": 0.03670750613263068, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 12.528023972028794, "error_w_gmm": 0.04307284642640575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041422340666115005}, "run_6431": {"edge_length": 600, "pf": 0.4942972222222222, "in_bounds_one_im": 1, "error_one_im": 0.03047844320281958, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 3.8643597155464704, "error_w_gmm": 0.013276906839840999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012768149860999578}, "run_6432": {"edge_length": 600, "pf": 0.50145, "in_bounds_one_im": 1, "error_one_im": 0.03363503004193725, "one_im_sa_cls": 10.326530612244898, "model_in_bounds": 1, "pred_cls": 8.664959699003594, "error_w_gmm": 0.02934761862904584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028223049030869383}, "run_6433": {"edge_length": 600, "pf": 0.4959388888888889, "in_bounds_one_im": 1, "error_one_im": 0.03756990374209448, "one_im_sa_cls": 11.408163265306122, "model_in_bounds": 1, "pred_cls": 10.453319231204114, "error_w_gmm": 0.03579707193584869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03442536613199367}, "run_6434": {"edge_length": 600, "pf": 0.5073666666666666, "in_bounds_one_im": 1, "error_one_im": 0.03757489026998202, "one_im_sa_cls": 11.673469387755102, "model_in_bounds": 1, "pred_cls": 10.192111489745178, "error_w_gmm": 0.034113860915118116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032806653971124665}, "run_6435": {"edge_length": 600, "pf": 0.4968888888888889, "in_bounds_one_im": 1, "error_one_im": 0.03360785525859129, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 8.791578380552824, "error_w_gmm": 0.030049340246349397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028897881420560493}, "run_6436": {"edge_length": 600, "pf": 0.5024944444444445, "in_bounds_one_im": 1, "error_one_im": 0.03164116567717235, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.744190083361556, "error_w_gmm": 0.03293402869873718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03167203167307681}, "run_6437": {"edge_length": 600, "pf": 0.4932472222222222, "in_bounds_one_im": 1, "error_one_im": 0.03473198657727982, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 7.499209870221931, "error_w_gmm": 0.025819452562024996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02483007854296667}, "run_6438": {"edge_length": 600, "pf": 0.49453888888888886, "in_bounds_one_im": 1, "error_one_im": 0.03760785892246607, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 11.975476908251286, "error_w_gmm": 0.0411246527946844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03954879974667287}, "run_6439": {"edge_length": 600, "pf": 0.5008833333333333, "in_bounds_one_im": 1, "error_one_im": 0.03553650912073231, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 14.370692333962323, "error_w_gmm": 0.0487277338472503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046860538802729224}, "run_6440": {"edge_length": 600, "pf": 0.4937916666666667, "in_bounds_one_im": 1, "error_one_im": 0.032871724528170665, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.475044228397437, "error_w_gmm": 0.0394650731643521, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0379528134464031}, "run_6441": {"edge_length": 800, "pf": 0.500009375, "in_bounds_one_im": 1, "error_one_im": 0.024949073738376827, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 8.628104061738993, "error_w_gmm": 0.0214252036837396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02113807017730866}, "run_6442": {"edge_length": 800, "pf": 0.5042265625, "in_bounds_one_im": 1, "error_one_im": 0.025681509723589527, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 12.654567228318905, "error_w_gmm": 0.031159737641811673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03074214512504359}, "run_6443": {"edge_length": 800, "pf": 0.4981515625, "in_bounds_one_im": 1, "error_one_im": 0.02604563328804489, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 11.565996083268153, "error_w_gmm": 0.028827455379353398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02844111933948463}, "run_6444": {"edge_length": 800, "pf": 0.4887171875, "in_bounds_one_im": 1, "error_one_im": 0.02874088453455031, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 10.2202198495426, "error_w_gmm": 0.025958509747881896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025610622370209477}, "run_6445": {"edge_length": 800, "pf": 0.4955921875, "in_bounds_one_im": 1, "error_one_im": 0.028903159694664414, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 10.624669540230297, "error_w_gmm": 0.026617167370644984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0262604528809622}, "run_6446": {"edge_length": 800, "pf": 0.4964109375, "in_bounds_one_im": 1, "error_one_im": 0.0314241896610401, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 7.720216707585572, "error_w_gmm": 0.019309218314163976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019050442545082497}, "run_6447": {"edge_length": 800, "pf": 0.5070359375, "in_bounds_one_im": 1, "error_one_im": 0.02701660924388259, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 8.37716601958786, "error_w_gmm": 0.02051176863984618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020236876688311107}, "run_6448": {"edge_length": 800, "pf": 0.517025, "in_bounds_one_im": 0, "error_one_im": 0.025128809938788667, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 0, "pred_cls": 8.3182994378284, "error_w_gmm": 0.019964518099246455, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019696960218786544}, "run_6449": {"edge_length": 800, "pf": 0.4955796875, "in_bounds_one_im": 1, "error_one_im": 0.025473753195811338, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 9.055552398384377, "error_w_gmm": 0.022686746094322526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022382705812991822}, "run_6450": {"edge_length": 800, "pf": 0.49984375, "in_bounds_one_im": 1, "error_one_im": 0.02445719240431301, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.302570917033627, "error_w_gmm": 0.02807570597957558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027699444636979376}, "run_6451": {"edge_length": 800, "pf": 0.5026203125, "in_bounds_one_im": 1, "error_one_im": 0.026858378417506722, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 9.084607322081313, "error_w_gmm": 0.022441293848992478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022140543037619812}, "run_6452": {"edge_length": 800, "pf": 0.498815625, "in_bounds_one_im": 1, "error_one_im": 0.024006357782823878, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.98642804298624, "error_w_gmm": 0.024857453862105774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02452432247191089}, "run_6453": {"edge_length": 800, "pf": 0.4941515625, "in_bounds_one_im": 1, "error_one_im": 0.027823056229939507, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 9.817730585801998, "error_w_gmm": 0.024666581079484648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02433600770330751}, "run_6454": {"edge_length": 800, "pf": 0.505503125, "in_bounds_one_im": 1, "error_one_im": 0.02536876015137238, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 10.814966870864362, "error_w_gmm": 0.026562122466632226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026206145670580543}, "run_6455": {"edge_length": 800, "pf": 0.4968875, "in_bounds_one_im": 1, "error_one_im": 0.02520596146311792, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.633222930625987, "error_w_gmm": 0.024070929273660183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02374833862633561}, "run_6456": {"edge_length": 800, "pf": 0.49993125, "in_bounds_one_im": 1, "error_one_im": 0.029753544167866453, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 1, "pred_cls": 7.492845854186874, "error_w_gmm": 0.018609051666338118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01835965929951706}, "run_6457": {"edge_length": 800, "pf": 0.496253125, "in_bounds_one_im": 1, "error_one_im": 0.025338713686261553, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 7.1020294910282935, "error_w_gmm": 0.01776866315981556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017530533402312202}, "run_6458": {"edge_length": 800, "pf": 0.4974046875, "in_bounds_one_im": 1, "error_one_im": 0.028044680908064903, "one_im_sa_cls": 11.387755102040817, "model_in_bounds": 1, "pred_cls": 11.862788105438726, "error_w_gmm": 0.029611389099766395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029214547038985354}, "run_6459": {"edge_length": 800, "pf": 0.502584375, "in_bounds_one_im": 1, "error_one_im": 0.02546755222293993, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 9.946662445822971, "error_w_gmm": 0.024572555698723363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024243242419657512}, "run_6460": {"edge_length": 800, "pf": 0.5065359375, "in_bounds_one_im": 1, "error_one_im": 0.026550147190754374, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 11.884955803418599, "error_w_gmm": 0.029129828815153528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028739440466324047}, "run_6461": {"edge_length": 800, "pf": 0.4940609375, "in_bounds_one_im": 1, "error_one_im": 0.028991820875557774, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 12.0345437662234, "error_w_gmm": 0.03024170031727576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029836411033649306}, "run_6462": {"edge_length": 800, "pf": 0.501759375, "in_bounds_one_im": 1, "error_one_im": 0.028150252311848586, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 12.617141794998105, "error_w_gmm": 0.03122126760633969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03080285048530049}, "run_6463": {"edge_length": 800, "pf": 0.50596875, "in_bounds_one_im": 1, "error_one_im": 0.025789795020260003, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 9.83581446046923, "error_w_gmm": 0.02413478415038902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02381133774108759}, "run_6464": {"edge_length": 800, "pf": 0.5042328125, "in_bounds_one_im": 1, "error_one_im": 0.023450197388830127, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 8.494371385876303, "error_w_gmm": 0.020915695518833228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02063539027261873}, "run_6465": {"edge_length": 800, "pf": 0.497584375, "in_bounds_one_im": 1, "error_one_im": 0.025823989980273594, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 10.59466026186891, "error_w_gmm": 0.026436439559539785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026082147124315898}, "run_6466": {"edge_length": 800, "pf": 0.5050046875, "in_bounds_one_im": 1, "error_one_im": 0.027522612403189307, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 7.520749300147483, "error_w_gmm": 0.01848977721829447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01824198332824875}, "run_6467": {"edge_length": 800, "pf": 0.5012484375, "in_bounds_one_im": 1, "error_one_im": 0.02488732323006296, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.590131501275941, "error_w_gmm": 0.02375515721545608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023436798441006212}, "run_6468": {"edge_length": 800, "pf": 0.5075203125, "in_bounds_one_im": 1, "error_one_im": 0.02708894930364487, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 7.477765587038, "error_w_gmm": 0.01829182432103052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018046683330361486}, "run_6469": {"edge_length": 800, "pf": 0.4987328125, "in_bounds_one_im": 1, "error_one_im": 0.02787003300438164, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 11.997596184530222, "error_w_gmm": 0.029868446556659805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029468159496706697}, "run_6470": {"edge_length": 800, "pf": 0.4992453125, "in_bounds_one_im": 1, "error_one_im": 0.026940137835314872, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.877010277212534, "error_w_gmm": 0.02207699525852615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02178112665659295}, "run_6471": {"edge_length": 800, "pf": 0.494725, "in_bounds_one_im": 1, "error_one_im": 0.02935757189887373, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 8.183088511436845, "error_w_gmm": 0.020536051909652936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020260834521752813}, "run_6472": {"edge_length": 800, "pf": 0.4984125, "in_bounds_one_im": 1, "error_one_im": 0.02708536381248887, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 11.631456023400112, "error_w_gmm": 0.028975484103581053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02858716423162054}, "run_6473": {"edge_length": 800, "pf": 0.5053921875, "in_bounds_one_im": 1, "error_one_im": 0.027699139331854635, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 10.666147067921036, "error_w_gmm": 0.02620242698063341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025851270704734787}, "run_6474": {"edge_length": 800, "pf": 0.5014015625, "in_bounds_one_im": 1, "error_one_im": 0.02527857558830339, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 10.86975112106564, "error_w_gmm": 0.02691658406020044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02655585688689401}, "run_6475": {"edge_length": 800, "pf": 0.496946875, "in_bounds_one_im": 1, "error_one_im": 0.02756731864048325, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 10.154256632753043, "error_w_gmm": 0.02536984459452149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02502984631289204}, "run_6476": {"edge_length": 800, "pf": 0.494990625, "in_bounds_one_im": 1, "error_one_im": 0.026362328073623202, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 9.873305964886978, "error_w_gmm": 0.024764613651171576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024432726474833247}, "run_6477": {"edge_length": 800, "pf": 0.488021875, "in_bounds_one_im": 1, "error_one_im": 0.02565699609201446, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.787931503643833, "error_w_gmm": 0.027438601127729324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027070878054023084}, "run_6478": {"edge_length": 800, "pf": 0.4953625, "in_bounds_one_im": 1, "error_one_im": 0.025686681643010342, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 8.88275221672489, "error_w_gmm": 0.022263501668884477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02196513356961312}, "run_6479": {"edge_length": 800, "pf": 0.49129375, "in_bounds_one_im": 1, "error_one_im": 0.025387824454398338, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 0, "pred_cls": 5.167431075885435, "error_w_gmm": 0.013057358785835043, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012882368374156966}, "run_6480": {"edge_length": 800, "pf": 0.49708125, "in_bounds_one_im": 1, "error_one_im": 0.023888608688057356, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 9.138637838533262, "error_w_gmm": 0.022826242012335123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022520332252764577}, "run_6481": {"edge_length": 1000, "pf": 0.501545, "in_bounds_one_im": 1, "error_one_im": 0.020815197683687316, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 10.754158594338083, "error_w_gmm": 0.021441958853791087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021012733555710216}, "run_6482": {"edge_length": 1000, "pf": 0.502806, "in_bounds_one_im": 1, "error_one_im": 0.02139917352539085, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 10.769812866363957, "error_w_gmm": 0.021419082647892076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020990315285877616}, "run_6483": {"edge_length": 1000, "pf": 0.49975, "in_bounds_one_im": 1, "error_one_im": 0.021210212901524365, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 7.546119243144726, "error_w_gmm": 0.015099786493006058, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014797518850268088}, "run_6484": {"edge_length": 1000, "pf": 0.507528, "in_bounds_one_im": 1, "error_one_im": 0.02080399312889527, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 10.111740680981958, "error_w_gmm": 0.01992125466078975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019522470830999342}, "run_6485": {"edge_length": 1000, "pf": 0.504203, "in_bounds_one_im": 1, "error_one_im": 0.023917652830568733, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 10.405753624392066, "error_w_gmm": 0.02063729485598505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02022417732803225}, "run_6486": {"edge_length": 1000, "pf": 0.500274, "in_bounds_one_im": 1, "error_one_im": 0.02242729413319987, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 1, "pred_cls": 8.045860848031534, "error_w_gmm": 0.016082905847454237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015760958113879515}, "run_6487": {"edge_length": 1000, "pf": 0.50207, "in_bounds_one_im": 1, "error_one_im": 0.025095425924840507, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 10.519006711090245, "error_w_gmm": 0.020951095594081037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020531696400527315}, "run_6488": {"edge_length": 1000, "pf": 0.497736, "in_bounds_one_im": 1, "error_one_im": 0.021376182181191368, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 10.366291076881371, "error_w_gmm": 0.02082667278923614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02040976429235161}, "run_6489": {"edge_length": 1000, "pf": 0.503482, "in_bounds_one_im": 1, "error_one_im": 0.02029777506538117, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 13.40147914573865, "error_w_gmm": 0.026616947922762046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026084129653495863}, "run_6490": {"edge_length": 1000, "pf": 0.502738, "in_bounds_one_im": 1, "error_one_im": 0.0201688785109422, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.589306888144026, "error_w_gmm": 0.019073877669534195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018692056638904907}, "run_6491": {"edge_length": 1000, "pf": 0.502278, "in_bounds_one_im": 1, "error_one_im": 0.021819957991038176, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 9.819910635286453, "error_w_gmm": 0.01955054515257946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019159182188589908}, "run_6492": {"edge_length": 1000, "pf": 0.496085, "in_bounds_one_im": 1, "error_one_im": 0.02309974726283686, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 11.710911049589978, "error_w_gmm": 0.023605938604372805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02313339474291712}, "run_6493": {"edge_length": 1000, "pf": 0.499639, "in_bounds_one_im": 1, "error_one_im": 0.021375034712838657, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 9.940911611529614, "error_w_gmm": 0.019896183085207925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01949790113841126}, "run_6494": {"edge_length": 1000, "pf": 0.505723, "in_bounds_one_im": 1, "error_one_im": 0.020404716300289324, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 12.46069332025044, "error_w_gmm": 0.024637750409001666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02414455173086512}, "run_6495": {"edge_length": 1000, "pf": 0.502415, "in_bounds_one_im": 1, "error_one_im": 0.022888756397219184, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 9.977827849861194, "error_w_gmm": 0.01985950153420646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019461953878981298}, "run_6496": {"edge_length": 1000, "pf": 0.505991, "in_bounds_one_im": 1, "error_one_im": 0.021105191760748238, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 10.791989641624188, "error_w_gmm": 0.021326891031429516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020899969161906125}, "run_6497": {"edge_length": 1000, "pf": 0.506947, "in_bounds_one_im": 1, "error_one_im": 0.02268221067097192, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 10.376345807040337, "error_w_gmm": 0.02046632925535449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020056634118116715}, "run_6498": {"edge_length": 1000, "pf": 0.48623, "in_bounds_one_im": 0, "error_one_im": 0.024464281871993575, "one_im_sa_cls": 12.142857142857142, "model_in_bounds": 0, "pred_cls": 10.209713050322124, "error_w_gmm": 0.020989738455676577, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02056956570902074}, "run_6499": {"edge_length": 1000, "pf": 0.497253, "in_bounds_one_im": 1, "error_one_im": 0.02208057574586829, "one_im_sa_cls": 11.204081632653061, "model_in_bounds": 1, "pred_cls": 12.048547123087548, "error_w_gmm": 0.02422984936204575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023744816050220226}, "run_6500": {"edge_length": 1000, "pf": 0.502697, "in_bounds_one_im": 1, "error_one_im": 0.018658737142168858, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 7.631923750522891, "error_w_gmm": 0.015181735167315429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014877827075381714}, "run_6501": {"edge_length": 1000, "pf": 0.509341, "in_bounds_one_im": 1, "error_one_im": 0.020964226073794938, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 9.833477702477081, "error_w_gmm": 0.019302906160444538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018916500435713867}, "run_6502": {"edge_length": 1000, "pf": 0.492865, "in_bounds_one_im": 1, "error_one_im": 0.02272154406587622, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 10.24497657560232, "error_w_gmm": 0.020784461090458766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02036839758768656}, "run_6503": {"edge_length": 1000, "pf": 0.507285, "in_bounds_one_im": 1, "error_one_im": 0.019749750723742788, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.04074381262026, "error_w_gmm": 0.019791001127385056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0193948247138332}, "run_6504": {"edge_length": 1000, "pf": 0.488476, "in_bounds_one_im": 0, "error_one_im": 0.022021438195371723, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 0, "pred_cls": 9.049056147281885, "error_w_gmm": 0.018520157289356694, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01814942063757809}, "run_6505": {"edge_length": 1000, "pf": 0.496675, "in_bounds_one_im": 1, "error_one_im": 0.021179995135418368, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 10.427205809273485, "error_w_gmm": 0.02099355765474403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020573308455331767}, "run_6506": {"edge_length": 1000, "pf": 0.502189, "in_bounds_one_im": 1, "error_one_im": 0.02214243860571028, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 12.929434938943656, "error_w_gmm": 0.02574590648114577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02523052472619098}, "run_6507": {"edge_length": 1000, "pf": 0.502614, "in_bounds_one_im": 1, "error_one_im": 0.02156655539800483, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 9.141488520376953, "error_w_gmm": 0.01818764219065582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01782356182869337}, "run_6508": {"edge_length": 1000, "pf": 0.490784, "in_bounds_one_im": 1, "error_one_im": 0.02143105632702515, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 9.002296496618209, "error_w_gmm": 0.01833956924594235, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017972447607012727}, "run_6509": {"edge_length": 1000, "pf": 0.498835, "in_bounds_one_im": 1, "error_one_im": 0.022131099803324294, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 8.262878301493997, "error_w_gmm": 0.016564306578915933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016232722161777593}, "run_6510": {"edge_length": 1000, "pf": 0.508024, "in_bounds_one_im": 1, "error_one_im": 0.021098260217339307, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 10.651897595484021, "error_w_gmm": 0.020964611654842903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020544941896680345}, "run_6511": {"edge_length": 1000, "pf": 0.504192, "in_bounds_one_im": 1, "error_one_im": 0.01979298731648642, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 6.85449224201572, "error_w_gmm": 0.013594526156032289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013322390826355541}, "run_6512": {"edge_length": 1000, "pf": 0.491536, "in_bounds_one_im": 1, "error_one_im": 0.02493818973687774, "one_im_sa_cls": 12.510204081632653, "model_in_bounds": 1, "pred_cls": 10.30152442228069, "error_w_gmm": 0.020954819847604538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020535346101914955}, "run_6513": {"edge_length": 1000, "pf": 0.501089, "in_bounds_one_im": 1, "error_one_im": 0.02043506752363837, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 8.91509145371043, "error_w_gmm": 0.01779139096746692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017435242765553152}, "run_6514": {"edge_length": 1000, "pf": 0.501304, "in_bounds_one_im": 1, "error_one_im": 0.020226806870200575, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 10.500716924940395, "error_w_gmm": 0.020946733346842456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02052742147678772}, "run_6515": {"edge_length": 1000, "pf": 0.504349, "in_bounds_one_im": 1, "error_one_im": 0.02141253974756335, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 8.290155874678494, "error_w_gmm": 0.016436717971147076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01610768762374519}, "run_6516": {"edge_length": 1000, "pf": 0.505904, "in_bounds_one_im": 1, "error_one_im": 0.021820399675419277, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 9.203665897889078, "error_w_gmm": 0.018191246258542577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017827093750321283}, "run_6517": {"edge_length": 1000, "pf": 0.501919, "in_bounds_one_im": 1, "error_one_im": 0.019006561692284533, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 10.437788659575453, "error_w_gmm": 0.020795610016168954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020379323334115698}, "run_6518": {"edge_length": 1000, "pf": 0.502108, "in_bounds_one_im": 1, "error_one_im": 0.021747716216765602, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 9.898391379878772, "error_w_gmm": 0.019713494724714554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019318869834930474}, "run_6519": {"edge_length": 1000, "pf": 0.491739, "in_bounds_one_im": 1, "error_one_im": 0.021959469151175203, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 8.949277987977489, "error_w_gmm": 0.018196759731052736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017832496854096044}, "run_6520": {"edge_length": 1000, "pf": 0.503159, "in_bounds_one_im": 1, "error_one_im": 0.019674934756353266, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 8.453992596549664, "error_w_gmm": 0.016801495879692988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01646516340529819}, "run_6521": {"edge_length": 1200, "pf": 0.5055763888888889, "in_bounds_one_im": 1, "error_one_im": 0.017338547733454827, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 9.12468341830162, "error_w_gmm": 0.015039131765910629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014738078309968504}, "run_6522": {"edge_length": 1200, "pf": 0.4917611111111111, "in_bounds_one_im": 1, "error_one_im": 0.01968809757498237, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 0, "pred_cls": 9.238422333517395, "error_w_gmm": 0.015653210208104985, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01533986412516033}, "run_6523": {"edge_length": 1200, "pf": 0.5016680555555556, "in_bounds_one_im": 1, "error_one_im": 0.017607503140391716, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 8.541959585894874, "error_w_gmm": 0.014189183393135251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013905144210289462}, "run_6524": {"edge_length": 1200, "pf": 0.4953513888888889, "in_bounds_one_im": 1, "error_one_im": 0.019345344067313322, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 9.21332048858267, "error_w_gmm": 0.015498967827958676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01518870937017199}, "run_6525": {"edge_length": 1200, "pf": 0.5008111111111111, "in_bounds_one_im": 1, "error_one_im": 0.01836983772636733, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 11.707993915026185, "error_w_gmm": 0.019481693879277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01909170918060875}, "run_6526": {"edge_length": 1200, "pf": 0.5011375, "in_bounds_one_im": 1, "error_one_im": 0.017360140923148283, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.912494845551521, "error_w_gmm": 0.019809041128447044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01941250359001445}, "run_6527": {"edge_length": 1200, "pf": 0.5039798611111111, "in_bounds_one_im": 1, "error_one_im": 0.020204822464396244, "one_im_sa_cls": 12.46938775510204, "model_in_bounds": 1, "pred_cls": 10.174077769222926, "error_w_gmm": 0.016822357810853394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01648560772215938}, "run_6528": {"edge_length": 1200, "pf": 0.49390694444444444, "in_bounds_one_im": 1, "error_one_im": 0.017747988224881384, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.291568270559736, "error_w_gmm": 0.01905002882311674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018668685198879438}, "run_6529": {"edge_length": 1200, "pf": 0.5003166666666666, "in_bounds_one_im": 1, "error_one_im": 0.0165558735412266, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.304995584325017, "error_w_gmm": 0.017164118587562456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016820527128998373}, "run_6530": {"edge_length": 1200, "pf": 0.49894652777777776, "in_bounds_one_im": 1, "error_one_im": 0.01703554283066073, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 10.29976064603308, "error_w_gmm": 0.017202474298624662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016858115035140134}, "run_6531": {"edge_length": 1200, "pf": 0.497675, "in_bounds_one_im": 1, "error_one_im": 0.016911480413792594, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 9.160825640311861, "error_w_gmm": 0.015339204969441656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015032144645791778}, "run_6532": {"edge_length": 1200, "pf": 0.5008569444444444, "in_bounds_one_im": 1, "error_one_im": 0.01717023081682271, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 10.04217653214748, "error_w_gmm": 0.016708300135239346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016373833253977465}, "run_6533": {"edge_length": 1200, "pf": 0.4933298611111111, "in_bounds_one_im": 1, "error_one_im": 0.01780226792496323, "one_im_sa_cls": 10.755102040816327, "model_in_bounds": 1, "pred_cls": 8.749290478890149, "error_w_gmm": 0.01477799576721713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014482169733715525}, "run_6534": {"edge_length": 1200, "pf": 0.4988861111111111, "in_bounds_one_im": 1, "error_one_im": 0.016202424885633178, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 10.761029012673724, "error_w_gmm": 0.017975048261705803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017615223606656297}, "run_6535": {"edge_length": 1200, "pf": 0.4958916666666667, "in_bounds_one_im": 1, "error_one_im": 0.01972774290493706, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 9.55384499564069, "error_w_gmm": 0.016054451548404902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0157330734132084}, "run_6536": {"edge_length": 1200, "pf": 0.5012319444444444, "in_bounds_one_im": 1, "error_one_im": 0.01762286762574674, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.699182315397017, "error_w_gmm": 0.017788088525204002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017432006431604977}, "run_6537": {"edge_length": 1200, "pf": 0.5055930555555556, "in_bounds_one_im": 1, "error_one_im": 0.017799436594046744, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 8.326224704897463, "error_w_gmm": 0.01372266962973843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013447969123014426}, "run_6538": {"edge_length": 1200, "pf": 0.5044673611111111, "in_bounds_one_im": 1, "error_one_im": 0.016914545089993852, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 9.549831769953364, "error_w_gmm": 0.015774807451211795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015459027233714586}, "run_6539": {"edge_length": 1200, "pf": 0.5001930555555556, "in_bounds_one_im": 1, "error_one_im": 0.016693246440839627, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 8.876016601686155, "error_w_gmm": 0.014787650224041162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014491630927548127}, "run_6540": {"edge_length": 1200, "pf": 0.4916798611111111, "in_bounds_one_im": 1, "error_one_im": 0.017556097037407882, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 11.20146643270494, "error_w_gmm": 0.018982398193457203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0186024083996871}, "run_6541": {"edge_length": 1200, "pf": 0.5004597222222222, "in_bounds_one_im": 1, "error_one_im": 0.017317085404819348, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 7.4996423277512845, "error_w_gmm": 0.012487916650636175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012237933438592485}, "run_6542": {"edge_length": 1200, "pf": 0.5010833333333333, "in_bounds_one_im": 1, "error_one_im": 0.016962894780228794, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 8.10960551082719, "error_w_gmm": 0.013486756154596026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013216778165641051}, "run_6543": {"edge_length": 1200, "pf": 0.4944881944444444, "in_bounds_one_im": 1, "error_one_im": 0.020322435998377675, "one_im_sa_cls": 12.306122448979592, "model_in_bounds": 1, "pred_cls": 11.252465746004914, "error_w_gmm": 0.018961999753510463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018582418295868954}, "run_6544": {"edge_length": 1200, "pf": 0.5000472222222222, "in_bounds_one_im": 1, "error_one_im": 0.018697890387843617, "one_im_sa_cls": 11.448979591836734, "model_in_bounds": 1, "pred_cls": 9.855891831037383, "error_w_gmm": 0.016424935067934687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016096140590780458}, "run_6545": {"edge_length": 1200, "pf": 0.5020569444444445, "in_bounds_one_im": 1, "error_one_im": 0.017261854803288023, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 10.861380936751747, "error_w_gmm": 0.01802798325817381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017667098949955856}, "run_6546": {"edge_length": 1200, "pf": 0.5037868055555556, "in_bounds_one_im": 1, "error_one_im": 0.01716915345862723, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 10.505788069959012, "error_w_gmm": 0.017377533919051953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017029670310732426}, "run_6547": {"edge_length": 1200, "pf": 0.5013715277777778, "in_bounds_one_im": 1, "error_one_im": 0.018349259634189253, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 9.063154452185897, "error_w_gmm": 0.015063879533110993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014762330676173819}, "run_6548": {"edge_length": 1200, "pf": 0.49661875, "in_bounds_one_im": 1, "error_one_im": 0.018054688580219438, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 10.342609210964241, "error_w_gmm": 0.017354648673703732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017007243182402515}, "run_6549": {"edge_length": 1200, "pf": 0.5034701388888889, "in_bounds_one_im": 1, "error_one_im": 0.018537220641732625, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 11.695460259544715, "error_w_gmm": 0.019357617070202334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018970116142057142}, "run_6550": {"edge_length": 1200, "pf": 0.4967979166666667, "in_bounds_one_im": 1, "error_one_im": 0.018048219862100805, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.813916964605198, "error_w_gmm": 0.01478424110846253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014488290055671458}, "run_6551": {"edge_length": 1200, "pf": 0.5058173611111111, "in_bounds_one_im": 1, "error_one_im": 0.01686893257045588, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 10.212631960617543, "error_w_gmm": 0.01682415679534279, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016487370694563394}, "run_6552": {"edge_length": 1200, "pf": 0.5014, "in_bounds_one_im": 1, "error_one_im": 0.017018633987262232, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 11.660352133617346, "error_w_gmm": 0.019379581214179296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018991640607630207}, "run_6553": {"edge_length": 1200, "pf": 0.4983111111111111, "in_bounds_one_im": 1, "error_one_im": 0.01889670871248982, "one_im_sa_cls": 11.53061224489796, "model_in_bounds": 1, "pred_cls": 11.303168735949644, "error_w_gmm": 0.018902355045949764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018523967556525214}, "run_6554": {"edge_length": 1200, "pf": 0.5058805555555556, "in_bounds_one_im": 1, "error_one_im": 0.017393887879274806, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 10.438421741931226, "error_w_gmm": 0.017193946379895773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016849757828354305}, "run_6555": {"edge_length": 1200, "pf": 0.5019972222222222, "in_bounds_one_im": 1, "error_one_im": 0.017197517113010093, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 10.703463450951585, "error_w_gmm": 0.01776799018463959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017412310419777373}, "run_6556": {"edge_length": 1200, "pf": 0.49149791666666665, "in_bounds_one_im": 1, "error_one_im": 0.01810495916420254, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 0, "pred_cls": 9.756642238848505, "error_w_gmm": 0.016539967719241988, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016208870517584652}, "run_6557": {"edge_length": 1200, "pf": 0.5099923611111111, "in_bounds_one_im": 0, "error_one_im": 0.016695954585989596, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 0, "pred_cls": 9.551232469872287, "error_w_gmm": 0.015603705856513878, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.015291350752061903}, "run_6558": {"edge_length": 1200, "pf": 0.5061166666666667, "in_bounds_one_im": 1, "error_one_im": 0.018241787632942794, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 12.326074533054914, "error_w_gmm": 0.020293661166112184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019887422500019503}, "run_6559": {"edge_length": 1200, "pf": 0.49992430555555556, "in_bounds_one_im": 1, "error_one_im": 0.01766901672788721, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 8.7244092621692, "error_w_gmm": 0.014542883567973916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014251764012294122}, "run_6560": {"edge_length": 1200, "pf": 0.4903222222222222, "in_bounds_one_im": 0, "error_one_im": 0.017331972927089316, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 0, "pred_cls": 10.049790874505586, "error_w_gmm": 0.017077049418304208, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01673520091104346}, "run_6561": {"edge_length": 1400, "pf": 0.5006311224489796, "in_bounds_one_im": 1, "error_one_im": 0.014067687369883902, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.967698009132583, "error_w_gmm": 0.013937173969237155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013936917870394881}, "run_6562": {"edge_length": 1400, "pf": 0.49651632653061223, "in_bounds_one_im": 1, "error_one_im": 0.0157663245795634, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 11.071953781912583, "error_w_gmm": 0.015609113163676367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015608826342559048}, "run_6563": {"edge_length": 1400, "pf": 0.5027357142857143, "in_bounds_one_im": 1, "error_one_im": 0.015059952773579298, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.159070458359583, "error_w_gmm": 0.014145091891065248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014144831971682332}, "run_6564": {"edge_length": 1400, "pf": 0.4990790816326531, "in_bounds_one_im": 1, "error_one_im": 0.014855635453683074, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 10.639098946703594, "error_w_gmm": 0.014922197512728264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014921923313847235}, "run_6565": {"edge_length": 1400, "pf": 0.4949198979591837, "in_bounds_one_im": 1, "error_one_im": 0.015528121602064375, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.767468834227968, "error_w_gmm": 0.012399807380615567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012399579531245111}, "run_6566": {"edge_length": 1400, "pf": 0.501625, "in_bounds_one_im": 1, "error_one_im": 0.01671670253653568, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 1, "pred_cls": 11.087340493800845, "error_w_gmm": 0.015471911003320104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015471626703324725}, "run_6567": {"edge_length": 1400, "pf": 0.49202295918367345, "in_bounds_one_im": 0, "error_one_im": 0.014602301724597904, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 0, "pred_cls": 8.73805613792315, "error_w_gmm": 0.01243003134392584, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012429802939182898}, "run_6568": {"edge_length": 1400, "pf": 0.49871122448979593, "in_bounds_one_im": 1, "error_one_im": 0.0150670815240556, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.430537341856608, "error_w_gmm": 0.01604405348564756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016043758672399717}, "run_6569": {"edge_length": 1400, "pf": 0.5005382653061224, "in_bounds_one_im": 1, "error_one_im": 0.014526942788991536, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 7.257774902308886, "error_w_gmm": 0.010149952241113352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010149765733359078}, "run_6570": {"edge_length": 1400, "pf": 0.49972091836734694, "in_bounds_one_im": 1, "error_one_im": 0.014979512149225787, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 10.009618645552196, "error_w_gmm": 0.014021290089912066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014021032445416297}, "run_6571": {"edge_length": 1400, "pf": 0.5000035714285714, "in_bounds_one_im": 1, "error_one_im": 0.015656743319188395, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 10.011250280564138, "error_w_gmm": 0.014015650280644472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014015392739781621}, "run_6572": {"edge_length": 1400, "pf": 0.501138775510204, "in_bounds_one_im": 1, "error_one_im": 0.015507212759399716, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 11.248980250102708, "error_w_gmm": 0.015712744926049495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015712456200674223}, "run_6573": {"edge_length": 1400, "pf": 0.4970765306122449, "in_bounds_one_im": 1, "error_one_im": 0.014340485117401719, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.713884655462707, "error_w_gmm": 0.013679187427131104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013678936068852052}, "run_6574": {"edge_length": 1400, "pf": 0.49931326530612247, "in_bounds_one_im": 1, "error_one_im": 0.015506713121853059, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 7.233287949759908, "error_w_gmm": 0.01014052127370057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010140334939242615}, "run_6575": {"edge_length": 1400, "pf": 0.5002147959183674, "in_bounds_one_im": 1, "error_one_im": 0.016478330879232544, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 10.709093151647092, "error_w_gmm": 0.014986291040564108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014986015663949463}, "run_6576": {"edge_length": 1400, "pf": 0.5011515306122449, "in_bounds_one_im": 1, "error_one_im": 0.01439511520396166, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 10.290889870211737, "error_w_gmm": 0.014374103169926782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014373839042407958}, "run_6577": {"edge_length": 1400, "pf": 0.498115306122449, "in_bounds_one_im": 1, "error_one_im": 0.01474090428853888, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 9.253773758054473, "error_w_gmm": 0.013004209131441907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013003970176047493}, "run_6578": {"edge_length": 1400, "pf": 0.4948836734693878, "in_bounds_one_im": 1, "error_one_im": 0.016048812632973714, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 10.585092508080777, "error_w_gmm": 0.014971552357369152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014971277251581342}, "run_6579": {"edge_length": 1400, "pf": 0.5006969387755102, "in_bounds_one_im": 1, "error_one_im": 0.015121486678260012, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.098013954572302, "error_w_gmm": 0.014117527697896613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014117268285012247}, "run_6580": {"edge_length": 1400, "pf": 0.4942948979591837, "in_bounds_one_im": 1, "error_one_im": 0.015200760737816905, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 8.94858392747091, "error_w_gmm": 0.012671789649321728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01267155680221331}, "run_6581": {"edge_length": 1400, "pf": 0.4926882653061225, "in_bounds_one_im": 1, "error_one_im": 0.0151917081011203, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 0, "pred_cls": 10.056694922529335, "error_w_gmm": 0.014286789837102824, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01428652731398689}, "run_6582": {"edge_length": 1400, "pf": 0.5009918367346938, "in_bounds_one_im": 1, "error_one_im": 0.015397713534242624, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 9.960399149023454, "error_w_gmm": 0.013916924738582862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013916669011824964}, "run_6583": {"edge_length": 1400, "pf": 0.49874285714285715, "in_bounds_one_im": 1, "error_one_im": 0.015295270960618626, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 11.858994080160317, "error_w_gmm": 0.01664438798132294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016644082136787995}, "run_6584": {"edge_length": 1400, "pf": 0.495625, "in_bounds_one_im": 1, "error_one_im": 0.015563881260528203, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 10.299601474753388, "error_w_gmm": 0.014546169038912819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014545901749643188}, "run_6585": {"edge_length": 1400, "pf": 0.49307295918367344, "in_bounds_one_im": 1, "error_one_im": 0.015643534032731523, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 0, "pred_cls": 9.18990448570669, "error_w_gmm": 0.013045363036432231, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013045123324825056}, "run_6586": {"edge_length": 1400, "pf": 0.5077270408163266, "in_bounds_one_im": 0, "error_one_im": 0.014797813949467623, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 0, "pred_cls": 10.490697482659307, "error_w_gmm": 0.014461729783074922, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014461464045396383}, "run_6587": {"edge_length": 1400, "pf": 0.5061229591836734, "in_bounds_one_im": 1, "error_one_im": 0.01667987745277785, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 1, "pred_cls": 11.542810606787862, "error_w_gmm": 0.015963238595108797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01596294526685355}, "run_6588": {"edge_length": 1400, "pf": 0.5029770408163265, "in_bounds_one_im": 1, "error_one_im": 0.014825475209830068, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 10.156837134573621, "error_w_gmm": 0.014135158051589972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014134898314743738}, "run_6589": {"edge_length": 1400, "pf": 0.503525, "in_bounds_one_im": 1, "error_one_im": 0.013929760215299987, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 9.347203938501883, "error_w_gmm": 0.012994151535950542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012993912765366813}, "run_6590": {"edge_length": 1400, "pf": 0.5018045918367346, "in_bounds_one_im": 1, "error_one_im": 0.015088024810987763, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 8.76804634835768, "error_w_gmm": 0.012231040864373665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012230816116127653}, "run_6591": {"edge_length": 1400, "pf": 0.4968836734693878, "in_bounds_one_im": 1, "error_one_im": 0.014576013992212436, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 8.297097751398365, "error_w_gmm": 0.011688561985271958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011688347205202582}, "run_6592": {"edge_length": 1400, "pf": 0.5019204081632653, "in_bounds_one_im": 1, "error_one_im": 0.01531222131122064, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 9.640761969063542, "error_w_gmm": 0.013445326174547599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013445079113524}, "run_6593": {"edge_length": 1400, "pf": 0.49778979591836736, "in_bounds_one_im": 1, "error_one_im": 0.01566882353177895, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 11.231479384764008, "error_w_gmm": 0.01579373225667446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01579344204313799}, "run_6594": {"edge_length": 1400, "pf": 0.4960326530612245, "in_bounds_one_im": 1, "error_one_im": 0.015263211105924124, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.974702881499052, "error_w_gmm": 0.015486984838019472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015486700261038827}, "run_6595": {"edge_length": 1400, "pf": 0.4969454081632653, "in_bounds_one_im": 1, "error_one_im": 0.01471794426774836, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 10.364580141047414, "error_w_gmm": 0.01459933141233748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014599063146196911}, "run_6596": {"edge_length": 1400, "pf": 0.5033841836734694, "in_bounds_one_im": 1, "error_one_im": 0.01549448366728839, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 12.490332735156104, "error_w_gmm": 0.01736850884205547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0173681896916297}, "run_6597": {"edge_length": 1400, "pf": 0.49669336734693875, "in_bounds_one_im": 1, "error_one_im": 0.016105868497987584, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 12.12496140178108, "error_w_gmm": 0.01708757945280522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017087265464522865}, "run_6598": {"edge_length": 1400, "pf": 0.4958280612244898, "in_bounds_one_im": 1, "error_one_im": 0.016623542288596447, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 9.645559957592662, "error_w_gmm": 0.01361693187594685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013616681661628206}, "run_6599": {"edge_length": 1400, "pf": 0.4942515306122449, "in_bounds_one_im": 1, "error_one_im": 0.015259881984596076, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 11.589492060671498, "error_w_gmm": 0.016412914799978695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01641261320881771}, "run_6600": {"edge_length": 1400, "pf": 0.49986632653061225, "in_bounds_one_im": 1, "error_one_im": 0.015318099010290694, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 10.411150602250551, "error_w_gmm": 0.014579508109121118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014579240207238347}}, "fractal_noise_0.035_2_True_value": {"true_cls": 28.551020408163264, "true_pf": 0.49969119666666667, "run_6601": {"edge_length": 600, "pf": 0.5108138888888889, "in_bounds_one_im": 1, "error_one_im": 0.06386885977215964, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 49.5400313943609, "error_w_gmm": 0.1646750352870568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1583648627104252}, "run_6602": {"edge_length": 600, "pf": 0.4439916666666667, "in_bounds_one_im": 0, "error_one_im": 0.08415174017652288, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 0, "pred_cls": 25.1416005209476, "error_w_gmm": 0.09556787726765682, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09190581764040338}, "run_6603": {"edge_length": 600, "pf": 0.4930805555555556, "in_bounds_one_im": 1, "error_one_im": 0.08219490017425324, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 27.73024734054015, "error_w_gmm": 0.0955058682836245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0918461847748268}, "run_6604": {"edge_length": 600, "pf": 0.5198027777777777, "in_bounds_one_im": 1, "error_one_im": 0.07202074269096678, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 22.719354220785593, "error_w_gmm": 0.07417409969624973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.071331826919543}, "run_6605": {"edge_length": 600, "pf": 0.48538611111111113, "in_bounds_one_im": 1, "error_one_im": 0.06589752031073082, "one_im_sa_cls": 19.591836734693878, "model_in_bounds": 1, "pred_cls": 38.3837814041343, "error_w_gmm": 0.1342488621643395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12910458824937293}, "run_6606": {"edge_length": 600, "pf": 0.4659083333333333, "in_bounds_one_im": 1, "error_one_im": 0.08986367028333414, "one_im_sa_cls": 25.693877551020407, "model_in_bounds": 1, "pred_cls": 31.783798965616693, "error_w_gmm": 0.11559239017893239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11116301246965829}, "run_6607": {"edge_length": 600, "pf": 0.47134166666666666, "in_bounds_one_im": 1, "error_one_im": 0.08465245710309244, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 23.54982729695258, "error_w_gmm": 0.08471749943264167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08147121476812773}, "run_6608": {"edge_length": 600, "pf": 0.510925, "in_bounds_one_im": 1, "error_one_im": 0.06848559207151042, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 16.79213570967027, "error_w_gmm": 0.05580599651453846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05366756995702299}, "run_6609": {"edge_length": 600, "pf": 0.487025, "in_bounds_one_im": 1, "error_one_im": 0.06889737947137438, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 25.25414743555915, "error_w_gmm": 0.08803816083712625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0846646319519305}, "run_6610": {"edge_length": 600, "pf": 0.5296916666666667, "in_bounds_one_im": 1, "error_one_im": 0.07883594052570796, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 45.60331774300629, "error_w_gmm": 0.14596273205471474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1403695950779026}, "run_6611": {"edge_length": 600, "pf": 0.4719305555555556, "in_bounds_one_im": 1, "error_one_im": 0.08032134191431883, "one_im_sa_cls": 23.244897959183675, "model_in_bounds": 1, "pred_cls": 31.05289281558548, "error_w_gmm": 0.11157690547352234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10730139687638057}, "run_6612": {"edge_length": 600, "pf": 0.47241944444444445, "in_bounds_one_im": 1, "error_one_im": 0.08496275307864852, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 39.60648026472139, "error_w_gmm": 0.14217149646579572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13672363561297557}, "run_6613": {"edge_length": 600, "pf": 0.49735833333333335, "in_bounds_one_im": 1, "error_one_im": 0.08504659422903074, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 29.969295157053573, "error_w_gmm": 0.10233798226905456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09841649940350479}, "run_6614": {"edge_length": 600, "pf": 0.47613333333333335, "in_bounds_one_im": 1, "error_one_im": 0.08293379501097178, "one_im_sa_cls": 24.20408163265306, "model_in_bounds": 1, "pred_cls": 32.536838877664714, "error_w_gmm": 0.11592770096830737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11148547450546192}, "run_6615": {"edge_length": 600, "pf": 0.47991388888888886, "in_bounds_one_im": 1, "error_one_im": 0.08765164675962092, "one_im_sa_cls": 25.775510204081634, "model_in_bounds": 1, "pred_cls": 47.95787708026067, "error_w_gmm": 0.16958275877274237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16308452744088367}, "run_6616": {"edge_length": 600, "pf": 0.4464638888888889, "in_bounds_one_im": 0, "error_one_im": 0.10191805055369801, "one_im_sa_cls": 28.020408163265305, "model_in_bounds": 0, "pred_cls": 27.827430508542356, "error_w_gmm": 0.10524917355077307, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.10121613692506029}, "run_6617": {"edge_length": 600, "pf": 0.48138055555555553, "in_bounds_one_im": 1, "error_one_im": 0.08047492882325669, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 40.905641803198606, "error_w_gmm": 0.14422120310611616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13869479967026654}, "run_6618": {"edge_length": 600, "pf": 0.4811694444444444, "in_bounds_one_im": 1, "error_one_im": 0.06908679631893411, "one_im_sa_cls": 20.367346938775512, "model_in_bounds": 1, "pred_cls": 23.70571171896774, "error_w_gmm": 0.08361467925167525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08041065348603303}, "run_6619": {"edge_length": 600, "pf": 0.4972972222222222, "in_bounds_one_im": 1, "error_one_im": 0.07037812390246521, "one_im_sa_cls": 21.428571428571427, "model_in_bounds": 1, "pred_cls": 28.161172245617077, "error_w_gmm": 0.0961754289411305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09249008857856615}, "run_6620": {"edge_length": 600, "pf": 0.494225, "in_bounds_one_im": 1, "error_one_im": 0.08349062836260407, "one_im_sa_cls": 25.26530612244898, "model_in_bounds": 1, "pred_cls": 30.550425827182398, "error_w_gmm": 0.1049782598657547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10095560436492144}, "run_6621": {"edge_length": 600, "pf": 0.5212722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07455617846121634, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 30.333503848424765, "error_w_gmm": 0.0987416496711107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09495797445379633}, "run_6622": {"edge_length": 600, "pf": 0.4781222222222222, "in_bounds_one_im": 1, "error_one_im": 0.07501211339093689, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 29.919297003128264, "error_w_gmm": 0.10617740323820964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10210879783603807}, "run_6623": {"edge_length": 600, "pf": 0.48949166666666666, "in_bounds_one_im": 1, "error_one_im": 0.08387648746407649, "one_im_sa_cls": 25.142857142857142, "model_in_bounds": 1, "pred_cls": 31.16330332404129, "error_w_gmm": 0.10810307075695443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1039606758192451}, "run_6624": {"edge_length": 600, "pf": 0.5089361111111111, "in_bounds_one_im": 1, "error_one_im": 0.07281869872385946, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 30.894952894427618, "error_w_gmm": 0.103083861914348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09913379773241957}, "run_6625": {"edge_length": 600, "pf": 0.53455, "in_bounds_one_im": 0, "error_one_im": 0.05922158946621531, "one_im_sa_cls": 19.428571428571427, "model_in_bounds": 1, "pred_cls": 24.859133110741176, "error_w_gmm": 0.07879417404121403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07577486491906026}, "run_6626": {"edge_length": 600, "pf": 0.5648722222222222, "in_bounds_one_im": 0, "error_one_im": 0.057866917313204154, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 0, "pred_cls": 22.676400577912503, "error_w_gmm": 0.06760412442775944, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06501360613038899}, "run_6627": {"edge_length": 600, "pf": 0.4881888888888889, "in_bounds_one_im": 1, "error_one_im": 0.07283264625819731, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 30.688843834869378, "error_w_gmm": 0.10673508837677391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10264511307198401}, "run_6628": {"edge_length": 600, "pf": 0.47286666666666666, "in_bounds_one_im": 1, "error_one_im": 0.09403685764509964, "one_im_sa_cls": 27.26530612244898, "model_in_bounds": 1, "pred_cls": 36.551121694852604, "error_w_gmm": 0.13108632130437764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1260632325986458}, "run_6629": {"edge_length": 600, "pf": 0.45316388888888887, "in_bounds_one_im": 0, "error_one_im": 0.07931040410892715, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 0, "pred_cls": 19.651459355948454, "error_w_gmm": 0.07332659696494581, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07051679959341738}, "run_6630": {"edge_length": 600, "pf": 0.4840055555555556, "in_bounds_one_im": 1, "error_one_im": 0.07964003809802109, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 24.35223905536417, "error_w_gmm": 0.0854086810394314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08213591102932123}, "run_6631": {"edge_length": 600, "pf": 0.4851111111111111, "in_bounds_one_im": 1, "error_one_im": 0.09079634466896086, "one_im_sa_cls": 26.979591836734695, "model_in_bounds": 1, "pred_cls": 47.48038192976343, "error_w_gmm": 0.16615603880287877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15978911574336338}, "run_6632": {"edge_length": 600, "pf": 0.48189444444444446, "in_bounds_one_im": 1, "error_one_im": 0.0730649199368993, "one_im_sa_cls": 21.571428571428573, "model_in_bounds": 1, "pred_cls": 31.014470353811177, "error_w_gmm": 0.10923537676858154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10504959306626394}, "run_6633": {"edge_length": 600, "pf": 0.4994277777777778, "in_bounds_one_im": 1, "error_one_im": 0.08089103766663218, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 32.065729689829844, "error_w_gmm": 0.1090445414410265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10486607034592038}, "run_6634": {"edge_length": 600, "pf": 0.4833722222222222, "in_bounds_one_im": 1, "error_one_im": 0.07650182073129044, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 10.608175547422167, "error_w_gmm": 0.037252421410320286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035824948159218495}, "run_6635": {"edge_length": 600, "pf": 0.5233416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06852158533785392, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 54.80947794049968, "error_w_gmm": 0.17767747800959183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17086906562779516}, "run_6636": {"edge_length": 600, "pf": 0.5223722222222222, "in_bounds_one_im": 1, "error_one_im": 0.09051985630193128, "one_im_sa_cls": 28.979591836734695, "model_in_bounds": 1, "pred_cls": 23.949473303112146, "error_w_gmm": 0.07778869664281053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.074807916347414}, "run_6637": {"edge_length": 600, "pf": 0.5077083333333333, "in_bounds_one_im": 1, "error_one_im": 0.07221003275435652, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 17.366222787740593, "error_w_gmm": 0.0580865043801661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0558606911816253}, "run_6638": {"edge_length": 600, "pf": 0.4869, "in_bounds_one_im": 1, "error_one_im": 0.07904308186052332, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 20.998961049066253, "error_w_gmm": 0.07322252571603377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07041671624430904}, "run_6639": {"edge_length": 600, "pf": 0.5293361111111111, "in_bounds_one_im": 1, "error_one_im": 0.08115526143009921, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 24.28151341123761, "error_w_gmm": 0.07777342183742933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07479322685636328}, "run_6640": {"edge_length": 600, "pf": 0.47810833333333336, "in_bounds_one_im": 1, "error_one_im": 0.08128279728059233, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 31.645270100188405, "error_w_gmm": 0.11230565069064717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10800221735022877}, "run_6641": {"edge_length": 800, "pf": 0.503296875, "in_bounds_one_im": 1, "error_one_im": 0.06417425962149023, "one_im_sa_cls": 26.367346938775512, "model_in_bounds": 1, "pred_cls": 31.00250481504187, "error_w_gmm": 0.07648052154005419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07545555483973136}, "run_6642": {"edge_length": 800, "pf": 0.4861453125, "in_bounds_one_im": 1, "error_one_im": 0.0760269044728277, "one_im_sa_cls": 30.183673469387756, "model_in_bounds": 1, "pred_cls": 30.405339003872154, "error_w_gmm": 0.07762554957535728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07658523758732602}, "run_6643": {"edge_length": 800, "pf": 0.4904171875, "in_bounds_one_im": 1, "error_one_im": 0.058764612380918374, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 31.414871116681425, "error_w_gmm": 0.07952021668703171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07845451299587712}, "run_6644": {"edge_length": 800, "pf": 0.49551875, "in_bounds_one_im": 1, "error_one_im": 0.059580533835702984, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 31.029114586769445, "error_w_gmm": 0.07774627312388335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07670434323871057}, "run_6645": {"edge_length": 800, "pf": 0.52860625, "in_bounds_one_im": 1, "error_one_im": 0.06279707684790896, "one_im_sa_cls": 27.142857142857142, "model_in_bounds": 1, "pred_cls": 48.74535789436588, "error_w_gmm": 0.11430803379269437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11277611526157495}, "run_6646": {"edge_length": 800, "pf": 0.498528125, "in_bounds_one_im": 1, "error_one_im": 0.0621816393049229, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 30.602368562947966, "error_w_gmm": 0.07621689066199132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07519545705566094}, "run_6647": {"edge_length": 800, "pf": 0.4628046875, "in_bounds_one_im": 0, "error_one_im": 0.06744248834569681, "one_im_sa_cls": 25.551020408163264, "model_in_bounds": 0, "pred_cls": 23.775411433474986, "error_w_gmm": 0.06360818473989546, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06275572884768203}, "run_6648": {"edge_length": 800, "pf": 0.505790625, "in_bounds_one_im": 1, "error_one_im": 0.061779179939391554, "one_im_sa_cls": 25.510204081632654, "model_in_bounds": 1, "pred_cls": 29.51249284469856, "error_w_gmm": 0.07244254928098244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07147169815177541}, "run_6649": {"edge_length": 800, "pf": 0.4776, "in_bounds_one_im": 1, "error_one_im": 0.06421401362834828, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 32.217889736370395, "error_w_gmm": 0.08367278873889485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08255143364803552}, "run_6650": {"edge_length": 800, "pf": 0.4962578125, "in_bounds_one_im": 1, "error_one_im": 0.0559159214656213, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 26.677912738647787, "error_w_gmm": 0.06674520312696537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0658507059499869}, "run_6651": {"edge_length": 800, "pf": 0.483834375, "in_bounds_one_im": 1, "error_one_im": 0.06414012454279448, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 28.688980394117387, "error_w_gmm": 0.07358325932049327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07259712077193192}, "run_6652": {"edge_length": 800, "pf": 0.508025, "in_bounds_one_im": 1, "error_one_im": 0.0592403322855122, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 27.03877717326022, "error_w_gmm": 0.06607447934883154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06518897099049419}, "run_6653": {"edge_length": 800, "pf": 0.50195625, "in_bounds_one_im": 1, "error_one_im": 0.06683675465477155, "one_im_sa_cls": 27.387755102040817, "model_in_bounds": 1, "pred_cls": 30.289931553564756, "error_w_gmm": 0.07492328903538223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07391919185098068}, "run_6654": {"edge_length": 800, "pf": 0.5196296875, "in_bounds_one_im": 1, "error_one_im": 0.06768708028376316, "one_im_sa_cls": 28.73469387755102, "model_in_bounds": 1, "pred_cls": 36.86513075944484, "error_w_gmm": 0.08801863086806698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08683903423573335}, "run_6655": {"edge_length": 800, "pf": 0.4978734375, "in_bounds_one_im": 1, "error_one_im": 0.05859762307934411, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 30.058903042855835, "error_w_gmm": 0.07496144944031527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0739568408427652}, "run_6656": {"edge_length": 800, "pf": 0.51665625, "in_bounds_one_im": 1, "error_one_im": 0.054743890807663266, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 25.918541731642282, "error_w_gmm": 0.06225231420685701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06141802924389889}, "run_6657": {"edge_length": 800, "pf": 0.5030109375, "in_bounds_one_im": 1, "error_one_im": 0.07116881641430783, "one_im_sa_cls": 29.224489795918366, "model_in_bounds": 1, "pred_cls": 34.66795429969361, "error_w_gmm": 0.08557179550830694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08442499055566405}, "run_6658": {"edge_length": 800, "pf": 0.49633125, "in_bounds_one_im": 1, "error_one_im": 0.05681432046347212, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 28.989359553955072, "error_w_gmm": 0.07251753642140796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07154568033930127}, "run_6659": {"edge_length": 800, "pf": 0.512228125, "in_bounds_one_im": 1, "error_one_im": 0.06089102386015414, "one_im_sa_cls": 25.46938775510204, "model_in_bounds": 1, "pred_cls": 33.77962329809478, "error_w_gmm": 0.0818557509971848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08075874724626131}, "run_6660": {"edge_length": 800, "pf": 0.513940625, "in_bounds_one_im": 1, "error_one_im": 0.05406982938021812, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 28.178441137254733, "error_w_gmm": 0.06804917739387281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06713720478426462}, "run_6661": {"edge_length": 800, "pf": 0.502025, "in_bounds_one_im": 1, "error_one_im": 0.05861106118297589, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 29.67400577632081, "error_w_gmm": 0.07338968144137314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07240613715963981}, "run_6662": {"edge_length": 800, "pf": 0.4967546875, "in_bounds_one_im": 1, "error_one_im": 0.055608756571151025, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 32.73251570643773, "error_w_gmm": 0.0818118088768011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08071539402366784}, "run_6663": {"edge_length": 800, "pf": 0.4921375, "in_bounds_one_im": 1, "error_one_im": 0.06059437515053379, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 28.012082254173514, "error_w_gmm": 0.0706631453199583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06971614117518275}, "run_6664": {"edge_length": 800, "pf": 0.5253203125, "in_bounds_one_im": 1, "error_one_im": 0.07347840838724207, "one_im_sa_cls": 31.551020408163264, "model_in_bounds": 1, "pred_cls": 29.46294528685399, "error_w_gmm": 0.0695475946388276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06861554073599152}, "run_6665": {"edge_length": 800, "pf": 0.490965625, "in_bounds_one_im": 1, "error_one_im": 0.05732557598979819, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 29.89686799109716, "error_w_gmm": 0.07559471505559992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07458161964134073}, "run_6666": {"edge_length": 800, "pf": 0.4914484375, "in_bounds_one_im": 1, "error_one_im": 0.05625299736020452, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 25.746815301833777, "error_w_gmm": 0.06503838712182382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06416676412945631}, "run_6667": {"edge_length": 800, "pf": 0.5113453125, "in_bounds_one_im": 1, "error_one_im": 0.05567107955709663, "one_im_sa_cls": 23.244897959183675, "model_in_bounds": 1, "pred_cls": 25.425434785659192, "error_w_gmm": 0.06172058180518066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06089342294432312}, "run_6668": {"edge_length": 800, "pf": 0.5113609375, "in_bounds_one_im": 1, "error_one_im": 0.0577221152927456, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 29.214460242825663, "error_w_gmm": 0.07091627429010561, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06996587779444037}, "run_6669": {"edge_length": 800, "pf": 0.488996875, "in_bounds_one_im": 1, "error_one_im": 0.060260754536422316, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 24.662063510840976, "error_w_gmm": 0.06260454679421441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061765541326406985}, "run_6670": {"edge_length": 800, "pf": 0.518496875, "in_bounds_one_im": 1, "error_one_im": 0.05883072106182564, "one_im_sa_cls": 24.918367346938776, "model_in_bounds": 1, "pred_cls": 31.66139363581759, "error_w_gmm": 0.07576597888573723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07475058825016777}, "run_6671": {"edge_length": 800, "pf": 0.486365625, "in_bounds_one_im": 1, "error_one_im": 0.05903745900209858, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 27.164084029736987, "error_w_gmm": 0.06931997501642884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06839097159662554}, "run_6672": {"edge_length": 800, "pf": 0.503496875, "in_bounds_one_im": 1, "error_one_im": 0.06121920761378537, "one_im_sa_cls": 25.163265306122447, "model_in_bounds": 1, "pred_cls": 25.434018542794792, "error_w_gmm": 0.06271844973485659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06187791777744269}, "run_6673": {"edge_length": 800, "pf": 0.486915625, "in_bounds_one_im": 1, "error_one_im": 0.06785174452141167, "one_im_sa_cls": 26.979591836734695, "model_in_bounds": 1, "pred_cls": 31.390706025026788, "error_w_gmm": 0.08001775283179059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07894538132548104}, "run_6674": {"edge_length": 800, "pf": 0.5066296875, "in_bounds_one_im": 1, "error_one_im": 0.06409326034551371, "one_im_sa_cls": 26.510204081632654, "model_in_bounds": 1, "pred_cls": 34.995237551127126, "error_w_gmm": 0.08575666097254048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08460737851397761}, "run_6675": {"edge_length": 800, "pf": 0.506646875, "in_bounds_one_im": 1, "error_one_im": 0.057874372296898464, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 33.81076572844263, "error_w_gmm": 0.08285123607020733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08174089115698562}, "run_6676": {"edge_length": 800, "pf": 0.480478125, "in_bounds_one_im": 1, "error_one_im": 0.06535253088113469, "one_im_sa_cls": 25.653061224489797, "model_in_bounds": 1, "pred_cls": 28.227502421845738, "error_w_gmm": 0.07288787529740778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07191105605594901}, "run_6677": {"edge_length": 800, "pf": 0.5006765625, "in_bounds_one_im": 1, "error_one_im": 0.06256413434386865, "one_im_sa_cls": 25.571428571428573, "model_in_bounds": 1, "pred_cls": 39.72378746577694, "error_w_gmm": 0.09851009150962665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09718989178543619}, "run_6678": {"edge_length": 800, "pf": 0.4886453125, "in_bounds_one_im": 1, "error_one_im": 0.060763490963182905, "one_im_sa_cls": 24.244897959183675, "model_in_bounds": 1, "pred_cls": 26.826842266146706, "error_w_gmm": 0.06814775225724655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06723445857986296}, "run_6679": {"edge_length": 800, "pf": 0.50336875, "in_bounds_one_im": 1, "error_one_im": 0.054629673612479064, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 29.28968012777972, "error_w_gmm": 0.0722447434868316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07127654328557409}, "run_6680": {"edge_length": 800, "pf": 0.522140625, "in_bounds_one_im": 1, "error_one_im": 0.058737668492719004, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 20.421975147306714, "error_w_gmm": 0.04851452508031866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04786434943182684}, "run_6681": {"edge_length": 1000, "pf": 0.488253, "in_bounds_one_im": 1, "error_one_im": 0.045864348223245976, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 29.463845734444522, "error_w_gmm": 0.06032879073249765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05912112853327468}, "run_6682": {"edge_length": 1000, "pf": 0.512095, "in_bounds_one_im": 1, "error_one_im": 0.044509142662117834, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 25.776677165772213, "error_w_gmm": 0.050321003665808516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04931367742544633}, "run_6683": {"edge_length": 1000, "pf": 0.496013, "in_bounds_one_im": 1, "error_one_im": 0.049673625233514734, "one_im_sa_cls": 25.142857142857142, "model_in_bounds": 1, "pred_cls": 29.742052987929966, "error_w_gmm": 0.05996033854656453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05876005202604768}, "run_6684": {"edge_length": 1000, "pf": 0.502478, "in_bounds_one_im": 1, "error_one_im": 0.0498314998317292, "one_im_sa_cls": 25.551020408163264, "model_in_bounds": 1, "pred_cls": 30.998046708581203, "error_w_gmm": 0.0616895983908228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06045469553337643}, "run_6685": {"edge_length": 1000, "pf": 0.474452, "in_bounds_one_im": 1, "error_one_im": 0.05881098727921169, "one_im_sa_cls": 28.510204081632654, "model_in_bounds": 1, "pred_cls": 33.1306672997074, "error_w_gmm": 0.06973811943265212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06834210121877554}, "run_6686": {"edge_length": 1000, "pf": 0.501157, "in_bounds_one_im": 1, "error_one_im": 0.04681069227538218, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 28.445310958171035, "error_w_gmm": 0.056759128978533614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05562292429589476}, "run_6687": {"edge_length": 1000, "pf": 0.498724, "in_bounds_one_im": 1, "error_one_im": 0.043750707806259344, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 26.70799706251225, "error_w_gmm": 0.053552486128060836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05248047204679001}, "run_6688": {"edge_length": 1000, "pf": 0.506696, "in_bounds_one_im": 1, "error_one_im": 0.04822883789738075, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 26.26477766865145, "error_w_gmm": 0.051830727548759406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05079317964403821}, "run_6689": {"edge_length": 1000, "pf": 0.501485, "in_bounds_one_im": 1, "error_one_im": 0.047178800746559044, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 28.968529343439414, "error_w_gmm": 0.057765240393845084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05660889536511739}, "run_6690": {"edge_length": 1000, "pf": 0.505331, "in_bounds_one_im": 1, "error_one_im": 0.05370333240364014, "one_im_sa_cls": 27.693877551020407, "model_in_bounds": 1, "pred_cls": 32.47491305008785, "error_w_gmm": 0.06426098369599713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06297460682763505}, "run_6691": {"edge_length": 1000, "pf": 0.493839, "in_bounds_one_im": 1, "error_one_im": 0.050983469740648005, "one_im_sa_cls": 25.693877551020407, "model_in_bounds": 1, "pred_cls": 30.273159518279442, "error_w_gmm": 0.06129702437159205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06006998006389714}, "run_6692": {"edge_length": 1000, "pf": 0.512775, "in_bounds_one_im": 1, "error_one_im": 0.05329934672725103, "one_im_sa_cls": 27.897959183673468, "model_in_bounds": 1, "pred_cls": 30.12941504608386, "error_w_gmm": 0.05873839239796505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05756256680489642}, "run_6693": {"edge_length": 1000, "pf": 0.53235, "in_bounds_one_im": 0, "error_one_im": 0.04596257180069926, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 0, "pred_cls": 28.13951738474493, "error_w_gmm": 0.05274830157210009, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.051692385663486815}, "run_6694": {"edge_length": 1000, "pf": 0.475734, "in_bounds_one_im": 1, "error_one_im": 0.05790419502114472, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 34.32309386211045, "error_w_gmm": 0.07206264109037354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07062009058398423}, "run_6695": {"edge_length": 1000, "pf": 0.504876, "in_bounds_one_im": 1, "error_one_im": 0.04864240100828744, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 25.494816050443717, "error_w_gmm": 0.05049478233060041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049483977387583145}, "run_6696": {"edge_length": 1000, "pf": 0.49114, "in_bounds_one_im": 1, "error_one_im": 0.05264377687211479, "one_im_sa_cls": 26.387755102040817, "model_in_bounds": 1, "pred_cls": 30.2509200862215, "error_w_gmm": 0.06158360211566247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060350821092471606}, "run_6697": {"edge_length": 1000, "pf": 0.487561, "in_bounds_one_im": 1, "error_one_im": 0.05027465385416413, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 32.04011894372745, "error_w_gmm": 0.06569475892423583, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06437968073227168}, "run_6698": {"edge_length": 1000, "pf": 0.5091, "in_bounds_one_im": 1, "error_one_im": 0.05278934182121972, "one_im_sa_cls": 27.428571428571427, "model_in_bounds": 1, "pred_cls": 29.636575398857968, "error_w_gmm": 0.05820402000139002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05703889147908673}, "run_6699": {"edge_length": 1000, "pf": 0.512725, "in_bounds_one_im": 1, "error_one_im": 0.052602789945368045, "one_im_sa_cls": 27.53061224489796, "model_in_bounds": 1, "pred_cls": 34.46513046857335, "error_w_gmm": 0.06719775139706273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06585258629015962}, "run_6700": {"edge_length": 1000, "pf": 0.484279, "in_bounds_one_im": 1, "error_one_im": 0.04924385504416813, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 26.06616767366083, "error_w_gmm": 0.0537980791842967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05272114881932777}, "run_6701": {"edge_length": 1000, "pf": 0.495825, "in_bounds_one_im": 1, "error_one_im": 0.046505868738814564, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 29.283433530055937, "error_w_gmm": 0.05905795927023448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05787573658504645}, "run_6702": {"edge_length": 1000, "pf": 0.498297, "in_bounds_one_im": 1, "error_one_im": 0.06076550323191842, "one_im_sa_cls": 30.897959183673468, "model_in_bounds": 1, "pred_cls": 25.13658172452978, "error_w_gmm": 0.050444686444882945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04943488432169319}, "run_6703": {"edge_length": 1000, "pf": 0.516704, "in_bounds_one_im": 1, "error_one_im": 0.0475046438382527, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 30.73524618246883, "error_w_gmm": 0.05945007136582001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05825999937767158}, "run_6704": {"edge_length": 1000, "pf": 0.496044, "in_bounds_one_im": 1, "error_one_im": 0.047695012315428394, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 27.33531766798822, "error_w_gmm": 0.05510491420650945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05400182360796402}, "run_6705": {"edge_length": 1000, "pf": 0.473044, "in_bounds_one_im": 0, "error_one_im": 0.05218033818614684, "one_im_sa_cls": 25.224489795918366, "model_in_bounds": 1, "pred_cls": 28.303032710715446, "error_w_gmm": 0.05974469889643467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058548729052100894}, "run_6706": {"edge_length": 1000, "pf": 0.50229, "in_bounds_one_im": 1, "error_one_im": 0.0481779480145214, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 29.310875267042906, "error_w_gmm": 0.05835387494696048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05718574662719835}, "run_6707": {"edge_length": 1000, "pf": 0.517961, "in_bounds_one_im": 1, "error_one_im": 0.04557161993042607, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 28.506341270502695, "error_w_gmm": 0.055000170250957464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053899176417723994}, "run_6708": {"edge_length": 1000, "pf": 0.517268, "in_bounds_one_im": 1, "error_one_im": 0.042698196084466095, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 25.884728720622398, "error_w_gmm": 0.050011381527719855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049010253305711286}, "run_6709": {"edge_length": 1000, "pf": 0.497028, "in_bounds_one_im": 1, "error_one_im": 0.04719885899129257, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 25.473721173635276, "error_w_gmm": 0.05125117933377352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0502252328296998}, "run_6710": {"edge_length": 1000, "pf": 0.499577, "in_bounds_one_im": 1, "error_one_im": 0.05592626681687276, "one_im_sa_cls": 28.510204081632654, "model_in_bounds": 1, "pred_cls": 32.18478635414724, "error_w_gmm": 0.06442405242147237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06313441124210316}, "run_6711": {"edge_length": 1000, "pf": 0.507602, "in_bounds_one_im": 1, "error_one_im": 0.04711722109541147, "one_im_sa_cls": 24.408163265306122, "model_in_bounds": 1, "pred_cls": 30.717021197547368, "error_w_gmm": 0.06050699306586882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05929576361095879}, "run_6712": {"edge_length": 1000, "pf": 0.503252, "in_bounds_one_im": 1, "error_one_im": 0.041925647587611456, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 31.633520793962578, "error_w_gmm": 0.06285688224991692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061598612695156055}, "run_6713": {"edge_length": 1000, "pf": 0.541072, "in_bounds_one_im": 0, "error_one_im": 0.040485028666052754, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 0, "pred_cls": 25.7777392723434, "error_w_gmm": 0.047480968624389094, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04653049422743947}, "run_6714": {"edge_length": 1000, "pf": 0.505773, "in_bounds_one_im": 1, "error_one_im": 0.04962278673364448, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 33.70887718885138, "error_w_gmm": 0.06664379127948646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06530971535049901}, "run_6715": {"edge_length": 1000, "pf": 0.532732, "in_bounds_one_im": 0, "error_one_im": 0.05012296484085842, "one_im_sa_cls": 27.306122448979593, "model_in_bounds": 0, "pred_cls": 31.86433622397428, "error_w_gmm": 0.05968476653592416, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05848999641804646}, "run_6716": {"edge_length": 1000, "pf": 0.501115, "in_bounds_one_im": 1, "error_one_im": 0.04984779716468502, "one_im_sa_cls": 25.489795918367346, "model_in_bounds": 1, "pred_cls": 29.434438597108663, "error_w_gmm": 0.05873774564672341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05756193300032616}, "run_6717": {"edge_length": 1000, "pf": 0.482413, "in_bounds_one_im": 1, "error_one_im": 0.050546841160697194, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 28.808036910760844, "error_w_gmm": 0.05967959112975947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05848492461320229}, "run_6718": {"edge_length": 1000, "pf": 0.498643, "in_bounds_one_im": 1, "error_one_im": 0.05017507135775338, "one_im_sa_cls": 25.53061224489796, "model_in_bounds": 1, "pred_cls": 27.857505396872334, "error_w_gmm": 0.05586642708377035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05474809251456146}, "run_6719": {"edge_length": 1000, "pf": 0.475386, "in_bounds_one_im": 0, "error_one_im": 0.0471456483013775, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 29.747625296435356, "error_w_gmm": 0.06249985968073356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06124873700652246}, "run_6720": {"edge_length": 1000, "pf": 0.502901, "in_bounds_one_im": 1, "error_one_im": 0.05241403765791734, "one_im_sa_cls": 26.897959183673468, "model_in_bounds": 1, "pred_cls": 25.069145451455327, "error_w_gmm": 0.049848227571680004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04885036536682471}, "run_6721": {"edge_length": 1200, "pf": 0.5185534722222223, "in_bounds_one_im": 1, "error_one_im": 0.041785472520025485, "one_im_sa_cls": 26.551020408163264, "model_in_bounds": 1, "pred_cls": 30.181364384414582, "error_w_gmm": 0.048469090942289524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047498836305142}, "run_6722": {"edge_length": 1200, "pf": 0.5147069444444444, "in_bounds_one_im": 1, "error_one_im": 0.03974579206940932, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 29.242231451977073, "error_w_gmm": 0.04732398241240199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0463766505666574}, "run_6723": {"edge_length": 1200, "pf": 0.4887534722222222, "in_bounds_one_im": 1, "error_one_im": 0.04568207486010585, "one_im_sa_cls": 27.346938775510203, "model_in_bounds": 1, "pred_cls": 26.068883368969882, "error_w_gmm": 0.04443666286174411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0435471294010835}, "run_6724": {"edge_length": 1200, "pf": 0.4992138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03705753707058233, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 26.480355633165217, "error_w_gmm": 0.044203369027379105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04331850564449816}, "run_6725": {"edge_length": 1200, "pf": 0.48686805555555557, "in_bounds_one_im": 1, "error_one_im": 0.04342514455265464, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 27.591642892833292, "error_w_gmm": 0.04721012995058578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04626507720430188}, "run_6726": {"edge_length": 1200, "pf": 0.5008604166666667, "in_bounds_one_im": 1, "error_one_im": 0.04961363636539542, "one_im_sa_cls": 30.428571428571427, "model_in_bounds": 1, "pred_cls": 32.7362299268444, "error_w_gmm": 0.0544665745304021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05337626222042738}, "run_6727": {"edge_length": 1200, "pf": 0.5024972222222223, "in_bounds_one_im": 1, "error_one_im": 0.04318298620074731, "one_im_sa_cls": 26.571428571428573, "model_in_bounds": 1, "pred_cls": 30.97878981602944, "error_w_gmm": 0.05137408737271806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050345680494570715}, "run_6728": {"edge_length": 1200, "pf": 0.5172451388888889, "in_bounds_one_im": 1, "error_one_im": 0.039222310384197635, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 28.705340210788044, "error_w_gmm": 0.04621964089902673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04529441577023348}, "run_6729": {"edge_length": 1200, "pf": 0.5073194444444444, "in_bounds_one_im": 1, "error_one_im": 0.04033769602256129, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 30.421057532988527, "error_w_gmm": 0.04996489903899821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04896470130380817}, "run_6730": {"edge_length": 1200, "pf": 0.5207055555555555, "in_bounds_one_im": 1, "error_one_im": 0.047298136556369726, "one_im_sa_cls": 30.183673469387756, "model_in_bounds": 1, "pred_cls": 33.05313122051208, "error_w_gmm": 0.05285261127661253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05179460729552806}, "run_6731": {"edge_length": 1200, "pf": 0.47162152777777777, "in_bounds_one_im": 0, "error_one_im": 0.04187908948540143, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 0, "pred_cls": 28.252895517053478, "error_w_gmm": 0.04984108178851493, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04884336262800219}, "run_6732": {"edge_length": 1200, "pf": 0.4861826388888889, "in_bounds_one_im": 1, "error_one_im": 0.03628869820790701, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 28.117101151536627, "error_w_gmm": 0.04817524775127988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04721087526940138}, "run_6733": {"edge_length": 1200, "pf": 0.49475416666666666, "in_bounds_one_im": 1, "error_one_im": 0.04116220308000718, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 26.947388390840725, "error_w_gmm": 0.04538601701552229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044477479376072895}, "run_6734": {"edge_length": 1200, "pf": 0.49864583333333334, "in_bounds_one_im": 1, "error_one_im": 0.04358374786071699, "one_im_sa_cls": 26.612244897959183, "model_in_bounds": 1, "pred_cls": 26.41800678125164, "error_w_gmm": 0.04414942116919455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043265637714955806}, "run_6735": {"edge_length": 1200, "pf": 0.5162944444444444, "in_bounds_one_im": 1, "error_one_im": 0.037103118815628645, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 28.93858254376081, "error_w_gmm": 0.046683973762757125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04574945361510841}, "run_6736": {"edge_length": 1200, "pf": 0.48620555555555556, "in_bounds_one_im": 1, "error_one_im": 0.04245480152040514, "one_im_sa_cls": 25.285714285714285, "model_in_bounds": 1, "pred_cls": 32.56057819010225, "error_w_gmm": 0.05578604866730525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05466932311385856}, "run_6737": {"edge_length": 1200, "pf": 0.4982006944444444, "in_bounds_one_im": 1, "error_one_im": 0.04298696227919638, "one_im_sa_cls": 26.224489795918366, "model_in_bounds": 1, "pred_cls": 28.652316341771527, "error_w_gmm": 0.047926018464884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046966635056787075}, "run_6738": {"edge_length": 1200, "pf": 0.4712451388888889, "in_bounds_one_im": 0, "error_one_im": 0.04639486069696304, "one_im_sa_cls": 26.816326530612244, "model_in_bounds": 0, "pred_cls": 26.737712743843645, "error_w_gmm": 0.047203776745240365, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.046258851177470264}, "run_6739": {"edge_length": 1200, "pf": 0.4898722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04115799543323653, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 30.19293892791562, "error_w_gmm": 0.05135139163152204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05032343907689744}, "run_6740": {"edge_length": 1200, "pf": 0.5330701388888889, "in_bounds_one_im": 0, "error_one_im": 0.03843395873946583, "one_im_sa_cls": 25.142857142857142, "model_in_bounds": 0, "pred_cls": 27.680099595298728, "error_w_gmm": 0.0431767595255403, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04231244681960292}, "run_6741": {"edge_length": 1200, "pf": 0.47778333333333334, "in_bounds_one_im": 0, "error_one_im": 0.04216634923453854, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 0, "pred_cls": 25.36382543001088, "error_w_gmm": 0.04419502370573784, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04331032737957001}, "run_6742": {"edge_length": 1200, "pf": 0.5001569444444445, "in_bounds_one_im": 1, "error_one_im": 0.043085681787401214, "one_im_sa_cls": 26.387755102040817, "model_in_bounds": 1, "pred_cls": 30.899907546718392, "error_w_gmm": 0.05148368321803303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05045308244940702}, "run_6743": {"edge_length": 1200, "pf": 0.4979145833333333, "in_bounds_one_im": 1, "error_one_im": 0.04602405113235557, "one_im_sa_cls": 28.06122448979592, "model_in_bounds": 1, "pred_cls": 26.39849358066489, "error_w_gmm": 0.04418137978408251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04329695658204391}, "run_6744": {"edge_length": 1200, "pf": 0.4802784722222222, "in_bounds_one_im": 1, "error_one_im": 0.04060377878400858, "one_im_sa_cls": 23.897959183673468, "model_in_bounds": 1, "pred_cls": 30.65861770408571, "error_w_gmm": 0.05315450922359962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052090461847078634}, "run_6745": {"edge_length": 1200, "pf": 0.5051513888888889, "in_bounds_one_im": 1, "error_one_im": 0.04968452462974621, "one_im_sa_cls": 30.73469387755102, "model_in_bounds": 1, "pred_cls": 32.83208709474184, "error_w_gmm": 0.05415925016584591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05307508987737649}, "run_6746": {"edge_length": 1200, "pf": 0.4998451388888889, "in_bounds_one_im": 1, "error_one_im": 0.035376972133999034, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 24.818576593298786, "error_w_gmm": 0.04137710774793145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04054882048518938}, "run_6747": {"edge_length": 1200, "pf": 0.49106527777777775, "in_bounds_one_im": 1, "error_one_im": 0.039600716915998035, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 27.2248083347952, "error_w_gmm": 0.04619287656666613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04526818720648492}, "run_6748": {"edge_length": 1200, "pf": 0.5054847222222222, "in_bounds_one_im": 1, "error_one_im": 0.043255410680064485, "one_im_sa_cls": 26.775510204081634, "model_in_bounds": 1, "pred_cls": 29.72027101511974, "error_w_gmm": 0.04899337466574064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04801262491296436}, "run_6749": {"edge_length": 1200, "pf": 0.5046534722222222, "in_bounds_one_im": 1, "error_one_im": 0.04411996423930543, "one_im_sa_cls": 27.26530612244898, "model_in_bounds": 1, "pred_cls": 30.509260588211475, "error_w_gmm": 0.05037770287724485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04936924163162986}, "run_6750": {"edge_length": 1200, "pf": 0.5077090277777778, "in_bounds_one_im": 1, "error_one_im": 0.03722093790258092, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 29.12951011844632, "error_w_gmm": 0.04780633203507814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04684934451085834}, "run_6751": {"edge_length": 1200, "pf": 0.49568819444444445, "in_bounds_one_im": 1, "error_one_im": 0.04609496603428955, "one_im_sa_cls": 27.979591836734695, "model_in_bounds": 1, "pred_cls": 31.532750431028223, "error_w_gmm": 0.05300976546315912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0519486155683536}, "run_6752": {"edge_length": 1200, "pf": 0.5011125, "in_bounds_one_im": 1, "error_one_im": 0.039976882692452496, "one_im_sa_cls": 24.53061224489796, "model_in_bounds": 1, "pred_cls": 29.83530058548109, "error_w_gmm": 0.04961498454887414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048621791404652254}, "run_6753": {"edge_length": 1200, "pf": 0.48119375, "in_bounds_one_im": 1, "error_one_im": 0.03938724801577045, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 25.19234026286262, "error_w_gmm": 0.04359732808965156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04272459643894678}, "run_6754": {"edge_length": 1200, "pf": 0.5102805555555555, "in_bounds_one_im": 1, "error_one_im": 0.043430174080392986, "one_im_sa_cls": 27.142857142857142, "model_in_bounds": 1, "pred_cls": 27.054644496207388, "error_w_gmm": 0.044173289895824634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043289028637231726}, "run_6755": {"edge_length": 1200, "pf": 0.5000284722222222, "in_bounds_one_im": 1, "error_one_im": 0.04059694212933187, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 31.46129584271066, "error_w_gmm": 0.05243250724617293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051382912910817216}, "run_6756": {"edge_length": 1200, "pf": 0.51640625, "in_bounds_one_im": 1, "error_one_im": 0.03857860676184462, "one_im_sa_cls": 24.408163265306122, "model_in_bounds": 1, "pred_cls": 28.31372028842321, "error_w_gmm": 0.045665717085322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044751580407713286}, "run_6757": {"edge_length": 1200, "pf": 0.4940013888888889, "in_bounds_one_im": 1, "error_one_im": 0.040414588427697205, "one_im_sa_cls": 24.448979591836736, "model_in_bounds": 1, "pred_cls": 30.508586586206768, "error_w_gmm": 0.05146137843595302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050431224164627024}, "run_6758": {"edge_length": 1200, "pf": 0.50791875, "in_bounds_one_im": 1, "error_one_im": 0.04189700206526074, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 29.523518392589377, "error_w_gmm": 0.04843264059027033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04746311561655125}, "run_6759": {"edge_length": 1200, "pf": 0.5107965277777777, "in_bounds_one_im": 1, "error_one_im": 0.03885110036367531, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 29.012153256571633, "error_w_gmm": 0.04732052015275691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04637325761455272}, "run_6760": {"edge_length": 1200, "pf": 0.49933055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04319032913978463, "one_im_sa_cls": 26.408163265306122, "model_in_bounds": 1, "pred_cls": 29.947766029931653, "error_w_gmm": 0.04997981606604239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048979319721689694}, "run_6761": {"edge_length": 1400, "pf": 0.5079005102040817, "in_bounds_one_im": 1, "error_one_im": 0.03529432121996718, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 25.65352449761193, "error_w_gmm": 0.03535185515091127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03535120555227699}, "run_6762": {"edge_length": 1400, "pf": 0.503940306122449, "in_bounds_one_im": 1, "error_one_im": 0.032201768937798136, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 30.32477914879161, "error_w_gmm": 0.04212142982805733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0421206558368998}, "run_6763": {"edge_length": 1400, "pf": 0.49768469387755104, "in_bounds_one_im": 1, "error_one_im": 0.038462706188269635, "one_im_sa_cls": 27.346938775510203, "model_in_bounds": 1, "pred_cls": 31.482721508373512, "error_w_gmm": 0.04428038284287412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04427956918044827}, "run_6764": {"edge_length": 1400, "pf": 0.4953280612244898, "in_bounds_one_im": 1, "error_one_im": 0.03472230717485363, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 27.17974218405496, "error_w_gmm": 0.038408865651783426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03840815987986386}, "run_6765": {"edge_length": 1400, "pf": 0.49959438775510207, "in_bounds_one_im": 1, "error_one_im": 0.035885583439532985, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 32.204437886054585, "error_w_gmm": 0.04512280292797318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045121973785880634}, "run_6766": {"edge_length": 1400, "pf": 0.5106265306122449, "in_bounds_one_im": 1, "error_one_im": 0.03356400244457073, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 30.434389916737732, "error_w_gmm": 0.04171201391859063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0417112474505465}, "run_6767": {"edge_length": 1400, "pf": 0.5004989795918368, "in_bounds_one_im": 1, "error_one_im": 0.034992988753305254, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 29.048519614238785, "error_w_gmm": 0.040627362759102705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04062661622177815}, "run_6768": {"edge_length": 1400, "pf": 0.4941357142857143, "in_bounds_one_im": 1, "error_one_im": 0.0389968755407085, "one_im_sa_cls": 27.53061224489796, "model_in_bounds": 1, "pred_cls": 31.779532519451315, "error_w_gmm": 0.045016261762390146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0450154345780164}, "run_6769": {"edge_length": 1400, "pf": 0.500534693877551, "in_bounds_one_im": 1, "error_one_im": 0.035646917770422296, "one_im_sa_cls": 25.489795918367346, "model_in_bounds": 1, "pred_cls": 29.126316889644023, "error_w_gmm": 0.040733260679300325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040732512196076646}, "run_6770": {"edge_length": 1400, "pf": 0.5010989795918367, "in_bounds_one_im": 1, "error_one_im": 0.03802990511220108, "one_im_sa_cls": 27.224489795918366, "model_in_bounds": 1, "pred_cls": 29.821645078403797, "error_w_gmm": 0.04165863827469815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04165787278744401}, "run_6771": {"edge_length": 1400, "pf": 0.4930326530612245, "in_bounds_one_im": 1, "error_one_im": 0.033288647963355865, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 30.527020551247947, "error_w_gmm": 0.043337575088791394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04333677875067929}, "run_6772": {"edge_length": 1400, "pf": 0.5025954081632653, "in_bounds_one_im": 1, "error_one_im": 0.031435816075943444, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 27.942281425742568, "error_w_gmm": 0.03891665774508095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03891594264236238}, "run_6773": {"edge_length": 1400, "pf": 0.48764030612244896, "in_bounds_one_im": 1, "error_one_im": 0.03777907904450788, "one_im_sa_cls": 26.3265306122449, "model_in_bounds": 1, "pred_cls": 31.66132956164826, "error_w_gmm": 0.045435453287133686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04543461840001741}, "run_6774": {"edge_length": 1400, "pf": 0.49441632653061224, "in_bounds_one_im": 1, "error_one_im": 0.03406339253161693, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 29.87565223761361, "error_w_gmm": 0.0422956350345327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04229485784231356}, "run_6775": {"edge_length": 1400, "pf": 0.5020020408163265, "in_bounds_one_im": 1, "error_one_im": 0.03673764030728793, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 27.58565358771208, "error_w_gmm": 0.03846558608465419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038464879270483227}, "run_6776": {"edge_length": 1400, "pf": 0.5003025510204082, "in_bounds_one_im": 1, "error_one_im": 0.0322655911425149, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 27.264411726866165, "error_w_gmm": 0.03814708654971359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03814638558804634}, "run_6777": {"edge_length": 1400, "pf": 0.5025515306122449, "in_bounds_one_im": 1, "error_one_im": 0.03260401938250995, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 28.419570975335574, "error_w_gmm": 0.03958487725342312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039584149872014356}, "run_6778": {"edge_length": 1400, "pf": 0.5071352040816327, "in_bounds_one_im": 1, "error_one_im": 0.03824950022779347, "one_im_sa_cls": 27.714285714285715, "model_in_bounds": 1, "pred_cls": 31.953371918803008, "error_w_gmm": 0.04410082863838024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044100018275305033}, "run_6779": {"edge_length": 1400, "pf": 0.5266719387755102, "in_bounds_one_im": 0, "error_one_im": 0.030823168023845514, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 0, "pred_cls": 29.447356048151526, "error_w_gmm": 0.03908277383455963, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.039082055679418914}, "run_6780": {"edge_length": 1400, "pf": 0.49435204081632655, "in_bounds_one_im": 1, "error_one_im": 0.03796866297669409, "one_im_sa_cls": 26.816326530612244, "model_in_bounds": 1, "pred_cls": 27.34203531842474, "error_w_gmm": 0.038713714174956185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0387130028013734}, "run_6781": {"edge_length": 1400, "pf": 0.5048326530612245, "in_bounds_one_im": 1, "error_one_im": 0.03619068472125273, "one_im_sa_cls": 26.10204081632653, "model_in_bounds": 1, "pred_cls": 27.600338824724297, "error_w_gmm": 0.038268789882640444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03826808668464587}, "run_6782": {"edge_length": 1400, "pf": 0.5034035714285714, "in_bounds_one_im": 1, "error_one_im": 0.030789126165840165, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 29.87871423767893, "error_w_gmm": 0.041546418369437815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041545654944250776}, "run_6783": {"edge_length": 1400, "pf": 0.5211724489795918, "in_bounds_one_im": 0, "error_one_im": 0.03341047475388087, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 0, "pred_cls": 27.098473656303735, "error_w_gmm": 0.036364004777587944, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03636333658046677}, "run_6784": {"edge_length": 1400, "pf": 0.49586938775510203, "in_bounds_one_im": 1, "error_one_im": 0.02938407561401553, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 28.205706270403468, "error_w_gmm": 0.0398155666047093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039814834984329535}, "run_6785": {"edge_length": 1400, "pf": 0.49909183673469387, "in_bounds_one_im": 1, "error_one_im": 0.034633642291363634, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 27.7149827909021, "error_w_gmm": 0.03887151526865188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03887080099543696}, "run_6786": {"edge_length": 1400, "pf": 0.5110448979591836, "in_bounds_one_im": 1, "error_one_im": 0.03546423205716886, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 28.146591972349565, "error_w_gmm": 0.038544180438791424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038543472180430825}, "run_6787": {"edge_length": 1400, "pf": 0.5116719387755102, "in_bounds_one_im": 1, "error_one_im": 0.037931801805345104, "one_im_sa_cls": 27.73469387755102, "model_in_bounds": 1, "pred_cls": 28.041497015936958, "error_w_gmm": 0.038352110799345744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038351406070309894}, "run_6788": {"edge_length": 1400, "pf": 0.49042857142857144, "in_bounds_one_im": 1, "error_one_im": 0.03381199904274521, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 1, "pred_cls": 30.367236376618365, "error_w_gmm": 0.04333591379040609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04333511748282072}, "run_6789": {"edge_length": 1400, "pf": 0.5072382653061225, "in_bounds_one_im": 1, "error_one_im": 0.03551007137857056, "one_im_sa_cls": 25.73469387755102, "model_in_bounds": 1, "pred_cls": 28.401725483760966, "error_w_gmm": 0.03919090068199914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03919018054000239}, "run_6790": {"edge_length": 1400, "pf": 0.5017311224489795, "in_bounds_one_im": 1, "error_one_im": 0.04014573819748158, "one_im_sa_cls": 28.775510204081634, "model_in_bounds": 1, "pred_cls": 29.67686886110067, "error_w_gmm": 0.04140401654122809, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041403255732708005}, "run_6791": {"edge_length": 1400, "pf": 0.48808775510204083, "in_bounds_one_im": 1, "error_one_im": 0.03511187519365383, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 29.37221211969352, "error_w_gmm": 0.04211273954755671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042111965716085054}, "run_6792": {"edge_length": 1400, "pf": 0.4846739795918367, "in_bounds_one_im": 1, "error_one_im": 0.037945127982286275, "one_im_sa_cls": 26.285714285714285, "model_in_bounds": 1, "pred_cls": 29.064544944186018, "error_w_gmm": 0.04195732066897383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041956549693360594}, "run_6793": {"edge_length": 1400, "pf": 0.5081744897959184, "in_bounds_one_im": 1, "error_one_im": 0.03507822878788675, "one_im_sa_cls": 25.46938775510204, "model_in_bounds": 1, "pred_cls": 28.046282647105055, "error_w_gmm": 0.03862801913216914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03862730933325287}, "run_6794": {"edge_length": 1400, "pf": 0.4876719387755102, "in_bounds_one_im": 1, "error_one_im": 0.03692744419388263, "one_im_sa_cls": 25.73469387755102, "model_in_bounds": 1, "pred_cls": 31.549640437992757, "error_w_gmm": 0.04527230829209676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04527147640280807}, "run_6795": {"edge_length": 1400, "pf": 0.49959438775510207, "in_bounds_one_im": 1, "error_one_im": 0.03437009664885949, "one_im_sa_cls": 24.53061224489796, "model_in_bounds": 1, "pred_cls": 28.070841345633394, "error_w_gmm": 0.03933107128101458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03933034856335008}, "run_6796": {"edge_length": 1400, "pf": 0.5095336734693877, "in_bounds_one_im": 1, "error_one_im": 0.031451038114596055, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 27.45179566601693, "error_w_gmm": 0.037706562847773344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037705869980832495}, "run_6797": {"edge_length": 1400, "pf": 0.49494234693877553, "in_bounds_one_im": 1, "error_one_im": 0.03460479891030026, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 28.994809942584794, "error_w_gmm": 0.041005439729590525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04100468624501296}, "run_6798": {"edge_length": 1400, "pf": 0.4864515306122449, "in_bounds_one_im": 1, "error_one_im": 0.03405280543490251, "one_im_sa_cls": 23.6734693877551, "model_in_bounds": 1, "pred_cls": 29.213599233175987, "error_w_gmm": 0.04202270797564405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04202193579852361}, "run_6799": {"edge_length": 1400, "pf": 0.5077867346938776, "in_bounds_one_im": 1, "error_one_im": 0.036736953078248515, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 32.52530807266344, "error_w_gmm": 0.04483172357102896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044830899777587835}, "run_6800": {"edge_length": 1400, "pf": 0.5080071428571429, "in_bounds_one_im": 1, "error_one_im": 0.034865038564702744, "one_im_sa_cls": 25.306122448979593, "model_in_bounds": 1, "pred_cls": 26.073863734231743, "error_w_gmm": 0.03592343991342465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03592277981178622}}, "fractal_noise_0.035_7_True_simplex": {"true_cls": 9.387755102040817, "true_pf": 0.4996690266666667, "run_6801": {"edge_length": 600, "pf": 0.4940333333333333, "in_bounds_one_im": 1, "error_one_im": 0.031506522282894904, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.586214501088282, "error_w_gmm": 0.03982815316261646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038301980604483865}, "run_6802": {"edge_length": 600, "pf": 0.5150861111111111, "in_bounds_one_im": 1, "error_one_im": 0.03163020535950146, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 0, "pred_cls": 4.596827096103016, "error_w_gmm": 0.01515012924026682, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014569592367159712}, "run_6803": {"edge_length": 600, "pf": 0.4920277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03298791698305772, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 14.935674734014304, "error_w_gmm": 0.05154847187441261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049573189142441916}, "run_6804": {"edge_length": 600, "pf": 0.5032055555555556, "in_bounds_one_im": 1, "error_one_im": 0.0307350831816567, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 9.40594793196461, "error_w_gmm": 0.03174563358191507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03052917459584471}, "run_6805": {"edge_length": 600, "pf": 0.5024055555555555, "in_bounds_one_im": 1, "error_one_im": 0.03191217330703475, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 5.0854246025952685, "error_w_gmm": 0.01719109506115459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016532350543941886}, "run_6806": {"edge_length": 600, "pf": 0.48864166666666664, "in_bounds_one_im": 1, "error_one_im": 0.031848212457580995, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.361232163213414, "error_w_gmm": 0.039478317215910406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037965549999961976}, "run_6807": {"edge_length": 600, "pf": 0.4993361111111111, "in_bounds_one_im": 1, "error_one_im": 0.029505275684823477, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 9.448835618783589, "error_w_gmm": 0.032138138478876865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030906639121734567}, "run_6808": {"edge_length": 600, "pf": 0.5048722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03267938441864659, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 8.478887482239662, "error_w_gmm": 0.028521512786444637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027428598687380727}, "run_6809": {"edge_length": 600, "pf": 0.49891944444444447, "in_bounds_one_im": 1, "error_one_im": 0.032402689509554064, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 8.718884725787884, "error_w_gmm": 0.02968009406981834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028542784365619828}, "run_6810": {"edge_length": 600, "pf": 0.497325, "in_bounds_one_im": 1, "error_one_im": 0.03344450741629548, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.214894814419308, "error_w_gmm": 0.03488375067419013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033547042371740915}, "run_6811": {"edge_length": 600, "pf": 0.48799722222222225, "in_bounds_one_im": 1, "error_one_im": 0.03421101584480273, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 0, "pred_cls": 4.206870870204624, "error_w_gmm": 0.014637012454902227, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014076137672420885}, "run_6812": {"edge_length": 600, "pf": 0.4938388888888889, "in_bounds_one_im": 1, "error_one_im": 0.03435344435486248, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 12.996251315855707, "error_w_gmm": 0.044692600162818376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04298002715845149}, "run_6813": {"edge_length": 600, "pf": 0.49498055555555553, "in_bounds_one_im": 1, "error_one_im": 0.03528515488417181, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 11.191207396346522, "error_w_gmm": 0.03839747814763414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03692612753764854}, "run_6814": {"edge_length": 600, "pf": 0.5013638888888889, "in_bounds_one_im": 1, "error_one_im": 0.03364082328628902, "one_im_sa_cls": 10.326530612244898, "model_in_bounds": 1, "pred_cls": 10.775359622634172, "error_w_gmm": 0.036501682977734616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03510297722658351}, "run_6815": {"edge_length": 600, "pf": 0.4991055555555556, "in_bounds_one_im": 1, "error_one_im": 0.029118175232340043, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 11.547137928436966, "error_w_gmm": 0.03929316717857247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03778749471554851}, "run_6816": {"edge_length": 600, "pf": 0.5063916666666667, "in_bounds_one_im": 1, "error_one_im": 0.02948673868534437, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 8.646447422011809, "error_w_gmm": 0.028996891835727106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027885761716031597}, "run_6817": {"edge_length": 600, "pf": 0.49443055555555554, "in_bounds_one_im": 1, "error_one_im": 0.030470315668927873, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.862479370512055, "error_w_gmm": 0.037310622924838534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03588091945347178}, "run_6818": {"edge_length": 600, "pf": 0.4868527777777778, "in_bounds_one_im": 1, "error_one_im": 0.02929319176371599, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 0, "pred_cls": 6.217834678063381, "error_w_gmm": 0.02168338659312992, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02085250223224323}, "run_6819": {"edge_length": 600, "pf": 0.4939277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03819369857539865, "one_im_sa_cls": 11.551020408163264, "model_in_bounds": 1, "pred_cls": 7.609446001678477, "error_w_gmm": 0.02616334941170133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02516079763035359}, "run_6820": {"edge_length": 600, "pf": 0.49173055555555556, "in_bounds_one_im": 1, "error_one_im": 0.027043136452341708, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.573655502079156, "error_w_gmm": 0.029608418423297256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02847385525380138}, "run_6821": {"edge_length": 600, "pf": 0.4809222222222222, "in_bounds_one_im": 0, "error_one_im": 0.03767718573308133, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 0, "pred_cls": 9.666826417258006, "error_w_gmm": 0.03411367386513486, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03280647408869829}, "run_6822": {"edge_length": 600, "pf": 0.49800833333333333, "in_bounds_one_im": 1, "error_one_im": 0.03353269318753823, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.731220940466502, "error_w_gmm": 0.03659694745609797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03519459127124368}, "run_6823": {"edge_length": 600, "pf": 0.4966333333333333, "in_bounds_one_im": 1, "error_one_im": 0.029262507875140488, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.631270133670583, "error_w_gmm": 0.03293621089409055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03167413024902041}, "run_6824": {"edge_length": 600, "pf": 0.48590833333333333, "in_bounds_one_im": 1, "error_one_im": 0.03257147894419936, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 0, "pred_cls": 7.235243533252647, "error_w_gmm": 0.02527912511327049, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024310455868579297}, "run_6825": {"edge_length": 600, "pf": 0.4955472222222222, "in_bounds_one_im": 1, "error_one_im": 0.03248745023490648, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 13.603161217188285, "error_w_gmm": 0.04662011690098225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04483368350095217}, "run_6826": {"edge_length": 600, "pf": 0.4984277777777778, "in_bounds_one_im": 1, "error_one_im": 0.030361430712773498, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 10.503235330351957, "error_w_gmm": 0.0357894061914575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03441799413079151}, "run_6827": {"edge_length": 600, "pf": 0.49623333333333336, "in_bounds_one_im": 1, "error_one_im": 0.03076365877560937, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 8.83992752011378, "error_w_gmm": 0.03025423865069036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029094928335513224}, "run_6828": {"edge_length": 600, "pf": 0.4891861111111111, "in_bounds_one_im": 1, "error_one_im": 0.03399347757483516, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.016339151461938, "error_w_gmm": 0.038238193311156576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036772946327050096}, "run_6829": {"edge_length": 600, "pf": 0.5031555555555556, "in_bounds_one_im": 1, "error_one_im": 0.03133437121957636, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 8.397395275990394, "error_w_gmm": 0.028344542823081867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027258410025189406}, "run_6830": {"edge_length": 600, "pf": 0.5094305555555556, "in_bounds_one_im": 1, "error_one_im": 0.027868789914247027, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 7.0196785181914105, "error_w_gmm": 0.023398647362593554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022502036029489282}, "run_6831": {"edge_length": 600, "pf": 0.5023638888888889, "in_bounds_one_im": 1, "error_one_im": 0.0319148328261213, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.19669900702526, "error_w_gmm": 0.034472447097754676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033151499511823126}, "run_6832": {"edge_length": 600, "pf": 0.48849444444444445, "in_bounds_one_im": 1, "error_one_im": 0.03308551219010425, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.200921787592684, "error_w_gmm": 0.031981032390144035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030755553171579554}, "run_6833": {"edge_length": 600, "pf": 0.5073583333333334, "in_bounds_one_im": 1, "error_one_im": 0.028904243583992555, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 8.461772842197643, "error_w_gmm": 0.02832274296355178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027237445513139526}, "run_6834": {"edge_length": 600, "pf": 0.5058694444444445, "in_bounds_one_im": 1, "error_one_im": 0.028726907833160693, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 8.169421759860816, "error_w_gmm": 0.027425763467718616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026374837319589943}, "run_6835": {"edge_length": 600, "pf": 0.49821666666666664, "in_bounds_one_im": 1, "error_one_im": 0.03218065113112711, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 9.837389692244797, "error_w_gmm": 0.033534716794690174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032249702038724966}, "run_6836": {"edge_length": 600, "pf": 0.5019694444444445, "in_bounds_one_im": 1, "error_one_im": 0.03426413840639399, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 8.39849095564884, "error_w_gmm": 0.028415571133870787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027326716606493797}, "run_6837": {"edge_length": 600, "pf": 0.5054611111111111, "in_bounds_one_im": 1, "error_one_im": 0.03547638724275494, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.293429614033471, "error_w_gmm": 0.027864823138966256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02679707269022522}, "run_6838": {"edge_length": 600, "pf": 0.500575, "in_bounds_one_im": 1, "error_one_im": 0.03296146611037284, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 4.821318937478669, "error_w_gmm": 0.01635807518573116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015731251106030495}, "run_6839": {"edge_length": 600, "pf": 0.5016222222222222, "in_bounds_one_im": 1, "error_one_im": 0.03249380504415484, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 7.747047276805175, "error_w_gmm": 0.02622967649385628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025224583129115626}, "run_6840": {"edge_length": 600, "pf": 0.48633333333333334, "in_bounds_one_im": 1, "error_one_im": 0.030145820614256538, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.982087570161111, "error_w_gmm": 0.027864800539221937, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02679705095647914}, "run_6841": {"edge_length": 800, "pf": 0.4983796875, "in_bounds_one_im": 1, "error_one_im": 0.028742466671812662, "one_im_sa_cls": 11.693877551020408, "model_in_bounds": 1, "pred_cls": 10.535391954213301, "error_w_gmm": 0.026246767005053708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025895016498786196}, "run_6842": {"edge_length": 800, "pf": 0.5097625, "in_bounds_one_im": 1, "error_one_im": 0.020887715595188018, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 11.516211005238587, "error_w_gmm": 0.028044433008068966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02766859077551244}, "run_6843": {"edge_length": 800, "pf": 0.4986203125, "in_bounds_one_im": 1, "error_one_im": 0.025870814978103677, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 10.73097780308249, "error_w_gmm": 0.02672116623771239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026363057989547564}, "run_6844": {"edge_length": 800, "pf": 0.4899859375, "in_bounds_one_im": 1, "error_one_im": 0.024842211371050936, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.657441565451764, "error_w_gmm": 0.02953386209058308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0291380590211843}, "run_6845": {"edge_length": 800, "pf": 0.490846875, "in_bounds_one_im": 1, "error_one_im": 0.025512378033332565, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 11.06469247799061, "error_w_gmm": 0.027983901768824822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027608870755952725}, "run_6846": {"edge_length": 800, "pf": 0.501090625, "in_bounds_one_im": 1, "error_one_im": 0.021053638838361026, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 7.924000207859175, "error_w_gmm": 0.019634276374336485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01937114428444757}, "run_6847": {"edge_length": 800, "pf": 0.4969265625, "in_bounds_one_im": 1, "error_one_im": 0.02173278373561935, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 11.706868697553748, "error_w_gmm": 0.029250147664070764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028858146841750323}, "run_6848": {"edge_length": 800, "pf": 0.4977890625, "in_bounds_one_im": 1, "error_one_im": 0.028525335964754414, "one_im_sa_cls": 11.591836734693878, "model_in_bounds": 1, "pred_cls": 11.558420614437745, "error_w_gmm": 0.02882946817524087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028443105160546142}, "run_6849": {"edge_length": 800, "pf": 0.4982296875, "in_bounds_one_im": 1, "error_one_im": 0.023131331345395124, "one_im_sa_cls": 9.408163265306122, "model_in_bounds": 1, "pred_cls": 11.062885408822499, "error_w_gmm": 0.02756917830434112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027199705278422782}, "run_6850": {"edge_length": 800, "pf": 0.497071875, "in_bounds_one_im": 1, "error_one_im": 0.024190813123643372, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.907914709113065, "error_w_gmm": 0.027246004722308335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026880862762043566}, "run_6851": {"edge_length": 800, "pf": 0.4934015625, "in_bounds_one_im": 1, "error_one_im": 0.028067481914170377, "one_im_sa_cls": 11.306122448979592, "model_in_bounds": 1, "pred_cls": 11.360436878090802, "error_w_gmm": 0.028585409868497454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028202317642656138}, "run_6852": {"edge_length": 800, "pf": 0.505525, "in_bounds_one_im": 1, "error_one_im": 0.024378657948534423, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.134885470009559, "error_w_gmm": 0.022434773293905388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022134109868859247}, "run_6853": {"edge_length": 800, "pf": 0.5092546875, "in_bounds_one_im": 1, "error_one_im": 0.024982757287416914, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 8.343506789769586, "error_w_gmm": 0.020338874384085187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020066299504286254}, "run_6854": {"edge_length": 800, "pf": 0.5021234375, "in_bounds_one_im": 1, "error_one_im": 0.023151043522853246, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 5.12396877144317, "error_w_gmm": 0.0126700928265934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012500292425448738}, "run_6855": {"edge_length": 800, "pf": 0.508365625, "in_bounds_one_im": 1, "error_one_im": 0.026649823854441902, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 7.270403914956618, "error_w_gmm": 0.017754534880891803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017516594465918255}, "run_6856": {"edge_length": 800, "pf": 0.5080828125, "in_bounds_one_im": 1, "error_one_im": 0.024254241072764228, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 8.402539291348003, "error_w_gmm": 0.02053085456274566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020255706827972966}, "run_6857": {"edge_length": 800, "pf": 0.4957359375, "in_bounds_one_im": 1, "error_one_im": 0.023297418813076353, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 9.487668413841323, "error_w_gmm": 0.02376189286427033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023443443820878783}, "run_6858": {"edge_length": 800, "pf": 0.5023765625, "in_bounds_one_im": 1, "error_one_im": 0.02552790162656974, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 6.020957435893934, "error_w_gmm": 0.014880551029373192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014681126797157764}, "run_6859": {"edge_length": 800, "pf": 0.5004859375, "in_bounds_one_im": 1, "error_one_im": 0.02452570137793161, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 12.189994424537057, "error_w_gmm": 0.030241209363264222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029835926659241355}, "run_6860": {"edge_length": 800, "pf": 0.497865625, "in_bounds_one_im": 1, "error_one_im": 0.02565882885269195, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 7.15450090286525, "error_w_gmm": 0.01784230572303336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017603189032210222}, "run_6861": {"edge_length": 800, "pf": 0.50245625, "in_bounds_one_im": 1, "error_one_im": 0.02343416278004644, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.006830135888675, "error_w_gmm": 0.022256466283196833, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021958192469841847}, "run_6862": {"edge_length": 800, "pf": 0.502978125, "in_bounds_one_im": 1, "error_one_im": 0.026043929669600854, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 9.40250229747474, "error_w_gmm": 0.023209959309687046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022898907097578122}, "run_6863": {"edge_length": 800, "pf": 0.49691875, "in_bounds_one_im": 1, "error_one_im": 0.022839902754514883, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 10.775749077080022, "error_w_gmm": 0.02692412334524621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02656329513293062}, "run_6864": {"edge_length": 800, "pf": 0.50849375, "in_bounds_one_im": 1, "error_one_im": 0.023644428051217647, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 0, "pred_cls": 4.585914422938966, "error_w_gmm": 0.01119606437318721, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011046018414737761}, "run_6865": {"edge_length": 800, "pf": 0.502871875, "in_bounds_one_im": 1, "error_one_im": 0.023812392424937892, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.081647572347487, "error_w_gmm": 0.02736072215175356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026994042786372307}, "run_6866": {"edge_length": 800, "pf": 0.5045953125, "in_bounds_one_im": 1, "error_one_im": 0.023532284133951344, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 9.06160109932354, "error_w_gmm": 0.02229621368888497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02199740719392118}, "run_6867": {"edge_length": 800, "pf": 0.500821875, "in_bounds_one_im": 1, "error_one_im": 0.022762134983994545, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 9.868182888593152, "error_w_gmm": 0.024464764835023564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024136896133526802}, "run_6868": {"edge_length": 800, "pf": 0.4949984375, "in_bounds_one_im": 1, "error_one_im": 0.025200375758555493, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.031351966621505, "error_w_gmm": 0.022652437594684216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022348857104538922}, "run_6869": {"edge_length": 800, "pf": 0.5058171875, "in_bounds_one_im": 1, "error_one_im": 0.023672523947051296, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.257353871540912, "error_w_gmm": 0.022722264998146956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02241774870419339}, "run_6870": {"edge_length": 800, "pf": 0.5052140625, "in_bounds_one_im": 1, "error_one_im": 0.0222661687651364, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 8.096842537998509, "error_w_gmm": 0.019897768791326632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01963110546305488}, "run_6871": {"edge_length": 800, "pf": 0.5021546875, "in_bounds_one_im": 1, "error_one_im": 0.025887720930561273, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 10.935527548600179, "error_w_gmm": 0.027038706870828853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02667634304793209}, "run_6872": {"edge_length": 800, "pf": 0.505303125, "in_bounds_one_im": 1, "error_one_im": 0.024686309014800886, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.68965413313308, "error_w_gmm": 0.023807818049986024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023488753532417285}, "run_6873": {"edge_length": 800, "pf": 0.494315625, "in_bounds_one_im": 1, "error_one_im": 0.023616552623917153, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 8.498673872956152, "error_w_gmm": 0.02134550775834537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021059442310395634}, "run_6874": {"edge_length": 800, "pf": 0.4978453125, "in_bounds_one_im": 1, "error_one_im": 0.02445471098787472, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.059113888365236, "error_w_gmm": 0.027580974569733227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027211343454160576}, "run_6875": {"edge_length": 800, "pf": 0.4976546875, "in_bounds_one_im": 1, "error_one_im": 0.025669656172280227, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 9.656002448882727, "error_w_gmm": 0.024090855500679142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023767997808638475}, "run_6876": {"edge_length": 800, "pf": 0.503646875, "in_bounds_one_im": 1, "error_one_im": 0.024271867440472997, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 6.454424906750003, "error_w_gmm": 0.015911370511936317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015698131577331378}, "run_6877": {"edge_length": 800, "pf": 0.4937359375, "in_bounds_one_im": 1, "error_one_im": 0.02733990266465679, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 12.26539516095638, "error_w_gmm": 0.03084185228955919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030428519967334984}, "run_6878": {"edge_length": 800, "pf": 0.4954796875, "in_bounds_one_im": 1, "error_one_im": 0.024873410870546096, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.606215042198706, "error_w_gmm": 0.026576914345874593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026220739313940703}, "run_6879": {"edge_length": 800, "pf": 0.5001734375, "in_bounds_one_im": 1, "error_one_im": 0.024840925184518435, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 9.842773448808172, "error_w_gmm": 0.024433437481664284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024105988619014904}, "run_6880": {"edge_length": 800, "pf": 0.496725, "in_bounds_one_im": 1, "error_one_im": 0.023804980731308514, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 7.864197091604948, "error_w_gmm": 0.019656979588524682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01939354323765442}, "run_6881": {"edge_length": 1000, "pf": 0.501697, "in_bounds_one_im": 1, "error_one_im": 0.01949336743495331, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.04737945083099, "error_w_gmm": 0.02201989611650503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02157910166583161}, "run_6882": {"edge_length": 1000, "pf": 0.504676, "in_bounds_one_im": 1, "error_one_im": 0.018822789273269747, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 7.41720813575409, "error_w_gmm": 0.014696327494285552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014402136296902686}, "run_6883": {"edge_length": 1000, "pf": 0.499784, "in_bounds_one_im": 1, "error_one_im": 0.019327992880635882, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 7.70305080142204, "error_w_gmm": 0.01541275847693181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015104225758600464}, "run_6884": {"edge_length": 1000, "pf": 0.496321, "in_bounds_one_im": 1, "error_one_im": 0.018454959032762046, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 8.248442489951577, "error_w_gmm": 0.016618718935758774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016286045291640516}, "run_6885": {"edge_length": 1000, "pf": 0.498465, "in_bounds_one_im": 1, "error_one_im": 0.019298803119977757, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.592300646012719, "error_w_gmm": 0.02325588761045777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022790351072504225}, "run_6886": {"edge_length": 1000, "pf": 0.496299, "in_bounds_one_im": 1, "error_one_im": 0.019704960860881564, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 7.703433666470373, "error_w_gmm": 0.015521334174640102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015210627987152574}, "run_6887": {"edge_length": 1000, "pf": 0.499781, "in_bounds_one_im": 1, "error_one_im": 0.020368545350149436, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 7.603601584888871, "error_w_gmm": 0.015213865384110613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014909314109248676}, "run_6888": {"edge_length": 1000, "pf": 0.500864, "in_bounds_one_im": 1, "error_one_im": 0.02272028714357601, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 1, "pred_cls": 10.071337389833982, "error_w_gmm": 0.020107898258602302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019705378195828134}, "run_6889": {"edge_length": 1000, "pf": 0.494934, "in_bounds_one_im": 1, "error_one_im": 0.020162899196413887, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 8.802193182528093, "error_w_gmm": 0.017783666843848665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017427673263501198}, "run_6890": {"edge_length": 1000, "pf": 0.493483, "in_bounds_one_im": 1, "error_one_im": 0.020464649176196857, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 11.250680362242273, "error_w_gmm": 0.022796579942685784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022340237829176164}, "run_6891": {"edge_length": 1000, "pf": 0.507233, "in_bounds_one_im": 1, "error_one_im": 0.020264327130082548, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 10.382806124517423, "error_w_gmm": 0.020467358566781755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020057642824779835}, "run_6892": {"edge_length": 1000, "pf": 0.495936, "in_bounds_one_im": 1, "error_one_im": 0.019638621298438384, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 7.369075708213726, "error_w_gmm": 0.014858433925888927, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014560997680705175}, "run_6893": {"edge_length": 1000, "pf": 0.501057, "in_bounds_one_im": 1, "error_one_im": 0.01951833511395244, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.420859762670556, "error_w_gmm": 0.020797706602750238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020381377951210707}, "run_6894": {"edge_length": 1000, "pf": 0.496707, "in_bounds_one_im": 1, "error_one_im": 0.02033310455868305, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 8.347379984304359, "error_w_gmm": 0.016805076125130138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016468671981354478}, "run_6895": {"edge_length": 1000, "pf": 0.505074, "in_bounds_one_im": 1, "error_one_im": 0.019441337131429866, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.369446246845772, "error_w_gmm": 0.020529491322934336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020118531806939448}, "run_6896": {"edge_length": 1000, "pf": 0.504736, "in_bounds_one_im": 1, "error_one_im": 0.01937524084585239, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.280500765574361, "error_w_gmm": 0.02036716140361704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019959451409201804}, "run_6897": {"edge_length": 1000, "pf": 0.507192, "in_bounds_one_im": 1, "error_one_im": 0.018255161494846923, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 10.169974099391501, "error_w_gmm": 0.02004945260160409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019648102504443436}, "run_6898": {"edge_length": 1000, "pf": 0.497414, "in_bounds_one_im": 1, "error_one_im": 0.019902306079610948, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 10.273390689209718, "error_w_gmm": 0.020653325567489497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02023988713662985}, "run_6899": {"edge_length": 1000, "pf": 0.497724, "in_bounds_one_im": 1, "error_one_im": 0.019729243150584237, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.241399414031092, "error_w_gmm": 0.02057624970662164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02016435418094062}, "run_6900": {"edge_length": 1000, "pf": 0.497258, "in_bounds_one_im": 1, "error_one_im": 0.018339966940182674, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 8.744915864538964, "error_w_gmm": 0.01758601041135797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017233973519004065}, "run_6901": {"edge_length": 1000, "pf": 0.501821, "in_bounds_one_im": 1, "error_one_im": 0.0204450260669755, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 9.351422917821676, "error_w_gmm": 0.018634853659397214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018261821014796564}, "run_6902": {"edge_length": 1000, "pf": 0.503596, "in_bounds_one_im": 1, "error_one_im": 0.01910176894773012, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 9.033708390064165, "error_w_gmm": 0.017937939843394226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0175788580249494}, "run_6903": {"edge_length": 1000, "pf": 0.494028, "in_bounds_one_im": 1, "error_one_im": 0.019389873886044053, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.38079964500896, "error_w_gmm": 0.018987042217762488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018606959459877993}, "run_6904": {"edge_length": 1000, "pf": 0.500043, "in_bounds_one_im": 1, "error_one_im": 0.02467742414946662, "one_im_sa_cls": 12.591836734693878, "model_in_bounds": 1, "pred_cls": 10.635526238242663, "error_w_gmm": 0.02126922324462597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020843455769304492}, "run_6905": {"edge_length": 1000, "pf": 0.506327, "in_bounds_one_im": 1, "error_one_im": 0.019392671792581095, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 8.800953706140549, "error_w_gmm": 0.017380564451877467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01703264017832853}, "run_6906": {"edge_length": 1000, "pf": 0.505374, "in_bounds_one_im": 1, "error_one_im": 0.018875671614365253, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 11.191035790379425, "error_w_gmm": 0.02214278807429506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02169953357146062}, "run_6907": {"edge_length": 1000, "pf": 0.497739, "in_bounds_one_im": 1, "error_one_im": 0.020893887292040548, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 9.395623730500937, "error_w_gmm": 0.018876414480036973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018498546269061344}, "run_6908": {"edge_length": 1000, "pf": 0.506084, "in_bounds_one_im": 1, "error_one_im": 0.019560162292041248, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 10.723306812914478, "error_w_gmm": 0.021187219781545315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020763093852181783}, "run_6909": {"edge_length": 1000, "pf": 0.503587, "in_bounds_one_im": 1, "error_one_im": 0.01973752611601316, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 8.518420050886538, "error_w_gmm": 0.016915053093879227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016576447430292993}, "run_6910": {"edge_length": 1000, "pf": 0.490523, "in_bounds_one_im": 1, "error_one_im": 0.01968936660231664, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 0, "pred_cls": 8.721839802226688, "error_w_gmm": 0.01777750071468308, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017421630567956915}, "run_6911": {"edge_length": 1000, "pf": 0.497066, "in_bounds_one_im": 1, "error_one_im": 0.01641574674406887, "one_im_sa_cls": 8.326530612244898, "model_in_bounds": 1, "pred_cls": 8.065645719734212, "error_w_gmm": 0.0162262292223555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01590141244035406}, "run_6912": {"edge_length": 1000, "pf": 0.494871, "in_bounds_one_im": 1, "error_one_im": 0.02000379333109698, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.598989836918218, "error_w_gmm": 0.019395933059873288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019007665121950713}, "run_6913": {"edge_length": 1000, "pf": 0.494719, "in_bounds_one_im": 1, "error_one_im": 0.020333268004473153, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.853364668521191, "error_w_gmm": 0.021937219458943325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021498080030240046}, "run_6914": {"edge_length": 1000, "pf": 0.499866, "in_bounds_one_im": 1, "error_one_im": 0.019884963156543332, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 8.719481387688356, "error_w_gmm": 0.017443637043836422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01709445018265406}, "run_6915": {"edge_length": 1000, "pf": 0.503613, "in_bounds_one_im": 1, "error_one_im": 0.01981592227229101, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.575436116967982, "error_w_gmm": 0.01901298441986653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01863238235077986}, "run_6916": {"edge_length": 1000, "pf": 0.495925, "in_bounds_one_im": 1, "error_one_im": 0.020606891741144863, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 8.548001847636659, "error_w_gmm": 0.017235908560963745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01689088001015732}, "run_6917": {"edge_length": 1000, "pf": 0.491562, "in_bounds_one_im": 1, "error_one_im": 0.018997600082905367, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 8.201557288176833, "error_w_gmm": 0.016682309262741616, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01634836266696626}, "run_6918": {"edge_length": 1000, "pf": 0.503226, "in_bounds_one_im": 1, "error_one_im": 0.017486487452669012, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.435161520436958, "error_w_gmm": 0.014774687242400723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014478927438974384}, "run_6919": {"edge_length": 1000, "pf": 0.49882, "in_bounds_one_im": 1, "error_one_im": 0.020928950502649916, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 6.709630280641608, "error_w_gmm": 0.013450967474514275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013181705903633786}, "run_6920": {"edge_length": 1000, "pf": 0.496347, "in_bounds_one_im": 1, "error_one_im": 0.020790968698032, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 8.958938095603122, "error_w_gmm": 0.01804926591466056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017687955570060566}, "run_6921": {"edge_length": 1200, "pf": 0.49876875, "in_bounds_one_im": 1, "error_one_im": 0.017409164964785534, "one_im_sa_cls": 10.63265306122449, "model_in_bounds": 1, "pred_cls": 8.615314437488822, "error_w_gmm": 0.014394259724938855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014106115322497751}, "run_6922": {"edge_length": 1200, "pf": 0.5034034722222223, "in_bounds_one_im": 1, "error_one_im": 0.01645397714055214, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.279876995298702, "error_w_gmm": 0.01701689831206846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01667625391011731}, "run_6923": {"edge_length": 1200, "pf": 0.49635972222222224, "in_bounds_one_im": 1, "error_one_im": 0.01745967155075344, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 8.233250161635203, "error_w_gmm": 0.013822354336825562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013545658340864568}, "run_6924": {"edge_length": 1200, "pf": 0.4969173611111111, "in_bounds_one_im": 1, "error_one_im": 0.017440209140407788, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 9.797978554282505, "error_w_gmm": 0.01643095530149762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01610204031126143}, "run_6925": {"edge_length": 1200, "pf": 0.5011930555555556, "in_bounds_one_im": 1, "error_one_im": 0.01665989323708, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.304134235000722, "error_w_gmm": 0.015469933267503627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01516025602377261}, "run_6926": {"edge_length": 1200, "pf": 0.50283125, "in_bounds_one_im": 1, "error_one_im": 0.017434009982029413, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 9.66459571557616, "error_w_gmm": 0.016016706685043725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015696084126813763}, "run_6927": {"edge_length": 1200, "pf": 0.5009472222222222, "in_bounds_one_im": 1, "error_one_im": 0.016268850800473723, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.804048594222536, "error_w_gmm": 0.017972667125235143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01761289013579395}, "run_6928": {"edge_length": 1200, "pf": 0.5027722222222222, "in_bounds_one_im": 1, "error_one_im": 0.017104584160733276, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 11.041183527010418, "error_w_gmm": 0.018300225115102563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017933891067288227}, "run_6929": {"edge_length": 1200, "pf": 0.49869305555555554, "in_bounds_one_im": 1, "error_one_im": 0.01587448243632342, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 9.648059933845706, "error_w_gmm": 0.01612218656100654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015799452505804286}, "run_6930": {"edge_length": 1200, "pf": 0.4964277777777778, "in_bounds_one_im": 1, "error_one_im": 0.017658725462030046, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 9.112480988098678, "error_w_gmm": 0.015296364728930475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014990161981546271}, "run_6931": {"edge_length": 1200, "pf": 0.5008270833333334, "in_bounds_one_im": 1, "error_one_im": 0.01524115384296418, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 7.652094689393186, "error_w_gmm": 0.012732412168700118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012477534643485952}, "run_6932": {"edge_length": 1200, "pf": 0.5002625, "in_bounds_one_im": 1, "error_one_im": 0.01649103674047463, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 8.969130097478425, "error_w_gmm": 0.014940704232644647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014641621099824368}, "run_6933": {"edge_length": 1200, "pf": 0.5039027777777778, "in_bounds_one_im": 1, "error_one_im": 0.01541227335293108, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 8.872997593881614, "error_w_gmm": 0.01467334520307162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014379614065372014}, "run_6934": {"edge_length": 1200, "pf": 0.49485694444444445, "in_bounds_one_im": 1, "error_one_im": 0.018724615798523938, "one_im_sa_cls": 11.346938775510203, "model_in_bounds": 1, "pred_cls": 8.754107267335709, "error_w_gmm": 0.014741034830399312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014445948681216627}, "run_6935": {"edge_length": 1200, "pf": 0.49405208333333334, "in_bounds_one_im": 1, "error_one_im": 0.016967008932858105, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.021357228660916, "error_w_gmm": 0.01690214533417235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01656379805821977}, "run_6936": {"edge_length": 1200, "pf": 0.49089652777777776, "in_bounds_one_im": 0, "error_one_im": 0.01785519339380448, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.017250699109487, "error_w_gmm": 0.018699501583074495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01832517481583792}, "run_6937": {"edge_length": 1200, "pf": 0.5013111111111112, "in_bounds_one_im": 1, "error_one_im": 0.018085513551733056, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 8.771214113446396, "error_w_gmm": 0.014580406862688633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014288536165405265}, "run_6938": {"edge_length": 1200, "pf": 0.5016736111111111, "in_bounds_one_im": 1, "error_one_im": 0.016843216797523913, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.046690189584915, "error_w_gmm": 0.015027432361709584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014726613104531286}, "run_6939": {"edge_length": 1200, "pf": 0.4984701388888889, "in_bounds_one_im": 1, "error_one_im": 0.016282779839133413, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.863423433234832, "error_w_gmm": 0.016489415134810132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016159329895178848}, "run_6940": {"edge_length": 1200, "pf": 0.5030041666666667, "in_bounds_one_im": 1, "error_one_im": 0.01722918328866326, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 8.486051419766278, "error_w_gmm": 0.014058694419133466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01377726736557796}, "run_6941": {"edge_length": 1200, "pf": 0.49968125, "in_bounds_one_im": 1, "error_one_im": 0.016376802811421204, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 9.48163212337786, "error_w_gmm": 0.015812797652970993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015496256947321404}, "run_6942": {"edge_length": 1200, "pf": 0.5015923611111112, "in_bounds_one_im": 1, "error_one_im": 0.01604851245898554, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 9.205505507103819, "error_w_gmm": 0.015293725106741771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014987575199334921}, "run_6943": {"edge_length": 1200, "pf": 0.5009409722222222, "in_bounds_one_im": 1, "error_one_im": 0.017233885596090556, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 8.801142677060845, "error_w_gmm": 0.01464099161962359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014347908136207533}, "run_6944": {"edge_length": 1200, "pf": 0.4999590277777778, "in_bounds_one_im": 1, "error_one_im": 0.01670106163673021, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 11.410151141170726, "error_w_gmm": 0.019018476963298545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01863776494443491}, "run_6945": {"edge_length": 1200, "pf": 0.4964590277777778, "in_bounds_one_im": 1, "error_one_im": 0.016818381191896985, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.468235149569326, "error_w_gmm": 0.017571058316618544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017219320735412595}, "run_6946": {"edge_length": 1200, "pf": 0.50830625, "in_bounds_one_im": 0, "error_one_im": 0.014818144273293407, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 0, "pred_cls": 9.055372209688525, "error_w_gmm": 0.014843614773879995, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014546475178595747}, "run_6947": {"edge_length": 1200, "pf": 0.4967902777777778, "in_bounds_one_im": 1, "error_one_im": 0.016673052638069317, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.153568129809486, "error_w_gmm": 0.018708998563990057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018334481686116077}, "run_6948": {"edge_length": 1200, "pf": 0.49388819444444443, "in_bounds_one_im": 1, "error_one_im": 0.017951110014055017, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 11.338760175464257, "error_w_gmm": 0.019130363868228483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018747412096437002}, "run_6949": {"edge_length": 1200, "pf": 0.5069986111111111, "in_bounds_one_im": 1, "error_one_im": 0.016533295827828188, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.037929741413645, "error_w_gmm": 0.01649732718935062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016167083566150275}, "run_6950": {"edge_length": 1200, "pf": 0.5004479166666667, "in_bounds_one_im": 1, "error_one_im": 0.017450705780115566, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 8.46278737518922, "error_w_gmm": 0.014092015868154104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013809921785574572}, "run_6951": {"edge_length": 1200, "pf": 0.5030131944444445, "in_bounds_one_im": 1, "error_one_im": 0.016466825927447214, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.177905454115182, "error_w_gmm": 0.016861255243901193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016523726506091723}, "run_6952": {"edge_length": 1200, "pf": 0.49923402777777776, "in_bounds_one_im": 1, "error_one_im": 0.016992366352628283, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 10.223078427338237, "error_w_gmm": 0.017064586049956015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01672298703449928}, "run_6953": {"edge_length": 1200, "pf": 0.5023930555555556, "in_bounds_one_im": 1, "error_one_im": 0.017150733970094572, "one_im_sa_cls": 10.551020408163264, "model_in_bounds": 1, "pred_cls": 9.336362796077655, "error_w_gmm": 0.015486307249618508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015176302231386836}, "run_6954": {"edge_length": 1200, "pf": 0.4978152777777778, "in_bounds_one_im": 1, "error_one_im": 0.017040651116559554, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 9.61863517368757, "error_w_gmm": 0.016101259146564326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01577894401650614}, "run_6955": {"edge_length": 1200, "pf": 0.49514583333333334, "in_bounds_one_im": 1, "error_one_im": 0.016997245653878047, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 8.237590714448286, "error_w_gmm": 0.013863259985168607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013585745139622839}, "run_6956": {"edge_length": 1200, "pf": 0.5003125, "in_bounds_one_im": 1, "error_one_im": 0.017255561289474645, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 9.01572357540667, "error_w_gmm": 0.015016817513259199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014716210744199175}, "run_6957": {"edge_length": 1200, "pf": 0.5003097222222223, "in_bounds_one_im": 1, "error_one_im": 0.01662272764449751, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.15589875828153, "error_w_gmm": 0.016916016150796798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016577391208729888}, "run_6958": {"edge_length": 1200, "pf": 0.5031097222222223, "in_bounds_one_im": 1, "error_one_im": 0.016828033658487108, "one_im_sa_cls": 10.36734693877551, "model_in_bounds": 1, "pred_cls": 9.732943253729832, "error_w_gmm": 0.016120994718193945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015798284521310275}, "run_6959": {"edge_length": 1200, "pf": 0.4934541666666667, "in_bounds_one_im": 1, "error_one_im": 0.016176786055345047, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 8.876662164348309, "error_w_gmm": 0.014989405362676001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014689347330258234}, "run_6960": {"edge_length": 1200, "pf": 0.49487708333333336, "in_bounds_one_im": 1, "error_one_im": 0.018050341348729557, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 9.646594565566444, "error_w_gmm": 0.01624323921598849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01591808192780302}, "run_6961": {"edge_length": 1400, "pf": 0.49786173469387757, "in_bounds_one_im": 1, "error_one_im": 0.013744114789809192, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.333633375629608, "error_w_gmm": 0.013123088525033102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013122847385201948}, "run_6962": {"edge_length": 1400, "pf": 0.5035035714285714, "in_bounds_one_im": 1, "error_one_im": 0.015093584634560907, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 9.596369286386583, "error_w_gmm": 0.013341104146709418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013340859000789964}, "run_6963": {"edge_length": 1400, "pf": 0.504325, "in_bounds_one_im": 1, "error_one_im": 0.014360686242459883, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 10.584675929811926, "error_w_gmm": 0.014690915492019977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014690645543000345}, "run_6964": {"edge_length": 1400, "pf": 0.5043836734693877, "in_bounds_one_im": 1, "error_one_im": 0.013396069995352946, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 8.789637061293252, "error_w_gmm": 0.012198074189060857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012197850046585211}, "run_6965": {"edge_length": 1400, "pf": 0.5010852040816327, "in_bounds_one_im": 1, "error_one_im": 0.013655791931320698, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 10.177978957103463, "error_w_gmm": 0.014218277512742633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014218016248556788}, "run_6966": {"edge_length": 1400, "pf": 0.5008086734693877, "in_bounds_one_im": 1, "error_one_im": 0.014404989563537474, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 8.928829451451612, "error_w_gmm": 0.012480160133941496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012479930808070415}, "run_6967": {"edge_length": 1400, "pf": 0.4967158163265306, "in_bounds_one_im": 1, "error_one_im": 0.014638426766698123, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 9.96498186441168, "error_w_gmm": 0.014042912669378764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014042654627563064}, "run_6968": {"edge_length": 1400, "pf": 0.5004454081632653, "in_bounds_one_im": 1, "error_one_im": 0.013730367925965792, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 7.26551299136025, "error_w_gmm": 0.010162661087583204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010162474346300973}, "run_6969": {"edge_length": 1400, "pf": 0.5038836734693878, "in_bounds_one_im": 1, "error_one_im": 0.013976470456400651, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 7.182148347962151, "error_w_gmm": 0.00997720792935895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009977024595821924}, "run_6970": {"edge_length": 1400, "pf": 0.49565867346938774, "in_bounds_one_im": 1, "error_one_im": 0.014381210528107573, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.393099210927376, "error_w_gmm": 0.013265018749683371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01326477500185098}, "run_6971": {"edge_length": 1400, "pf": 0.49496173469387755, "in_bounds_one_im": 1, "error_one_im": 0.015122778530393243, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 9.062309066104591, "error_w_gmm": 0.012815726629490033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012815491137505828}, "run_6972": {"edge_length": 1400, "pf": 0.49925969387755104, "in_bounds_one_im": 1, "error_one_im": 0.015165015799505075, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 8.36355699233152, "error_w_gmm": 0.011726329101425752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011726113627376723}, "run_6973": {"edge_length": 1400, "pf": 0.4965484693877551, "in_bounds_one_im": 1, "error_one_im": 0.01383780036078942, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 10.278094197375289, "error_w_gmm": 0.014489007536295511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01448874129738192}, "run_6974": {"edge_length": 1400, "pf": 0.5008418367346938, "in_bounds_one_im": 1, "error_one_im": 0.014461079839477984, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.281291422233432, "error_w_gmm": 0.01297194904751635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012971710684908504}, "run_6975": {"edge_length": 1400, "pf": 0.5030744897959184, "in_bounds_one_im": 1, "error_one_im": 0.015276918066524097, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.537380530553445, "error_w_gmm": 0.011879062668170405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011878844387606221}, "run_6976": {"edge_length": 1400, "pf": 0.49878724489795917, "in_bounds_one_im": 1, "error_one_im": 0.012773567926097913, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.77288118810307, "error_w_gmm": 0.012311860077325305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012311633844007255}, "run_6977": {"edge_length": 1400, "pf": 0.4992979591836735, "in_bounds_one_im": 1, "error_one_im": 0.014448579062350076, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 11.02396584902769, "error_w_gmm": 0.01545523739037794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015454953396764087}, "run_6978": {"edge_length": 1400, "pf": 0.49539948979591836, "in_bounds_one_im": 1, "error_one_im": 0.014215657773364403, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.442842368309979, "error_w_gmm": 0.013342181393442875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013341936227728808}, "run_6979": {"edge_length": 1400, "pf": 0.5032933673469387, "in_bounds_one_im": 1, "error_one_im": 0.01370914854267578, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 9.679223328180987, "error_w_gmm": 0.013461948419886764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013461701053425514}, "run_6980": {"edge_length": 1400, "pf": 0.5051352040816327, "in_bounds_one_im": 1, "error_one_im": 0.014365711788390639, "one_im_sa_cls": 10.36734693877551, "model_in_bounds": 1, "pred_cls": 10.043056168385801, "error_w_gmm": 0.013916607825447956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01391635210451341}, "run_6981": {"edge_length": 1400, "pf": 0.5053025510204081, "in_bounds_one_im": 1, "error_one_im": 0.014530520929214356, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 10.434161221247782, "error_w_gmm": 0.014453721042272228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01445345545175632}, "run_6982": {"edge_length": 1400, "pf": 0.49791785714285713, "in_bounds_one_im": 1, "error_one_im": 0.015148388499067916, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 10.292785508691573, "error_w_gmm": 0.01447003211663461, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014469766226398824}, "run_6983": {"edge_length": 1400, "pf": 0.5039642857142858, "in_bounds_one_im": 1, "error_one_im": 0.014852920459575446, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 10.438796575166188, "error_w_gmm": 0.014498900287120628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014498633866425508}, "run_6984": {"edge_length": 1400, "pf": 0.5038066326530612, "in_bounds_one_im": 1, "error_one_im": 0.014262166341480042, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 8.223652198301293, "error_w_gmm": 0.011425791827840521, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0114255818762344}, "run_6985": {"edge_length": 1400, "pf": 0.49679591836734693, "in_bounds_one_im": 1, "error_one_im": 0.015527473730561809, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 9.548172392276554, "error_w_gmm": 0.013453378327134839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013453131118150989}, "run_6986": {"edge_length": 1400, "pf": 0.4957448979591837, "in_bounds_one_im": 1, "error_one_im": 0.014724511628591154, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 9.018162461775336, "error_w_gmm": 0.012733333515779731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012733099537788303}, "run_6987": {"edge_length": 1400, "pf": 0.5022505102040816, "in_bounds_one_im": 1, "error_one_im": 0.014420394883224196, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 11.31172605698279, "error_w_gmm": 0.015765296142840377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01576500645182421}, "run_6988": {"edge_length": 1400, "pf": 0.49650765306122446, "in_bounds_one_im": 1, "error_one_im": 0.014644522681005682, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 9.084866123436447, "error_w_gmm": 0.012807962013216625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012807726663909027}, "run_6989": {"edge_length": 1400, "pf": 0.5022107142857143, "in_bounds_one_im": 1, "error_one_im": 0.014905105273116661, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 9.989379030117851, "error_w_gmm": 0.013923432481437618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013923176635098395}, "run_6990": {"edge_length": 1400, "pf": 0.5004663265306123, "in_bounds_one_im": 1, "error_one_im": 0.01430067888851517, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.665658186152939, "error_w_gmm": 0.013519306752469545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013519058332035403}, "run_6991": {"edge_length": 1400, "pf": 0.4974637755102041, "in_bounds_one_im": 1, "error_one_im": 0.014444247316273967, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 8.00529960657127, "error_w_gmm": 0.011264413428687668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011264206442447555}, "run_6992": {"edge_length": 1400, "pf": 0.5021336734693878, "in_bounds_one_im": 1, "error_one_im": 0.014651358930593354, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.092495262551655, "error_w_gmm": 0.014069326020858345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014069067493691084}, "run_6993": {"edge_length": 1400, "pf": 0.5034326530612245, "in_bounds_one_im": 1, "error_one_im": 0.013989084167456473, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.079256404568557, "error_w_gmm": 0.012623991845181625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012623759876369092}, "run_6994": {"edge_length": 1400, "pf": 0.4981357142857143, "in_bounds_one_im": 1, "error_one_im": 0.01491236841216984, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 8.576297969096302, "error_w_gmm": 0.012051669205053022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012051447752803259}, "run_6995": {"edge_length": 1400, "pf": 0.49742448979591836, "in_bounds_one_im": 1, "error_one_im": 0.014818722195951133, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 8.28751646727993, "error_w_gmm": 0.011662442608116979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011662228307997268}, "run_6996": {"edge_length": 1400, "pf": 0.4984928571428571, "in_bounds_one_im": 1, "error_one_im": 0.013956034299824427, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.673956732496276, "error_w_gmm": 0.013584425236535507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013584175619533956}, "run_6997": {"edge_length": 1400, "pf": 0.5026270408163265, "in_bounds_one_im": 1, "error_one_im": 0.01458006636418394, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 9.120227607197135, "error_w_gmm": 0.012701408176346884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012701174784991111}, "run_6998": {"edge_length": 1400, "pf": 0.49889438775510203, "in_bounds_one_im": 1, "error_one_im": 0.014632050777751487, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 8.82063287190687, "error_w_gmm": 0.012376222436752049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012375995020760503}, "run_6999": {"edge_length": 1400, "pf": 0.5008841836734694, "in_bounds_one_im": 1, "error_one_im": 0.014459855122767196, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.468614951163584, "error_w_gmm": 0.0132326400363916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013232396883525736}, "run_7000": {"edge_length": 1400, "pf": 0.49745357142857144, "in_bounds_one_im": 1, "error_one_im": 0.01297998614824979, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.137954500999562, "error_w_gmm": 0.014265604923071473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014265342789233373}}, "fractal_noise_0.035_7_True_value": {"true_cls": 27.142857142857142, "true_pf": 0.49985035333333333, "run_7001": {"edge_length": 600, "pf": 0.5096972222222222, "in_bounds_one_im": 1, "error_one_im": 0.06577710947292688, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 35.93502968070841, "error_w_gmm": 0.11971810354938678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1151306328825257}, "run_7002": {"edge_length": 600, "pf": 0.5022944444444445, "in_bounds_one_im": 1, "error_one_im": 0.08527288276902409, "one_im_sa_cls": 26.224489795918366, "model_in_bounds": 1, "pred_cls": 32.368104784950056, "error_w_gmm": 0.1094435332958161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10524977325629895}, "run_7003": {"edge_length": 600, "pf": 0.5135916666666667, "in_bounds_one_im": 1, "error_one_im": 0.07408979339429864, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 43.55096715972375, "error_w_gmm": 0.14396439631372138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13844783344159808}, "run_7004": {"edge_length": 600, "pf": 0.5046416666666667, "in_bounds_one_im": 1, "error_one_im": 0.0707389184033959, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 34.42043336337997, "error_w_gmm": 0.11583779841878435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11139901692621983}, "run_7005": {"edge_length": 600, "pf": 0.5120972222222222, "in_bounds_one_im": 1, "error_one_im": 0.07925715596355601, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 34.578978457964325, "error_w_gmm": 0.1146484985596296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.110255289775421}, "run_7006": {"edge_length": 600, "pf": 0.5332694444444445, "in_bounds_one_im": 1, "error_one_im": 0.06423884920749545, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 0, "pred_cls": 15.7375684574142, "error_w_gmm": 0.05001072798356874, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04809436996543196}, "run_7007": {"edge_length": 600, "pf": 0.48749166666666666, "in_bounds_one_im": 1, "error_one_im": 0.06664571689214435, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 28.898014525298944, "error_w_gmm": 0.10064695724294587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09679027266165054}, "run_7008": {"edge_length": 600, "pf": 0.5125638888888889, "in_bounds_one_im": 1, "error_one_im": 0.08379893998362356, "one_im_sa_cls": 26.306122448979593, "model_in_bounds": 1, "pred_cls": 33.841935838820234, "error_w_gmm": 0.11210005405929624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10780449896358404}, "run_7009": {"edge_length": 600, "pf": 0.4752416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06711022371688677, "one_im_sa_cls": 19.551020408163264, "model_in_bounds": 1, "pred_cls": 26.520936995059845, "error_w_gmm": 0.09466230122232995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09103494230801287}, "run_7010": {"edge_length": 600, "pf": 0.5270305555555556, "in_bounds_one_im": 1, "error_one_im": 0.06144863580107641, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 25.61129501477657, "error_w_gmm": 0.0824130450088714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07925506459207558}, "run_7011": {"edge_length": 600, "pf": 0.5073361111111111, "in_bounds_one_im": 1, "error_one_im": 0.10320587570388126, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 30.0446596312497, "error_w_gmm": 0.10056816897787328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09671450347927474}, "run_7012": {"edge_length": 600, "pf": 0.49393888888888887, "in_bounds_one_im": 1, "error_one_im": 0.08576521551711619, "one_im_sa_cls": 25.93877551020408, "model_in_bounds": 1, "pred_cls": 36.91435490566832, "error_w_gmm": 0.1269187928105926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.122055399373594}, "run_7013": {"edge_length": 600, "pf": 0.5375333333333333, "in_bounds_one_im": 0, "error_one_im": 0.057383397000992646, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 25.70763337093353, "error_w_gmm": 0.08099633951179612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07789264574604744}, "run_7014": {"edge_length": 600, "pf": 0.4934527777777778, "in_bounds_one_im": 1, "error_one_im": 0.06828716550986949, "one_im_sa_cls": 20.632653061224488, "model_in_bounds": 1, "pred_cls": 60.52505762740144, "error_w_gmm": 0.20829946708158578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20031765257877432}, "run_7015": {"edge_length": 600, "pf": 0.4646777777777778, "in_bounds_one_im": 0, "error_one_im": 0.0725555101054319, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 29.182699155544775, "error_w_gmm": 0.10639541659315051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10231845715060303}, "run_7016": {"edge_length": 600, "pf": 0.4612722222222222, "in_bounds_one_im": 0, "error_one_im": 0.07161321617160475, "one_im_sa_cls": 20.285714285714285, "model_in_bounds": 1, "pred_cls": 27.724475819708246, "error_w_gmm": 0.10177360410490273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09787374761160823}, "run_7017": {"edge_length": 600, "pf": 0.5512916666666666, "in_bounds_one_im": 0, "error_one_im": 0.07668356574527842, "one_im_sa_cls": 26.020408163265305, "model_in_bounds": 1, "pred_cls": 72.01226959326571, "error_w_gmm": 0.22068033250296806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21222409637746933}, "run_7018": {"edge_length": 600, "pf": 0.5045083333333333, "in_bounds_one_im": 1, "error_one_im": 0.06507602186478306, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 25.666318302553314, "error_w_gmm": 0.08639992358693208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08308917021444327}, "run_7019": {"edge_length": 600, "pf": 0.5142555555555556, "in_bounds_one_im": 1, "error_one_im": 0.07295475043546792, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 28.025723620195805, "error_w_gmm": 0.09252030101114721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0889750212715403}, "run_7020": {"edge_length": 600, "pf": 0.4975805555555556, "in_bounds_one_im": 1, "error_one_im": 0.09117177393069692, "one_im_sa_cls": 27.775510204081634, "model_in_bounds": 1, "pred_cls": 33.451627282600604, "error_w_gmm": 0.11417855582456628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10980335474719806}, "run_7021": {"edge_length": 600, "pf": 0.48966944444444443, "in_bounds_one_im": 1, "error_one_im": 0.07465891460799363, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 45.85143191992387, "error_w_gmm": 0.1589984768357794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.152905823954264}, "run_7022": {"edge_length": 600, "pf": 0.5026722222222222, "in_bounds_one_im": 1, "error_one_im": 0.08089832068125254, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 31.59014007104621, "error_w_gmm": 0.10673239233110417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1026425203359229}, "run_7023": {"edge_length": 600, "pf": 0.4887416666666667, "in_bounds_one_im": 1, "error_one_im": 0.06218363652215839, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 48.902662393996614, "error_w_gmm": 0.16989429606237919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16338412695222737}, "run_7024": {"edge_length": 600, "pf": 0.48965555555555557, "in_bounds_one_im": 1, "error_one_im": 0.06608552478608273, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 50.3059743916677, "error_w_gmm": 0.1744502897680128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16776553981450193}, "run_7025": {"edge_length": 600, "pf": 0.5091611111111111, "in_bounds_one_im": 1, "error_one_im": 0.06925135855496184, "one_im_sa_cls": 21.591836734693878, "model_in_bounds": 1, "pred_cls": 23.157782302268313, "error_w_gmm": 0.07723330389845888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07427380566356757}, "run_7026": {"edge_length": 600, "pf": 0.5215638888888889, "in_bounds_one_im": 1, "error_one_im": 0.07227788002815665, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 28.230735981491364, "error_w_gmm": 0.09184302849803544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08832370112231723}, "run_7027": {"edge_length": 600, "pf": 0.5020472222222222, "in_bounds_one_im": 1, "error_one_im": 0.08279212116480489, "one_im_sa_cls": 25.448979591836736, "model_in_bounds": 1, "pred_cls": 32.303703699709196, "error_w_gmm": 0.10927979980989452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10509231386378164}, "run_7028": {"edge_length": 600, "pf": 0.5147777777777778, "in_bounds_one_im": 1, "error_one_im": 0.07184295468487051, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 29.07402994385106, "error_w_gmm": 0.09588075748902206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09220670862375704}, "run_7029": {"edge_length": 600, "pf": 0.5041333333333333, "in_bounds_one_im": 1, "error_one_im": 0.06975301282704115, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 27.503916565066092, "error_w_gmm": 0.09265525797459459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08910480682738321}, "run_7030": {"edge_length": 600, "pf": 0.4871611111111111, "in_bounds_one_im": 1, "error_one_im": 0.07407700009495927, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 33.814614856080496, "error_w_gmm": 0.11784859021045815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1133327573105627}, "run_7031": {"edge_length": 600, "pf": 0.47136666666666666, "in_bounds_one_im": 1, "error_one_im": 0.07342296836866967, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 37.18275019469887, "error_w_gmm": 0.1337534905293531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12862819872968323}, "run_7032": {"edge_length": 600, "pf": 0.538925, "in_bounds_one_im": 1, "error_one_im": 0.0762150701371005, "one_im_sa_cls": 25.224489795918366, "model_in_bounds": 1, "pred_cls": 29.25032681533373, "error_w_gmm": 0.09190055249038345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08837902085633077}, "run_7033": {"edge_length": 600, "pf": 0.47394444444444445, "in_bounds_one_im": 1, "error_one_im": 0.0809808172297259, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 39.9234987590819, "error_w_gmm": 0.1428717810989811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13739708608225465}, "run_7034": {"edge_length": 600, "pf": 0.49761666666666665, "in_bounds_one_im": 1, "error_one_im": 0.08989249387165948, "one_im_sa_cls": 27.387755102040817, "model_in_bounds": 1, "pred_cls": 47.57670021791839, "error_w_gmm": 0.1623791438498005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15615694739633196}, "run_7035": {"edge_length": 600, "pf": 0.5313333333333333, "in_bounds_one_im": 1, "error_one_im": 0.07256591878190014, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 29.33409977211248, "error_w_gmm": 0.09358086254020949, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08999494320842123}, "run_7036": {"edge_length": 600, "pf": 0.49196666666666666, "in_bounds_one_im": 1, "error_one_im": 0.09687574675672204, "one_im_sa_cls": 29.183673469387756, "model_in_bounds": 1, "pred_cls": 14.208902959087377, "error_w_gmm": 0.04904611256874206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04716671758952027}, "run_7037": {"edge_length": 600, "pf": 0.48841388888888887, "in_bounds_one_im": 1, "error_one_im": 0.07757585937482533, "one_im_sa_cls": 23.20408163265306, "model_in_bounds": 1, "pred_cls": 28.559452273343247, "error_w_gmm": 0.09928440130569206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09547992842178245}, "run_7038": {"edge_length": 600, "pf": 0.4675916666666667, "in_bounds_one_im": 1, "error_one_im": 0.09027165893628694, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 24.746948565746962, "error_w_gmm": 0.08969670174375792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08625961933128946}, "run_7039": {"edge_length": 600, "pf": 0.4842972222222222, "in_bounds_one_im": 1, "error_one_im": 0.0998187022686172, "one_im_sa_cls": 29.612244897959183, "model_in_bounds": 1, "pred_cls": 44.26576968509476, "error_w_gmm": 0.15515920423094964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14921366820089257}, "run_7040": {"edge_length": 600, "pf": 0.4794638888888889, "in_bounds_one_im": 1, "error_one_im": 0.08175695410525866, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 53.172000746844944, "error_w_gmm": 0.18818987732869394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18097864096217886}, "run_7041": {"edge_length": 800, "pf": 0.492025, "in_bounds_one_im": 1, "error_one_im": 0.051311059495927264, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 32.525784430852404, "error_w_gmm": 0.0820678567620379, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08096801043967865}, "run_7042": {"edge_length": 800, "pf": 0.501796875, "in_bounds_one_im": 1, "error_one_im": 0.04857422578408946, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 30.853058359119892, "error_w_gmm": 0.07634053445543895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07531744381580859}, "run_7043": {"edge_length": 800, "pf": 0.4907765625, "in_bounds_one_im": 1, "error_one_im": 0.05245797642949816, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 1, "pred_cls": 25.584215013240055, "error_w_gmm": 0.06471457586474155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0638472924839381}, "run_7044": {"edge_length": 800, "pf": 0.5188234375, "in_bounds_one_im": 1, "error_one_im": 0.05026954587106655, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 27.08503797902254, "error_w_gmm": 0.06477234435297714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0639042867779661}, "run_7045": {"edge_length": 800, "pf": 0.4868125, "in_bounds_one_im": 1, "error_one_im": 0.05852265889749897, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 26.080080960451454, "error_w_gmm": 0.06649421102626492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06560307756255723}, "run_7046": {"edge_length": 800, "pf": 0.5105703125, "in_bounds_one_im": 1, "error_one_im": 0.05071531817460171, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 33.47293995462208, "error_w_gmm": 0.08138211296899088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08029145675855391}, "run_7047": {"edge_length": 800, "pf": 0.511503125, "in_bounds_one_im": 1, "error_one_im": 0.051402532109415935, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 29.022990270406915, "error_w_gmm": 0.07043145064139736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06948755159221201}, "run_7048": {"edge_length": 800, "pf": 0.493234375, "in_bounds_one_im": 1, "error_one_im": 0.0504268698080412, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 28.31588434073765, "error_w_gmm": 0.07127295474438024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07031777813502169}, "run_7049": {"edge_length": 800, "pf": 0.5200625, "in_bounds_one_im": 1, "error_one_im": 0.047118950012217733, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 24.726233639932826, "error_w_gmm": 0.05898482148202214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058194326377828905}, "run_7050": {"edge_length": 800, "pf": 0.4839015625, "in_bounds_one_im": 1, "error_one_im": 0.059535923028446326, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 30.218221604027235, "error_w_gmm": 0.07749512615910222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07645656206263753}, "run_7051": {"edge_length": 800, "pf": 0.481821875, "in_bounds_one_im": 1, "error_one_im": 0.0640361572654555, "one_im_sa_cls": 25.20408163265306, "model_in_bounds": 1, "pred_cls": 27.615021196903378, "error_w_gmm": 0.07111470123178239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07016164548375367}, "run_7052": {"edge_length": 800, "pf": 0.5140828125, "in_bounds_one_im": 1, "error_one_im": 0.05293641082548655, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 1, "pred_cls": 34.6066425160103, "error_w_gmm": 0.08354910135807632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0824294038846605}, "run_7053": {"edge_length": 800, "pf": 0.5083921875, "in_bounds_one_im": 1, "error_one_im": 0.049855139170841584, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 29.76268824873359, "error_w_gmm": 0.07267747614124206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07170347659981288}, "run_7054": {"edge_length": 800, "pf": 0.5266203125, "in_bounds_one_im": 1, "error_one_im": 0.06119899247187051, "one_im_sa_cls": 26.346938775510203, "model_in_bounds": 1, "pred_cls": 29.063932918593302, "error_w_gmm": 0.06842709715047678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0675100597850574}, "run_7055": {"edge_length": 800, "pf": 0.4781671875, "in_bounds_one_im": 1, "error_one_im": 0.05541830191496029, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 23.33519518447396, "error_w_gmm": 0.06053478053381103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059723513390110804}, "run_7056": {"edge_length": 800, "pf": 0.490971875, "in_bounds_one_im": 1, "error_one_im": 0.05075744637046861, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 23.5325556588251, "error_w_gmm": 0.05950170420058908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05870428200484579}, "run_7057": {"edge_length": 800, "pf": 0.519878125, "in_bounds_one_im": 1, "error_one_im": 0.05833184129165133, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 34.39789328243493, "error_w_gmm": 0.0820870309108626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08098692762289086}, "run_7058": {"edge_length": 800, "pf": 0.4757421875, "in_bounds_one_im": 1, "error_one_im": 0.056528095037071194, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 22.79378445843974, "error_w_gmm": 0.05941837742952782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05862207195166082}, "run_7059": {"edge_length": 800, "pf": 0.4962046875, "in_bounds_one_im": 1, "error_one_im": 0.057231744665524, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 28.412874772827003, "error_w_gmm": 0.07109344099827236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0701406701728743}, "run_7060": {"edge_length": 800, "pf": 0.5225828125, "in_bounds_one_im": 1, "error_one_im": 0.05495805171432153, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 29.37135595541248, "error_w_gmm": 0.0697129062909767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06877863693595473}, "run_7061": {"edge_length": 800, "pf": 0.50241875, "in_bounds_one_im": 1, "error_one_im": 0.05652485272002441, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 31.01691601556268, "error_w_gmm": 0.07665057659423796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07562333087222119}, "run_7062": {"edge_length": 800, "pf": 0.4768890625, "in_bounds_one_im": 1, "error_one_im": 0.06304878622664428, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 30.3330672671759, "error_w_gmm": 0.07889005802493523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07783279951212883}, "run_7063": {"edge_length": 800, "pf": 0.541915625, "in_bounds_one_im": 0, "error_one_im": 0.04831384956311657, "one_im_sa_cls": 21.448979591836736, "model_in_bounds": 0, "pred_cls": 28.211148545308955, "error_w_gmm": 0.06440882824435075, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0635456423922158}, "run_7064": {"edge_length": 800, "pf": 0.48611875, "in_bounds_one_im": 1, "error_one_im": 0.05767864915927823, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 30.896039885138933, "error_w_gmm": 0.07888251427885477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07782535686484295}, "run_7065": {"edge_length": 800, "pf": 0.481453125, "in_bounds_one_im": 1, "error_one_im": 0.05811617895015161, "one_im_sa_cls": 22.857142857142858, "model_in_bounds": 1, "pred_cls": 30.302602399059943, "error_w_gmm": 0.07809345929558441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07704687653595892}, "run_7066": {"edge_length": 800, "pf": 0.484634375, "in_bounds_one_im": 1, "error_one_im": 0.06089232235248217, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 26.701732372484443, "error_w_gmm": 0.06837664423904641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06746028302688953}, "run_7067": {"edge_length": 800, "pf": 0.5127859375, "in_bounds_one_im": 1, "error_one_im": 0.05468229519129207, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 25.17718598896684, "error_w_gmm": 0.06094200945092149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060125284759717144}, "run_7068": {"edge_length": 800, "pf": 0.5279921875, "in_bounds_one_im": 0, "error_one_im": 0.0485977300068518, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 31.54004578209256, "error_w_gmm": 0.07405269912227438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07306026929647091}, "run_7069": {"edge_length": 800, "pf": 0.4831359375, "in_bounds_one_im": 1, "error_one_im": 0.05212859898247238, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 1, "pred_cls": 32.308521510328774, "error_w_gmm": 0.08298284290554953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0818707342409693}, "run_7070": {"edge_length": 800, "pf": 0.5236046875, "in_bounds_one_im": 1, "error_one_im": 0.056467128493753585, "one_im_sa_cls": 24.163265306122447, "model_in_bounds": 1, "pred_cls": 28.818418759387626, "error_w_gmm": 0.06826056090585879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06734575540420934}, "run_7071": {"edge_length": 800, "pf": 0.5006140625, "in_bounds_one_im": 1, "error_one_im": 0.055031360582185294, "one_im_sa_cls": 22.489795918367346, "model_in_bounds": 1, "pred_cls": 35.128188897506206, "error_w_gmm": 0.08712446399371213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08595685069062735}, "run_7072": {"edge_length": 800, "pf": 0.540640625, "in_bounds_one_im": 0, "error_one_im": 0.0486224051185278, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 0, "pred_cls": 29.874128542490496, "error_w_gmm": 0.06838091805933036, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06746449957084495}, "run_7073": {"edge_length": 800, "pf": 0.4855078125, "in_bounds_one_im": 1, "error_one_im": 0.05239635583524718, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 26.899688284015994, "error_w_gmm": 0.06876322805344288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06784168597263267}, "run_7074": {"edge_length": 800, "pf": 0.4953328125, "in_bounds_one_im": 1, "error_one_im": 0.05208296579571832, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 29.37905065823865, "error_w_gmm": 0.07363926944583409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0726523802680642}, "run_7075": {"edge_length": 800, "pf": 0.4916109375, "in_bounds_one_im": 1, "error_one_im": 0.054556823597373044, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 25.453635512497293, "error_w_gmm": 0.06427689359360712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06341547588610447}, "run_7076": {"edge_length": 800, "pf": 0.5066015625, "in_bounds_one_im": 1, "error_one_im": 0.05190908650728574, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 26.338149532092473, "error_w_gmm": 0.06454589236249382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06368086962229808}, "run_7077": {"edge_length": 800, "pf": 0.4862921875, "in_bounds_one_im": 1, "error_one_im": 0.05190304493173063, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 21.41292054640185, "error_w_gmm": 0.05465162409740505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05391920107399425}, "run_7078": {"edge_length": 800, "pf": 0.5214046875, "in_bounds_one_im": 1, "error_one_im": 0.05647712542039585, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 30.773283849172987, "error_w_gmm": 0.07321302063851767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07223184390654118}, "run_7079": {"edge_length": 800, "pf": 0.4884421875, "in_bounds_one_im": 1, "error_one_im": 0.050298648836648405, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 27.32541661820402, "error_w_gmm": 0.06944249194834082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06851184659706396}, "run_7080": {"edge_length": 800, "pf": 0.4990625, "in_bounds_one_im": 1, "error_one_im": 0.06121354527007869, "one_im_sa_cls": 24.93877551020408, "model_in_bounds": 1, "pred_cls": 28.994467073123975, "error_w_gmm": 0.07213518696531271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07116845500438752}, "run_7081": {"edge_length": 1000, "pf": 0.515131, "in_bounds_one_im": 1, "error_one_im": 0.04369620977416275, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 27.67855445023777, "error_w_gmm": 0.05370648960039632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05263139267642592}, "run_7082": {"edge_length": 1000, "pf": 0.458104, "in_bounds_one_im": 0, "error_one_im": 0.04754973529852866, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 0, "pred_cls": 25.346342913706714, "error_w_gmm": 0.0551342197068095, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05403054247053258}, "run_7083": {"edge_length": 1000, "pf": 0.519851, "in_bounds_one_im": 1, "error_one_im": 0.043285154697961625, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 26.39195249320076, "error_w_gmm": 0.050728274348627825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0497127953605888}, "run_7084": {"edge_length": 1000, "pf": 0.522757, "in_bounds_one_im": 0, "error_one_im": 0.039899951217134556, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 23.39243473988341, "error_w_gmm": 0.04470182739178638, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04380698586551364}, "run_7085": {"edge_length": 1000, "pf": 0.498791, "in_bounds_one_im": 1, "error_one_im": 0.04434628707441686, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 31.75837315587022, "error_w_gmm": 0.06367051593656105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06239595905637166}, "run_7086": {"edge_length": 1000, "pf": 0.492328, "in_bounds_one_im": 1, "error_one_im": 0.04740096733355061, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 26.828119965835374, "error_w_gmm": 0.05448595569612678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05339525541382675}, "run_7087": {"edge_length": 1000, "pf": 0.48043, "in_bounds_one_im": 1, "error_one_im": 0.04617234838653121, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 28.862612987664217, "error_w_gmm": 0.06003059056321814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05882889773728882}, "run_7088": {"edge_length": 1000, "pf": 0.535358, "in_bounds_one_im": 0, "error_one_im": 0.038307358782606146, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 0, "pred_cls": 23.057651174749854, "error_w_gmm": 0.042961767848680735, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04210175884779262}, "run_7089": {"edge_length": 1000, "pf": 0.503085, "in_bounds_one_im": 1, "error_one_im": 0.04587522305051702, "one_im_sa_cls": 23.551020408163264, "model_in_bounds": 1, "pred_cls": 27.331249395810442, "error_w_gmm": 0.05432626525449787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05323876165669283}, "run_7090": {"edge_length": 1000, "pf": 0.479202, "in_bounds_one_im": 1, "error_one_im": 0.044493008574474316, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 28.906756232463824, "error_w_gmm": 0.06027048672104036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059063991651969384}, "run_7091": {"edge_length": 1000, "pf": 0.535986, "in_bounds_one_im": 0, "error_one_im": 0.040640914174245285, "one_im_sa_cls": 22.285714285714285, "model_in_bounds": 0, "pred_cls": 30.268677498231757, "error_w_gmm": 0.056326434479104695, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05519889147830015}, "run_7092": {"edge_length": 1000, "pf": 0.509574, "in_bounds_one_im": 1, "error_one_im": 0.043635495401004316, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 26.90568090883111, "error_w_gmm": 0.052790660488534924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0517338966388051}, "run_7093": {"edge_length": 1000, "pf": 0.481511, "in_bounds_one_im": 1, "error_one_im": 0.0527550730339708, "one_im_sa_cls": 25.93877551020408, "model_in_bounds": 1, "pred_cls": 27.310974965333664, "error_w_gmm": 0.05668052534663739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05554589415210948}, "run_7094": {"edge_length": 1000, "pf": 0.489155, "in_bounds_one_im": 1, "error_one_im": 0.05281239338812181, "one_im_sa_cls": 26.367346938775512, "model_in_bounds": 1, "pred_cls": 32.3491490633546, "error_w_gmm": 0.06611715865301455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06479362486001462}, "run_7095": {"edge_length": 1000, "pf": 0.494237, "in_bounds_one_im": 1, "error_one_im": 0.04228381863019444, "one_im_sa_cls": 21.3265306122449, "model_in_bounds": 1, "pred_cls": 24.57946040014962, "error_w_gmm": 0.049728829835758714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048733357735703996}, "run_7096": {"edge_length": 1000, "pf": 0.473672, "in_bounds_one_im": 0, "error_one_im": 0.04541058481754996, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 26.937041586896665, "error_w_gmm": 0.05678966059463254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055652844729866695}, "run_7097": {"edge_length": 1000, "pf": 0.491279, "in_bounds_one_im": 1, "error_one_im": 0.040947342806581986, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 23.57540712090233, "error_w_gmm": 0.04798051769623045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047020043322099164}, "run_7098": {"edge_length": 1000, "pf": 0.504092, "in_bounds_one_im": 1, "error_one_im": 0.043045465012051476, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 25.995498954651836, "error_w_gmm": 0.051567230542602226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050534957322987135}, "run_7099": {"edge_length": 1000, "pf": 0.500359, "in_bounds_one_im": 1, "error_one_im": 0.04420743473829345, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 28.496975437733106, "error_w_gmm": 0.056953043899070056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055812957426052946}, "run_7100": {"edge_length": 1000, "pf": 0.491194, "in_bounds_one_im": 1, "error_one_im": 0.04665371306916813, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 32.25923099645085, "error_w_gmm": 0.06566494599537287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06435046459884922}, "run_7101": {"edge_length": 1000, "pf": 0.502456, "in_bounds_one_im": 1, "error_one_im": 0.04390300547031354, "one_im_sa_cls": 22.510204081632654, "model_in_bounds": 1, "pred_cls": 27.624676096491058, "error_w_gmm": 0.054978630634173735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053878067981155436}, "run_7102": {"edge_length": 1000, "pf": 0.487793, "in_bounds_one_im": 1, "error_one_im": 0.04725919188809311, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 30.715383659737057, "error_w_gmm": 0.06294930112673679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061689181530185384}, "run_7103": {"edge_length": 1000, "pf": 0.47702, "in_bounds_one_im": 0, "error_one_im": 0.047075242789064414, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 25.925089703178354, "error_w_gmm": 0.05429058354996188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05320379422879391}, "run_7104": {"edge_length": 1000, "pf": 0.506931, "in_bounds_one_im": 1, "error_one_im": 0.039409136898259686, "one_im_sa_cls": 20.387755102040817, "model_in_bounds": 1, "pred_cls": 26.594373765275336, "error_w_gmm": 0.05245648524353055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05140641091643829}, "run_7105": {"edge_length": 1000, "pf": 0.502465, "in_bounds_one_im": 1, "error_one_im": 0.044738068802819365, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 28.22911596197801, "error_w_gmm": 0.05618057557635503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05505595238019325}, "run_7106": {"edge_length": 1000, "pf": 0.501488, "in_bounds_one_im": 1, "error_one_im": 0.04490533465662433, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 27.032020580416315, "error_w_gmm": 0.053903385274580655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05282434689148241}, "run_7107": {"edge_length": 1000, "pf": 0.523992, "in_bounds_one_im": 0, "error_one_im": 0.038200102668465886, "one_im_sa_cls": 20.448979591836736, "model_in_bounds": 1, "pred_cls": 27.51228743027674, "error_w_gmm": 0.05244468646190946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05139484832291899}, "run_7108": {"edge_length": 1000, "pf": 0.506115, "in_bounds_one_im": 1, "error_one_im": 0.043938488391961975, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 28.963834037308285, "error_w_gmm": 0.05722349239595474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056077992082836474}, "run_7109": {"edge_length": 1000, "pf": 0.473152, "in_bounds_one_im": 0, "error_one_im": 0.045204722711803605, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 30.754101686132564, "error_w_gmm": 0.06490458381213272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06360532335167085}, "run_7110": {"edge_length": 1000, "pf": 0.495859, "in_bounds_one_im": 1, "error_one_im": 0.04424411858866423, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 32.37076600449685, "error_w_gmm": 0.06527996024146446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06397318549273848}, "run_7111": {"edge_length": 1000, "pf": 0.485005, "in_bounds_one_im": 1, "error_one_im": 0.0434843386179553, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 27.369726080995132, "error_w_gmm": 0.05640646002633181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05527731507350433}, "run_7112": {"edge_length": 1000, "pf": 0.517656, "in_bounds_one_im": 1, "error_one_im": 0.04000088321611817, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 27.4961253390008, "error_w_gmm": 0.05308347052649418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05202084520316102}, "run_7113": {"edge_length": 1000, "pf": 0.489959, "in_bounds_one_im": 1, "error_one_im": 0.04121886788170343, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 24.905626221221972, "error_w_gmm": 0.05082181092822857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049804459524216055}, "run_7114": {"edge_length": 1000, "pf": 0.519732, "in_bounds_one_im": 1, "error_one_im": 0.04041167240955165, "one_im_sa_cls": 21.448979591836736, "model_in_bounds": 1, "pred_cls": 20.710971466586447, "error_w_gmm": 0.03981828610380805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0390212033447877}, "run_7115": {"edge_length": 1000, "pf": 0.506845, "in_bounds_one_im": 1, "error_one_im": 0.05200218097102814, "one_im_sa_cls": 26.897959183673468, "model_in_bounds": 1, "pred_cls": 28.399166567437792, "error_w_gmm": 0.05602601428881827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05490448510170511}, "run_7116": {"edge_length": 1000, "pf": 0.495741, "in_bounds_one_im": 1, "error_one_im": 0.04526309822663607, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 25.74499840402566, "error_w_gmm": 0.0519304725771334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050890927975663205}, "run_7117": {"edge_length": 1000, "pf": 0.507804, "in_bounds_one_im": 1, "error_one_im": 0.0376076644960924, "one_im_sa_cls": 19.489795918367346, "model_in_bounds": 1, "pred_cls": 28.434529680313243, "error_w_gmm": 0.0559882671389819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05486749357460597}, "run_7118": {"edge_length": 1000, "pf": 0.47493, "in_bounds_one_im": 0, "error_one_im": 0.050721620429864674, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 28.02485217546337, "error_w_gmm": 0.058934163967522255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057754419417660935}, "run_7119": {"edge_length": 1000, "pf": 0.503982, "in_bounds_one_im": 1, "error_one_im": 0.046626313909295156, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 27.342280231089717, "error_w_gmm": 0.054250773085609875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05316478069062512}, "run_7120": {"edge_length": 1000, "pf": 0.49456, "in_bounds_one_im": 1, "error_one_im": 0.05402363214575009, "one_im_sa_cls": 27.26530612244898, "model_in_bounds": 1, "pred_cls": 30.06433416651786, "error_w_gmm": 0.06078646613170495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05956964218280275}, "run_7121": {"edge_length": 1200, "pf": 0.5079631944444445, "in_bounds_one_im": 1, "error_one_im": 0.03500401462793682, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 27.550352653558747, "error_w_gmm": 0.04519169016845487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044287042565332176}, "run_7122": {"edge_length": 1200, "pf": 0.4950361111111111, "in_bounds_one_im": 1, "error_one_im": 0.03730115212348355, "one_im_sa_cls": 22.612244897959183, "model_in_bounds": 1, "pred_cls": 25.754234737090723, "error_w_gmm": 0.043351998216503464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042484177581095794}, "run_7123": {"edge_length": 1200, "pf": 0.48939166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0432063969448489, "one_im_sa_cls": 25.897959183673468, "model_in_bounds": 1, "pred_cls": 29.117358437944876, "error_w_gmm": 0.04956971095969272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04857742410252901}, "run_7124": {"edge_length": 1200, "pf": 0.49484513888888887, "in_bounds_one_im": 1, "error_one_im": 0.04095264474621474, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 29.442071342918254, "error_w_gmm": 0.049578653136953324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04858618727521612}, "run_7125": {"edge_length": 1200, "pf": 0.5031256944444444, "in_bounds_one_im": 1, "error_one_im": 0.03796124116584229, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 25.549350196745234, "error_w_gmm": 0.0423168789983414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041469779387444235}, "run_7126": {"edge_length": 1200, "pf": 0.4927493055555556, "in_bounds_one_im": 1, "error_one_im": 0.0349695157543538, "one_im_sa_cls": 21.10204081632653, "model_in_bounds": 1, "pred_cls": 29.745202606134796, "error_w_gmm": 0.05029953795786753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04929264141821291}, "run_7127": {"edge_length": 1200, "pf": 0.49628958333333334, "in_bounds_one_im": 1, "error_one_im": 0.040028554427183956, "one_im_sa_cls": 24.3265306122449, "model_in_bounds": 1, "pred_cls": 30.896331577691992, "error_w_gmm": 0.05187744194129226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05083895890750029}, "run_7128": {"edge_length": 1200, "pf": 0.49246875, "in_bounds_one_im": 1, "error_one_im": 0.04385486938770285, "one_im_sa_cls": 26.448979591836736, "model_in_bounds": 1, "pred_cls": 31.18938490415528, "error_w_gmm": 0.05277127837499878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05171490251656752}, "run_7129": {"edge_length": 1200, "pf": 0.49753888888888886, "in_bounds_one_im": 1, "error_one_im": 0.03929221287482209, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 28.583596261663544, "error_w_gmm": 0.0478743984177664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04691604834017168}, "run_7130": {"edge_length": 1200, "pf": 0.4946451388888889, "in_bounds_one_im": 1, "error_one_im": 0.043563286959211814, "one_im_sa_cls": 26.387755102040817, "model_in_bounds": 1, "pred_cls": 31.966719084653576, "error_w_gmm": 0.05385154470218319, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05277354406406386}, "run_7131": {"edge_length": 1200, "pf": 0.49215902777777776, "in_bounds_one_im": 1, "error_one_im": 0.033487150721819556, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 1, "pred_cls": 29.48862399361114, "error_w_gmm": 0.049924577449290464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048925186871994854}, "run_7132": {"edge_length": 1200, "pf": 0.5120798611111111, "in_bounds_one_im": 1, "error_one_im": 0.03914190117219127, "one_im_sa_cls": 24.551020408163264, "model_in_bounds": 1, "pred_cls": 26.869256867053828, "error_w_gmm": 0.04371293111817867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04283788532515519}, "run_7133": {"edge_length": 1200, "pf": 0.5130013888888889, "in_bounds_one_im": 1, "error_one_im": 0.03351622159256096, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 31.08467354980654, "error_w_gmm": 0.050477710816319195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04946724761100678}, "run_7134": {"edge_length": 1200, "pf": 0.49642291666666666, "in_bounds_one_im": 1, "error_one_im": 0.036022807311621635, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 27.313354316844038, "error_w_gmm": 0.04584910435150566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04493129662618487}, "run_7135": {"edge_length": 1200, "pf": 0.5035354166666667, "in_bounds_one_im": 1, "error_one_im": 0.042067377662800484, "one_im_sa_cls": 25.93877551020408, "model_in_bounds": 1, "pred_cls": 28.68341864625448, "error_w_gmm": 0.04746885828021439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04651862630822805}, "run_7136": {"edge_length": 1200, "pf": 0.5036333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04010674862293391, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 32.28457826538971, "error_w_gmm": 0.0534180387013159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05234871598967296}, "run_7137": {"edge_length": 1200, "pf": 0.49932777777777776, "in_bounds_one_im": 1, "error_one_im": 0.03818393433980414, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 26.42057940030637, "error_w_gmm": 0.044093540519402515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04321087568444329}, "run_7138": {"edge_length": 1200, "pf": 0.4940319444444444, "in_bounds_one_im": 1, "error_one_im": 0.04405528095991828, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 25.769018484999233, "error_w_gmm": 0.04346409687959414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042594032252282144}, "run_7139": {"edge_length": 1200, "pf": 0.48183333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04310459149471721, "one_im_sa_cls": 25.448979591836736, "model_in_bounds": 1, "pred_cls": 28.504511014561988, "error_w_gmm": 0.04926615399563962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048279943744128875}, "run_7140": {"edge_length": 1200, "pf": 0.5013409722222222, "in_bounds_one_im": 1, "error_one_im": 0.04348242459169635, "one_im_sa_cls": 26.693877551020407, "model_in_bounds": 1, "pred_cls": 26.780985079905893, "error_w_gmm": 0.044515426705737327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043624316549838914}, "run_7141": {"edge_length": 1200, "pf": 0.4982138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03308403408131862, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 1, "pred_cls": 28.121577005680738, "error_w_gmm": 0.04703702266194966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04609543517870779}, "run_7142": {"edge_length": 1200, "pf": 0.5140159722222222, "in_bounds_one_im": 1, "error_one_im": 0.03749961550836463, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 31.61829378456701, "error_w_gmm": 0.05124008847828616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05021436399104332}, "run_7143": {"edge_length": 1200, "pf": 0.5038333333333334, "in_bounds_one_im": 1, "error_one_im": 0.03919759840032312, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 26.232625228849987, "error_w_gmm": 0.04338712251044151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04251859875664613}, "run_7144": {"edge_length": 1200, "pf": 0.48723055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04079481983602748, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 28.699723823145966, "error_w_gmm": 0.04907047681601886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04808818363180242}, "run_7145": {"edge_length": 1200, "pf": 0.5038395833333333, "in_bounds_one_im": 1, "error_one_im": 0.03860170928955181, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 26.078670620723454, "error_w_gmm": 0.043131952026712835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04226853627763323}, "run_7146": {"edge_length": 1200, "pf": 0.5063506944444445, "in_bounds_one_im": 1, "error_one_im": 0.037914628437243726, "one_im_sa_cls": 23.510204081632654, "model_in_bounds": 1, "pred_cls": 27.33944189440433, "error_w_gmm": 0.04499061755985484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04408999502976545}, "run_7147": {"edge_length": 1200, "pf": 0.46829444444444446, "in_bounds_one_im": 0, "error_one_im": 0.04056140266971926, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 0, "pred_cls": 28.353350868034212, "error_w_gmm": 0.05035345072031604, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04934547495456595}, "run_7148": {"edge_length": 1200, "pf": 0.5278944444444444, "in_bounds_one_im": 0, "error_one_im": 0.03870928428664399, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 0, "pred_cls": 30.17847854050033, "error_w_gmm": 0.04756550371632428, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.046613337095250826}, "run_7149": {"edge_length": 1200, "pf": 0.5106972222222222, "in_bounds_one_im": 1, "error_one_im": 0.031289344498826706, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 28.133606160809485, "error_w_gmm": 0.045896677312157734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044977917270942844}, "run_7150": {"edge_length": 1200, "pf": 0.5132180555555556, "in_bounds_one_im": 1, "error_one_im": 0.03820880850050485, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 31.930345273192213, "error_w_gmm": 0.0518284990005257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050790995706900315}, "run_7151": {"edge_length": 1200, "pf": 0.501125, "in_bounds_one_im": 1, "error_one_im": 0.03472114986863632, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 23.271039842787403, "error_w_gmm": 0.03869789795941345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037923243138928156}, "run_7152": {"edge_length": 1200, "pf": 0.49809166666666665, "in_bounds_one_im": 1, "error_one_im": 0.03821153060444975, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 30.348423299715805, "error_w_gmm": 0.05077412500545869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04975772817861684}, "run_7153": {"edge_length": 1200, "pf": 0.4992034722222222, "in_bounds_one_im": 1, "error_one_im": 0.03438743998734948, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 1, "pred_cls": 27.91328486746699, "error_w_gmm": 0.04659631292836961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04566354757598133}, "run_7154": {"edge_length": 1200, "pf": 0.5089854166666666, "in_bounds_one_im": 1, "error_one_im": 0.03185503826674386, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 24.22636617117281, "error_w_gmm": 0.039658067957901104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038864192446964096}, "run_7155": {"edge_length": 1200, "pf": 0.49242847222222225, "in_bounds_one_im": 1, "error_one_im": 0.037225496449349686, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 27.375118086117325, "error_w_gmm": 0.04632141303571142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045394150631499236}, "run_7156": {"edge_length": 1200, "pf": 0.48293819444444447, "in_bounds_one_im": 1, "error_one_im": 0.039042951741432165, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 26.945337309278987, "error_w_gmm": 0.04646841147497915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04553820645487347}, "run_7157": {"edge_length": 1200, "pf": 0.5092666666666666, "in_bounds_one_im": 1, "error_one_im": 0.03785770456499357, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 28.468097382621437, "error_w_gmm": 0.04657548073766783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04564313240423398}, "run_7158": {"edge_length": 1200, "pf": 0.5094, "in_bounds_one_im": 1, "error_one_im": 0.030683712507088515, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 28.60563272486416, "error_w_gmm": 0.04678801382458723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04585141100217661}, "run_7159": {"edge_length": 1200, "pf": 0.4842902777777778, "in_bounds_one_im": 1, "error_one_im": 0.03663280353882684, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 29.56147510957346, "error_w_gmm": 0.05084223517729454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04982447492050637}, "run_7160": {"edge_length": 1200, "pf": 0.5107590277777778, "in_bounds_one_im": 1, "error_one_im": 0.03898450773619972, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 30.918231392844508, "error_w_gmm": 0.05043322927154254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04942365649813725}, "run_7161": {"edge_length": 1400, "pf": 0.4987964285714286, "in_bounds_one_im": 1, "error_one_im": 0.025460747338301455, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 26.542322405394607, "error_w_gmm": 0.03724880691028005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03724812245471204}, "run_7162": {"edge_length": 1400, "pf": 0.49459744897959185, "in_bounds_one_im": 1, "error_one_im": 0.034253223094667, "one_im_sa_cls": 24.20408163265306, "model_in_bounds": 1, "pred_cls": 26.472284712850076, "error_w_gmm": 0.037463835650148485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037463147243376925}, "run_7163": {"edge_length": 1400, "pf": 0.5095632653061225, "in_bounds_one_im": 1, "error_one_im": 0.031084791709317137, "one_im_sa_cls": 22.632653061224488, "model_in_bounds": 1, "pred_cls": 27.140906766120683, "error_w_gmm": 0.03727733263322086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03727664765348604}, "run_7164": {"edge_length": 1400, "pf": 0.4970413265306122, "in_bounds_one_im": 1, "error_one_im": 0.03138459399521753, "one_im_sa_cls": 22.285714285714285, "model_in_bounds": 1, "pred_cls": 25.374404732669937, "error_w_gmm": 0.03573500108028838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035734344441257726}, "run_7165": {"edge_length": 1400, "pf": 0.4924377551020408, "in_bounds_one_im": 1, "error_one_im": 0.03515568613677146, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 31.784317358310247, "error_w_gmm": 0.04517622184883817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04517539172516033}, "run_7166": {"edge_length": 1400, "pf": 0.5081556122448979, "in_bounds_one_im": 1, "error_one_im": 0.0237798896649392, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 28.406378543315217, "error_w_gmm": 0.03912545514448604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03912473620506629}, "run_7167": {"edge_length": 1400, "pf": 0.49390204081632655, "in_bounds_one_im": 1, "error_one_im": 0.03097492966007713, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 27.28487782828664, "error_w_gmm": 0.038667574581997655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03866686405624076}, "run_7168": {"edge_length": 1400, "pf": 0.5009071428571429, "in_bounds_one_im": 1, "error_one_im": 0.03653298595607066, "one_im_sa_cls": 26.142857142857142, "model_in_bounds": 1, "pred_cls": 27.041503375203806, "error_w_gmm": 0.03778948150130906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03778878711071861}, "run_7169": {"edge_length": 1400, "pf": 0.5069668367346939, "in_bounds_one_im": 1, "error_one_im": 0.027076695053318202, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 25.882016706366475, "error_w_gmm": 0.03573340813154488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03573275152178505}, "run_7170": {"edge_length": 1400, "pf": 0.4926642857142857, "in_bounds_one_im": 1, "error_one_im": 0.03067480571482049, "one_im_sa_cls": 21.591836734693878, "model_in_bounds": 1, "pred_cls": 25.11857315732845, "error_w_gmm": 0.03568577881612261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035685123081562575}, "run_7171": {"edge_length": 1400, "pf": 0.5160683673469387, "in_bounds_one_im": 1, "error_one_im": 0.03206607448439059, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 29.842829524249634, "error_w_gmm": 0.0404581871932468, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04045744376456291}, "run_7172": {"edge_length": 1400, "pf": 0.48488265306122447, "in_bounds_one_im": 1, "error_one_im": 0.034101014448001316, "one_im_sa_cls": 23.632653061224488, "model_in_bounds": 1, "pred_cls": 28.892866170486563, "error_w_gmm": 0.041692066869623505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04169130076811106}, "run_7173": {"edge_length": 1400, "pf": 0.4963673469387755, "in_bounds_one_im": 1, "error_one_im": 0.036635971866586216, "one_im_sa_cls": 25.979591836734695, "model_in_bounds": 1, "pred_cls": 24.984932565405916, "error_w_gmm": 0.03523396796753048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035233320535100934}, "run_7174": {"edge_length": 1400, "pf": 0.5157270408163265, "in_bounds_one_im": 1, "error_one_im": 0.03145121771468106, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 29.39190436922706, "error_w_gmm": 0.039874102401020954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03987336970503226}, "run_7175": {"edge_length": 1400, "pf": 0.4857045918367347, "in_bounds_one_im": 1, "error_one_im": 0.03213396793632499, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 27.7566189540205, "error_w_gmm": 0.03998663126050789, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0399858964967749}, "run_7176": {"edge_length": 1400, "pf": 0.5076301020408164, "in_bounds_one_im": 1, "error_one_im": 0.03123338230794584, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 24.943170102654882, "error_w_gmm": 0.03439154981012163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03439091785732331}, "run_7177": {"edge_length": 1400, "pf": 0.49016479591836737, "in_bounds_one_im": 1, "error_one_im": 0.030187530195265634, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 26.124911097737748, "error_w_gmm": 0.03730153541285255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03730084998838594}, "run_7178": {"edge_length": 1400, "pf": 0.5092627551020408, "in_bounds_one_im": 1, "error_one_im": 0.035478729019254425, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 31.38806782794862, "error_w_gmm": 0.04313662576212911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04313583311650797}, "run_7179": {"edge_length": 1400, "pf": 0.5211102040816327, "in_bounds_one_im": 0, "error_one_im": 0.03459237090184248, "one_im_sa_cls": 25.775510204081634, "model_in_bounds": 0, "pred_cls": 30.21803371269006, "error_w_gmm": 0.04055526467060029, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.040554519458095004}, "run_7180": {"edge_length": 1400, "pf": 0.5201255102040816, "in_bounds_one_im": 0, "error_one_im": 0.02911716674254934, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 0, "pred_cls": 26.29250104051949, "error_w_gmm": 0.035356534422503354, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035355884737886374}, "run_7181": {"edge_length": 1400, "pf": 0.48974132653061225, "in_bounds_one_im": 1, "error_one_im": 0.030038138902584596, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 1, "pred_cls": 26.67723662853913, "error_w_gmm": 0.038122440731972795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03812174022317827}, "run_7182": {"edge_length": 1400, "pf": 0.5131102040816327, "in_bounds_one_im": 1, "error_one_im": 0.027720006286829055, "one_im_sa_cls": 20.3265306122449, "model_in_bounds": 1, "pred_cls": 27.11370748184995, "error_w_gmm": 0.03697659807911872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036975918625451916}, "run_7183": {"edge_length": 1400, "pf": 0.5215872448979592, "in_bounds_one_im": 0, "error_one_im": 0.029360374514923047, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 0, "pred_cls": 29.86564972884767, "error_w_gmm": 0.04004404094199829, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04004330512334893}, "run_7184": {"edge_length": 1400, "pf": 0.5001969387755102, "in_bounds_one_im": 1, "error_one_im": 0.029759157740950486, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 28.48456313730525, "error_w_gmm": 0.03986268428240797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03986195179622974}, "run_7185": {"edge_length": 1400, "pf": 0.49790408163265304, "in_bounds_one_im": 1, "error_one_im": 0.03038368449192771, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 25.85036395592835, "error_w_gmm": 0.036342533543359395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036341865740777086}, "run_7186": {"edge_length": 1400, "pf": 0.49621479591836737, "in_bounds_one_im": 1, "error_one_im": 0.03175318817161841, "one_im_sa_cls": 22.510204081632654, "model_in_bounds": 1, "pred_cls": 26.628773208204606, "error_w_gmm": 0.03756358586664463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037562895626939354}, "run_7187": {"edge_length": 1400, "pf": 0.5001836734693877, "in_bounds_one_im": 1, "error_one_im": 0.03250174664576056, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 27.310202213178798, "error_w_gmm": 0.038220240430389664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03821953812450273}, "run_7188": {"edge_length": 1400, "pf": 0.5109331632653061, "in_bounds_one_im": 1, "error_one_im": 0.030384743918807473, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 29.218855072165308, "error_w_gmm": 0.04002149347191117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040020758067576906}, "run_7189": {"edge_length": 1400, "pf": 0.4827836734693878, "in_bounds_one_im": 0, "error_one_im": 0.030281944364193337, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 25.778387387668655, "error_w_gmm": 0.037354558411401916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03735387201262526}, "run_7190": {"edge_length": 1400, "pf": 0.4954454081632653, "in_bounds_one_im": 1, "error_one_im": 0.03087945478864116, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 28.47259607639576, "error_w_gmm": 0.04022641042982374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040225671260092355}, "run_7191": {"edge_length": 1400, "pf": 0.48880918367346937, "in_bounds_one_im": 1, "error_one_im": 0.031934930870796956, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 25.688081079800412, "error_w_gmm": 0.03677744393767211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03677676814350943}, "run_7192": {"edge_length": 1400, "pf": 0.5031908163265306, "in_bounds_one_im": 1, "error_one_im": 0.029695053658254134, "one_im_sa_cls": 21.346938775510203, "model_in_bounds": 1, "pred_cls": 27.478792875430596, "error_w_gmm": 0.038225585019867635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038224882615772636}, "run_7193": {"edge_length": 1400, "pf": 0.5144255102040817, "in_bounds_one_im": 1, "error_one_im": 0.03006208612688731, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 27.622127327597997, "error_w_gmm": 0.037570920998474165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03757023062398415}, "run_7194": {"edge_length": 1400, "pf": 0.4874331632653061, "in_bounds_one_im": 1, "error_one_im": 0.03407386552059241, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 25.729947867026297, "error_w_gmm": 0.036938959407079634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03693828064503222}, "run_7195": {"edge_length": 1400, "pf": 0.5043897959183673, "in_bounds_one_im": 1, "error_one_im": 0.0288309350049132, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 27.62802945792018, "error_w_gmm": 0.03834113100973652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03834042648245685}, "run_7196": {"edge_length": 1400, "pf": 0.49667091836734695, "in_bounds_one_im": 1, "error_one_im": 0.03667125781255653, "one_im_sa_cls": 26.020408163265305, "model_in_bounds": 1, "pred_cls": 29.559775032607064, "error_w_gmm": 0.041660147808320364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04165938229332813}, "run_7197": {"edge_length": 1400, "pf": 0.49665408163265307, "in_bounds_one_im": 1, "error_one_im": 0.0339112697543096, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 29.898625809788257, "error_w_gmm": 0.04213912706514041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042138352748792}, "run_7198": {"edge_length": 1400, "pf": 0.4903698979591837, "in_bounds_one_im": 1, "error_one_im": 0.03238876566994967, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 28.16767493471545, "error_w_gmm": 0.04020172335950253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040200984643401855}, "run_7199": {"edge_length": 1400, "pf": 0.4991010204081633, "in_bounds_one_im": 1, "error_one_im": 0.0345185168904193, "one_im_sa_cls": 24.612244897959183, "model_in_bounds": 1, "pred_cls": 29.405994869207458, "error_w_gmm": 0.04124247856828471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041241720728062786}, "run_7200": {"edge_length": 1400, "pf": 0.5110336734693878, "in_bounds_one_im": 1, "error_one_im": 0.033620511736820236, "one_im_sa_cls": 24.551020408163264, "model_in_bounds": 1, "pred_cls": 27.24524282499964, "error_w_gmm": 0.03731070330061823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0373100177076895}}, "fractal_noise_0.035_12_True_simplex": {"true_cls": 9.46938775510204, "true_pf": 0.5002682433333333, "run_7201": {"edge_length": 600, "pf": 0.505675, "in_bounds_one_im": 1, "error_one_im": 0.03209964783362736, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 8.079819479644414, "error_w_gmm": 0.027135509537355506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026095705611781376}, "run_7202": {"edge_length": 600, "pf": 0.4980527777777778, "in_bounds_one_im": 1, "error_one_im": 0.03152194536897313, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.206837200223033, "error_w_gmm": 0.03139551310859427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03019247036746611}, "run_7203": {"edge_length": 600, "pf": 0.5153305555555555, "in_bounds_one_im": 1, "error_one_im": 0.03465336586302811, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 13.027496426407938, "error_w_gmm": 0.04291475261897137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041270304845590806}, "run_7204": {"edge_length": 600, "pf": 0.4922666666666667, "in_bounds_one_im": 1, "error_one_im": 0.03628968295323296, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 9.501473262225332, "error_w_gmm": 0.03277738870531553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03152139395795541}, "run_7205": {"edge_length": 600, "pf": 0.48136111111111113, "in_bounds_one_im": 0, "error_one_im": 0.03480693516432004, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 0, "pred_cls": 10.358497972845061, "error_w_gmm": 0.03652242460327226, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.035122924055044476}, "run_7206": {"edge_length": 600, "pf": 0.5134083333333334, "in_bounds_one_im": 1, "error_one_im": 0.031347200957784385, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 12.261943006727694, "error_w_gmm": 0.040548607742760846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038994828129761495}, "run_7207": {"edge_length": 600, "pf": 0.5102277777777777, "in_bounds_one_im": 1, "error_one_im": 0.03128609068017956, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 8.912893941010129, "error_w_gmm": 0.02966193928254468, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02852532525052616}, "run_7208": {"edge_length": 600, "pf": 0.504525, "in_bounds_one_im": 1, "error_one_im": 0.033957319996872355, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 11.82665948103262, "error_w_gmm": 0.03981047848172262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03828498319860308}, "run_7209": {"edge_length": 600, "pf": 0.5031416666666667, "in_bounds_one_im": 1, "error_one_im": 0.030937754456097893, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.223851796408495, "error_w_gmm": 0.03788600809919422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03643425647862322}, "run_7210": {"edge_length": 600, "pf": 0.5059444444444444, "in_bounds_one_im": 1, "error_one_im": 0.03399280008181396, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 9.522182465573366, "error_w_gmm": 0.031962353783977014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03073759030977655}, "run_7211": {"edge_length": 600, "pf": 0.4899027777777778, "in_bounds_one_im": 1, "error_one_im": 0.0331284601727503, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 13.086065987428707, "error_w_gmm": 0.04535721824253173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04361917777873347}, "run_7212": {"edge_length": 600, "pf": 0.496175, "in_bounds_one_im": 1, "error_one_im": 0.03573837573762264, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 9.200712512398985, "error_w_gmm": 0.03149268256298745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030285916391496397}, "run_7213": {"edge_length": 600, "pf": 0.488975, "in_bounds_one_im": 1, "error_one_im": 0.03516642399496488, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 13.120728199489898, "error_w_gmm": 0.04556186175642674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04381597957037158}, "run_7214": {"edge_length": 600, "pf": 0.4928, "in_bounds_one_im": 1, "error_one_im": 0.031043288355960427, "one_im_sa_cls": 9.36734693877551, "model_in_bounds": 1, "pred_cls": 8.076819890516953, "error_w_gmm": 0.027833027485153147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02676649541212037}, "run_7215": {"edge_length": 600, "pf": 0.506675, "in_bounds_one_im": 1, "error_one_im": 0.03282487874080102, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.096929169011577, "error_w_gmm": 0.030490350344523874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029321992479832828}, "run_7216": {"edge_length": 600, "pf": 0.4912166666666667, "in_bounds_one_im": 1, "error_one_im": 0.03317718320927504, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 9.887922418599576, "error_w_gmm": 0.03418225571176538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032872427951754254}, "run_7217": {"edge_length": 600, "pf": 0.4934472222222222, "in_bounds_one_im": 1, "error_one_im": 0.03424527959053852, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 7.574215715396651, "error_w_gmm": 0.02606726357789908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025068393703723157}, "run_7218": {"edge_length": 600, "pf": 0.5155111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03237884718414352, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 0, "pred_cls": 8.34561463945098, "error_w_gmm": 0.0274819155039381, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02642883766937761}, "run_7219": {"edge_length": 600, "pf": 0.4978, "in_bounds_one_im": 1, "error_one_im": 0.03481889723758568, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 11.171834997080051, "error_w_gmm": 0.03811546285483845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03665491877155979}, "run_7220": {"edge_length": 600, "pf": 0.5206194444444444, "in_bounds_one_im": 0, "error_one_im": 0.02814708677961009, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 13.114114033382707, "error_w_gmm": 0.042744943554412385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04110700268416126}, "run_7221": {"edge_length": 600, "pf": 0.5142055555555556, "in_bounds_one_im": 1, "error_one_im": 0.030649245724689266, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 0, "pred_cls": 4.065197215815161, "error_w_gmm": 0.013421630744539921, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012907328099271104}, "run_7222": {"edge_length": 600, "pf": 0.49624722222222223, "in_bounds_one_im": 1, "error_one_im": 0.033516679677615145, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 7.635399338065732, "error_w_gmm": 0.026131071347868053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025129756427668473}, "run_7223": {"edge_length": 600, "pf": 0.48890555555555554, "in_bounds_one_im": 1, "error_one_im": 0.03667086296821955, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 13.256354411584477, "error_w_gmm": 0.04603922217562903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044275048044949784}, "run_7224": {"edge_length": 600, "pf": 0.5080555555555556, "in_bounds_one_im": 1, "error_one_im": 0.0275519587057098, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 11.586765292807275, "error_w_gmm": 0.03872847665760786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03724444253602073}, "run_7225": {"edge_length": 600, "pf": 0.4973138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03250690695137851, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 11.141383828196545, "error_w_gmm": 0.03804854575329092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03659056586232195}, "run_7226": {"edge_length": 600, "pf": 0.5059611111111111, "in_bounds_one_im": 1, "error_one_im": 0.03168603052961417, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 5.247478146893314, "error_w_gmm": 0.017613206025677775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016938286664306218}, "run_7227": {"edge_length": 600, "pf": 0.5125444444444445, "in_bounds_one_im": 1, "error_one_im": 0.033351845684723234, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 0, "pred_cls": 4.751877929125481, "error_w_gmm": 0.01574101742596343, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01513783834471136}, "run_7228": {"edge_length": 600, "pf": 0.5045333333333333, "in_bounds_one_im": 1, "error_one_im": 0.03164452366908712, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 5.671108709105559, "error_w_gmm": 0.019089565273285026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01835807339245844}, "run_7229": {"edge_length": 600, "pf": 0.5026277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03150009694937913, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 8.164949439714192, "error_w_gmm": 0.027589053234367715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02653186999568635}, "run_7230": {"edge_length": 600, "pf": 0.485975, "in_bounds_one_im": 1, "error_one_im": 0.032567132934349305, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 11.715306718576912, "error_w_gmm": 0.040926499196123046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039358239183700884}, "run_7231": {"edge_length": 600, "pf": 0.5101444444444444, "in_bounds_one_im": 1, "error_one_im": 0.03331642357110612, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 8.76307359943136, "error_w_gmm": 0.029168203053034043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028050508469310204}, "run_7232": {"edge_length": 600, "pf": 0.5132555555555556, "in_bounds_one_im": 1, "error_one_im": 0.029344240108451842, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 11.60493880649914, "error_w_gmm": 0.038387718737785306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03691674209802713}, "run_7233": {"edge_length": 600, "pf": 0.49530833333333335, "in_bounds_one_im": 1, "error_one_im": 0.03384885599003291, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.75210133051233, "error_w_gmm": 0.03686670937159104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03545401619644315}, "run_7234": {"edge_length": 600, "pf": 0.49964722222222224, "in_bounds_one_im": 1, "error_one_im": 0.03442364712524681, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 13.140843460026733, "error_w_gmm": 0.04466788999673233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042956263859704094}, "run_7235": {"edge_length": 600, "pf": 0.5163166666666666, "in_bounds_one_im": 1, "error_one_im": 0.036133603684850066, "one_im_sa_cls": 11.428571428571429, "model_in_bounds": 1, "pred_cls": 9.46098586511443, "error_w_gmm": 0.031104602817867325, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02991270745032615}, "run_7236": {"edge_length": 600, "pf": 0.4892916666666667, "in_bounds_one_im": 1, "error_one_im": 0.03194303416117449, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 9.730992199491538, "error_w_gmm": 0.03376956483516625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03247555095154276}, "run_7237": {"edge_length": 600, "pf": 0.5120972222222222, "in_bounds_one_im": 1, "error_one_im": 0.031169275621135736, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 12.15272341017405, "error_w_gmm": 0.04029302063045787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038749034844338275}, "run_7238": {"edge_length": 600, "pf": 0.49964444444444445, "in_bounds_one_im": 1, "error_one_im": 0.028819957703741593, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.670015815365087, "error_w_gmm": 0.036269341612643904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0348795389360109}, "run_7239": {"edge_length": 600, "pf": 0.498375, "in_bounds_one_im": 1, "error_one_im": 0.034043170898192594, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 13.085574399775679, "error_w_gmm": 0.044593342919978574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04288457334781197}, "run_7240": {"edge_length": 600, "pf": 0.5063, "in_bounds_one_im": 1, "error_one_im": 0.033902801710625145, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 13.366352926866902, "error_w_gmm": 0.04483387753702771, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04311589093362394}, "run_7241": {"edge_length": 800, "pf": 0.4983, "in_bounds_one_im": 1, "error_one_im": 0.026991120034713177, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 10.158067111275624, "error_w_gmm": 0.025310773220130416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024971566593558578}, "run_7242": {"edge_length": 800, "pf": 0.4911390625, "in_bounds_one_im": 1, "error_one_im": 0.02397067421930527, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 10.600260549853274, "error_w_gmm": 0.026793631896761524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026434552487758046}, "run_7243": {"edge_length": 800, "pf": 0.50421875, "in_bounds_one_im": 1, "error_one_im": 0.026871806520624753, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 10.15223291501632, "error_w_gmm": 0.024998552034281432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02466352969296532}, "run_7244": {"edge_length": 800, "pf": 0.5044140625, "in_bounds_one_im": 1, "error_one_im": 0.023045220682381937, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 8.865585537070885, "error_w_gmm": 0.02182182389861287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02152937501900274}, "run_7245": {"edge_length": 800, "pf": 0.4995078125, "in_bounds_one_im": 1, "error_one_im": 0.024673823402741327, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.03213481964788, "error_w_gmm": 0.022450997849001328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022150116987824323}, "run_7246": {"edge_length": 800, "pf": 0.5056109375, "in_bounds_one_im": 1, "error_one_im": 0.027785904363954794, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 10.889948716560527, "error_w_gmm": 0.02674051453118177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026382146983575494}, "run_7247": {"edge_length": 800, "pf": 0.4990578125, "in_bounds_one_im": 1, "error_one_im": 0.022542024237563418, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 6.499966688971366, "error_w_gmm": 0.016171385628378783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015954662057024935}, "run_7248": {"edge_length": 800, "pf": 0.5032203125, "in_bounds_one_im": 1, "error_one_im": 0.025832604866044905, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 10.221232290801849, "error_w_gmm": 0.025218765288970994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024880791722316956}, "run_7249": {"edge_length": 800, "pf": 0.498071875, "in_bounds_one_im": 1, "error_one_im": 0.02534709301337557, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 12.487599924342627, "error_w_gmm": 0.03112945094728009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03071226432279323}, "run_7250": {"edge_length": 800, "pf": 0.5016140625, "in_bounds_one_im": 1, "error_one_im": 0.027510541571863372, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 8.655523120070512, "error_w_gmm": 0.021424420661952617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021137297649321183}, "run_7251": {"edge_length": 800, "pf": 0.5107046875, "in_bounds_one_im": 1, "error_one_im": 0.02701479693028057, "one_im_sa_cls": 11.26530612244898, "model_in_bounds": 1, "pred_cls": 10.94957341647605, "error_w_gmm": 0.02661432974636892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026257653285589933}, "run_7252": {"edge_length": 800, "pf": 0.496209375, "in_bounds_one_im": 1, "error_one_im": 0.024837135200836767, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 7.303036405976719, "error_w_gmm": 0.01827316398813119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018028273077083094}, "run_7253": {"edge_length": 800, "pf": 0.5041234375, "in_bounds_one_im": 1, "error_one_im": 0.02395121235265073, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.871503082528548, "error_w_gmm": 0.029237604298883068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02884577157860178}, "run_7254": {"edge_length": 800, "pf": 0.5045828125, "in_bounds_one_im": 1, "error_one_im": 0.026554988755606114, "one_im_sa_cls": 10.938775510204081, "model_in_bounds": 1, "pred_cls": 10.107785145334756, "error_w_gmm": 0.024870987999799622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024537675229559516}, "run_7255": {"edge_length": 800, "pf": 0.504496875, "in_bounds_one_im": 1, "error_one_im": 0.024627048825514836, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 9.392149193829594, "error_w_gmm": 0.02311408304828552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022804315738179273}, "run_7256": {"edge_length": 800, "pf": 0.4925453125, "in_bounds_one_im": 1, "error_one_im": 0.02481683665980658, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.324901341583226, "error_w_gmm": 0.028544845346769276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02816229675325618}, "run_7257": {"edge_length": 800, "pf": 0.50505625, "in_bounds_one_im": 1, "error_one_im": 0.022075214389931885, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 9.764553620148494, "error_w_gmm": 0.02400369887359853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023682009225900018}, "run_7258": {"edge_length": 800, "pf": 0.49616875, "in_bounds_one_im": 1, "error_one_im": 0.024033014564006094, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.990201867815424, "error_w_gmm": 0.02499883893753976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024663812751240837}, "run_7259": {"edge_length": 800, "pf": 0.495615625, "in_bounds_one_im": 1, "error_one_im": 0.026329392841761466, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 11.645732688572016, "error_w_gmm": 0.029173790678818545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028782813167605788}, "run_7260": {"edge_length": 800, "pf": 0.4987921875, "in_bounds_one_im": 1, "error_one_im": 0.02460892319166367, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.490152384995465, "error_w_gmm": 0.026112510019011728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02576255878054753}, "run_7261": {"edge_length": 800, "pf": 0.5114, "in_bounds_one_im": 1, "error_one_im": 0.02487574955801801, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 12.180157540558229, "error_w_gmm": 0.029564259321739877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029168048878684526}, "run_7262": {"edge_length": 800, "pf": 0.50480625, "in_bounds_one_im": 1, "error_one_im": 0.023324274656110554, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.000137570227718, "error_w_gmm": 0.022135640428166795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02183898588303136}, "run_7263": {"edge_length": 800, "pf": 0.4955640625, "in_bounds_one_im": 1, "error_one_im": 0.027341001454278833, "one_im_sa_cls": 11.061224489795919, "model_in_bounds": 1, "pred_cls": 9.234414317240411, "error_w_gmm": 0.023135569337121183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022825514074865473}, "run_7264": {"edge_length": 800, "pf": 0.5025046875, "in_bounds_one_im": 1, "error_one_im": 0.02363088961479383, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 10.643805964371783, "error_w_gmm": 0.026298992707238532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025946542289352285}, "run_7265": {"edge_length": 800, "pf": 0.5058046875, "in_bounds_one_im": 1, "error_one_im": 0.023870803662505935, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.282247481633345, "error_w_gmm": 0.0252385073593573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024900269215993615}, "run_7266": {"edge_length": 800, "pf": 0.5005625, "in_bounds_one_im": 1, "error_one_im": 0.026070174943455843, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 8.888398731085928, "error_w_gmm": 0.022047161081505028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02175169230736293}, "run_7267": {"edge_length": 800, "pf": 0.487684375, "in_bounds_one_im": 1, "error_one_im": 0.02639177701074591, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.639955201239905, "error_w_gmm": 0.027080514264595432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026717590152809775}, "run_7268": {"edge_length": 800, "pf": 0.5021828125, "in_bounds_one_im": 1, "error_one_im": 0.02354654467575705, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.081382569532927, "error_w_gmm": 0.024925383254908257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024591341497417266}, "run_7269": {"edge_length": 800, "pf": 0.501925, "in_bounds_one_im": 1, "error_one_im": 0.02415637264569738, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 11.688884878530352, "error_w_gmm": 0.02891470510086968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0285271997690379}, "run_7270": {"edge_length": 800, "pf": 0.4929859375, "in_bounds_one_im": 1, "error_one_im": 0.025961197550610455, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 7.493111768851872, "error_w_gmm": 0.018870033692434875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01861714373066096}, "run_7271": {"edge_length": 800, "pf": 0.4951734375, "in_bounds_one_im": 1, "error_one_im": 0.02625172201532709, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 9.966957404226779, "error_w_gmm": 0.024990374207481177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02465546146270001}, "run_7272": {"edge_length": 800, "pf": 0.4982671875, "in_bounds_one_im": 1, "error_one_im": 0.02307942387870423, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 11.098807388810231, "error_w_gmm": 0.027656623047690596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02728597811619097}, "run_7273": {"edge_length": 800, "pf": 0.48715625, "in_bounds_one_im": 0, "error_one_im": 0.022366957239859084, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 0, "pred_cls": 10.482469805890378, "error_w_gmm": 0.02670790005063469, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026349969591529212}, "run_7274": {"edge_length": 800, "pf": 0.50406875, "in_bounds_one_im": 1, "error_one_im": 0.023209924499104487, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 9.552309041426813, "error_w_gmm": 0.02352837552654777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023213056005422752}, "run_7275": {"edge_length": 800, "pf": 0.518365625, "in_bounds_one_im": 0, "error_one_im": 0.025736170311122644, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 0, "pred_cls": 12.128895573918275, "error_w_gmm": 0.029032178523227967, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028643098851372537}, "run_7276": {"edge_length": 800, "pf": 0.4996875, "in_bounds_one_im": 1, "error_one_im": 0.025265321919974174, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 7.991825534027496, "error_w_gmm": 0.019857984001952645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019591853856293535}, "run_7277": {"edge_length": 800, "pf": 0.4947046875, "in_bounds_one_im": 1, "error_one_im": 0.025013061153750456, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.299583008628039, "error_w_gmm": 0.023338923756012528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0230261432049705}, "run_7278": {"edge_length": 800, "pf": 0.488765625, "in_bounds_one_im": 1, "error_one_im": 0.026794953501045615, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 10.643727363315984, "error_w_gmm": 0.027031563527409024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0266692954372425}, "run_7279": {"edge_length": 800, "pf": 0.5008484375, "in_bounds_one_im": 1, "error_one_im": 0.02510689838702351, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 9.105598007366062, "error_w_gmm": 0.02257299872409708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022270482847469478}, "run_7280": {"edge_length": 800, "pf": 0.4993859375, "in_bounds_one_im": 1, "error_one_im": 0.02357850685715048, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 4.5370270965922, "error_w_gmm": 0.011280347253901346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011129171764109895}, "run_7281": {"edge_length": 1000, "pf": 0.500378, "in_bounds_one_im": 1, "error_one_im": 0.019864611373172456, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.114467457433, "error_w_gmm": 0.020213647616484857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019809010662247096}, "run_7282": {"edge_length": 1000, "pf": 0.503503, "in_bounds_one_im": 1, "error_one_im": 0.020813282599631076, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 9.605564346817484, "error_w_gmm": 0.019077003719921326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018695120111991214}, "run_7283": {"edge_length": 1000, "pf": 0.508032, "in_bounds_one_im": 1, "error_one_im": 0.020113877665269734, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 11.244046153360248, "error_w_gmm": 0.022129699083749867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02168670659642936}, "run_7284": {"edge_length": 1000, "pf": 0.499438, "in_bounds_one_im": 1, "error_one_im": 0.020823009719170168, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 10.71788878552527, "error_w_gmm": 0.02145988494099656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02103030079836328}, "run_7285": {"edge_length": 1000, "pf": 0.501385, "in_bounds_one_im": 1, "error_one_im": 0.02130052311074736, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 8.468608972268377, "error_w_gmm": 0.016890366650001865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016552255159840008}, "run_7286": {"edge_length": 1000, "pf": 0.504576, "in_bounds_one_im": 1, "error_one_im": 0.02053085315056055, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 10.022023507523432, "error_w_gmm": 0.019861435702212608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01946384932879737}, "run_7287": {"edge_length": 1000, "pf": 0.496754, "in_bounds_one_im": 1, "error_one_im": 0.0200091149459718, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 8.400224047656817, "error_w_gmm": 0.01690987295039686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016571370982962994}, "run_7288": {"edge_length": 1000, "pf": 0.500804, "in_bounds_one_im": 1, "error_one_im": 0.018649643973433543, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 8.32411559315008, "error_w_gmm": 0.016621482319350726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016288753357798336}, "run_7289": {"edge_length": 1000, "pf": 0.494233, "in_bounds_one_im": 1, "error_one_im": 0.01970563103657847, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 8.466823123711563, "error_w_gmm": 0.01713009839666517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01678718795454561}, "run_7290": {"edge_length": 1000, "pf": 0.501652, "in_bounds_one_im": 1, "error_one_im": 0.019734325886796154, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 11.296063468070715, "error_w_gmm": 0.02251760545485412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022066847854798333}, "run_7291": {"edge_length": 1000, "pf": 0.496968, "in_bounds_one_im": 1, "error_one_im": 0.01899448852860815, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 9.080321652984574, "error_w_gmm": 0.018271105383485454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017905354254683675}, "run_7292": {"edge_length": 1000, "pf": 0.500873, "in_bounds_one_im": 1, "error_one_im": 0.020483826901191902, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 9.448544027234732, "error_w_gmm": 0.018864122492537883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018486500342663113}, "run_7293": {"edge_length": 1000, "pf": 0.495654, "in_bounds_one_im": 1, "error_one_im": 0.01956900446348747, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 8.749067621944679, "error_w_gmm": 0.017650895818238286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017297560049307766}, "run_7294": {"edge_length": 1000, "pf": 0.498375, "in_bounds_one_im": 1, "error_one_im": 0.018820723557468357, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 8.57809614426719, "error_w_gmm": 0.017212040814802754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01686749004872338}, "run_7295": {"edge_length": 1000, "pf": 0.504014, "in_bounds_one_im": 1, "error_one_im": 0.018609652462403505, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 10.832984304381196, "error_w_gmm": 0.02149272681398467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021062485242484212}, "run_7296": {"edge_length": 1000, "pf": 0.510962, "in_bounds_one_im": 0, "error_one_im": 0.01913541440421447, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 0, "pred_cls": 9.010514876334048, "error_w_gmm": 0.017630174281083533, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017277253316044117}, "run_7297": {"edge_length": 1000, "pf": 0.50258, "in_bounds_one_im": 1, "error_one_im": 0.020254839861107262, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 7.693396381534787, "error_w_gmm": 0.015307600700795261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01500117303163939}, "run_7298": {"edge_length": 1000, "pf": 0.498307, "in_bounds_one_im": 1, "error_one_im": 0.02062935534403919, "one_im_sa_cls": 10.489795918367347, "model_in_bounds": 1, "pred_cls": 10.918201853632484, "error_w_gmm": 0.02191046737228812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02147186346706238}, "run_7299": {"edge_length": 1000, "pf": 0.502607, "in_bounds_one_im": 1, "error_one_im": 0.019060008608707893, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 7.735558145481741, "error_w_gmm": 0.015390659095703446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015082568762956328}, "run_7300": {"edge_length": 1000, "pf": 0.503118, "in_bounds_one_im": 1, "error_one_im": 0.01927904220586462, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 7.553817104066966, "error_w_gmm": 0.015013714928441073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01471317026694797}, "run_7301": {"edge_length": 1000, "pf": 0.499243, "in_bounds_one_im": 1, "error_one_im": 0.01950915658791121, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 10.650020604956827, "error_w_gmm": 0.021332313921241765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020905283496268166}, "run_7302": {"edge_length": 1000, "pf": 0.496794, "in_bounds_one_im": 1, "error_one_im": 0.020168540485511054, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.024102205631806, "error_w_gmm": 0.01816430290303639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017800689747113886}, "run_7303": {"edge_length": 1000, "pf": 0.494287, "in_bounds_one_im": 1, "error_one_im": 0.02103864760716002, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 9.73293026098093, "error_w_gmm": 0.019689562756667025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01929541693720432}, "run_7304": {"edge_length": 1000, "pf": 0.50164, "in_bounds_one_im": 1, "error_one_im": 0.021847818460092542, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 8.70952006798888, "error_w_gmm": 0.01736199907824847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017014446446492224}, "run_7305": {"edge_length": 1000, "pf": 0.504254, "in_bounds_one_im": 1, "error_one_im": 0.02054408031044221, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 10.041313854542286, "error_w_gmm": 0.01991248541880011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019513877131763637}, "run_7306": {"edge_length": 1000, "pf": 0.505939, "in_bounds_one_im": 1, "error_one_im": 0.018103339521172334, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 7.5813742323182325, "error_w_gmm": 0.014983702377598083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014683758507579667}, "run_7307": {"edge_length": 1000, "pf": 0.498713, "in_bounds_one_im": 1, "error_one_im": 0.01961005205833614, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.45654282279774, "error_w_gmm": 0.02096698538629157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02054726811075451}, "run_7308": {"edge_length": 1000, "pf": 0.490486, "in_bounds_one_im": 1, "error_one_im": 0.02066925024202869, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 10.355686899600073, "error_w_gmm": 0.021109291631375912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020686725668324805}, "run_7309": {"edge_length": 1000, "pf": 0.499084, "in_bounds_one_im": 1, "error_one_im": 0.01887419972940749, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 9.857937326879407, "error_w_gmm": 0.01975202728226632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019356631047447274}, "run_7310": {"edge_length": 1000, "pf": 0.503853, "in_bounds_one_im": 1, "error_one_im": 0.01877441494314637, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 8.075496182860148, "error_w_gmm": 0.016027008687023486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01570617990323835}, "run_7311": {"edge_length": 1000, "pf": 0.499159, "in_bounds_one_im": 1, "error_one_im": 0.019432301209063172, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 10.33728404917974, "error_w_gmm": 0.02070937201661234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020294811647500906}, "run_7312": {"edge_length": 1000, "pf": 0.491718, "in_bounds_one_im": 1, "error_one_im": 0.01870700035469925, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 0, "pred_cls": 7.155747860807518, "error_w_gmm": 0.014550547562146065, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014259274588571666}, "run_7313": {"edge_length": 1000, "pf": 0.50741, "in_bounds_one_im": 1, "error_one_im": 0.019744812836995477, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.364564682964058, "error_w_gmm": 0.018453590283169983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018084186170235723}, "run_7314": {"edge_length": 1000, "pf": 0.495256, "in_bounds_one_im": 1, "error_one_im": 0.020149917220192846, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.635284257210213, "error_w_gmm": 0.021473350228752002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02104349653788435}, "run_7315": {"edge_length": 1000, "pf": 0.497488, "in_bounds_one_im": 1, "error_one_im": 0.01857273663440625, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 10.770188978043768, "error_w_gmm": 0.021648870031637638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02121550278399914}, "run_7316": {"edge_length": 1000, "pf": 0.500425, "in_bounds_one_im": 1, "error_one_im": 0.019942674746362847, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 8.109973486248181, "error_w_gmm": 0.01620616587204813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015881750718348332}, "run_7317": {"edge_length": 1000, "pf": 0.504024, "in_bounds_one_im": 1, "error_one_im": 0.019958353870492596, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 11.090436833002233, "error_w_gmm": 0.022003074579193982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021562616862184462}, "run_7318": {"edge_length": 1000, "pf": 0.509634, "in_bounds_one_im": 1, "error_one_im": 0.020638053468768555, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.088586484663656, "error_w_gmm": 0.02175390170677057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021318431934247324}, "run_7319": {"edge_length": 1000, "pf": 0.502038, "in_bounds_one_im": 1, "error_one_im": 0.020117462247388196, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 9.292092240003921, "error_w_gmm": 0.018508589093482512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018138084013938332}, "run_7320": {"edge_length": 1000, "pf": 0.505292, "in_bounds_one_im": 1, "error_one_im": 0.02038273675634739, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.113330129841918, "error_w_gmm": 0.02001370229692323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01961306784963809}, "run_7321": {"edge_length": 1200, "pf": 0.4971534722222222, "in_bounds_one_im": 1, "error_one_im": 0.01743197514076387, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 7.851760306801262, "error_w_gmm": 0.013160981305292665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01289752467978925}, "run_7322": {"edge_length": 1200, "pf": 0.49118958333333335, "in_bounds_one_im": 1, "error_one_im": 0.019201741509310564, "one_im_sa_cls": 11.551020408163264, "model_in_bounds": 0, "pred_cls": 10.788170554872947, "error_w_gmm": 0.018299953081570564, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017933624479325557}, "run_7323": {"edge_length": 1200, "pf": 0.5028694444444445, "in_bounds_one_im": 1, "error_one_im": 0.016537844932047973, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.347150225311866, "error_w_gmm": 0.015489435021078014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015179367391093145}, "run_7324": {"edge_length": 1200, "pf": 0.5005138888888889, "in_bounds_one_im": 1, "error_one_im": 0.016282956613800314, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 8.811116384150795, "error_w_gmm": 0.01467010860577529, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014376442258305427}, "run_7325": {"edge_length": 1200, "pf": 0.4965513888888889, "in_bounds_one_im": 1, "error_one_im": 0.016546767219491807, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.961633824165007, "error_w_gmm": 0.01671763335821234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016382979644420783}, "run_7326": {"edge_length": 1200, "pf": 0.5016520833333333, "in_bounds_one_im": 1, "error_one_im": 0.019169535587334145, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 10.08103252240338, "error_w_gmm": 0.01674629659887018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01641106910410561}, "run_7327": {"edge_length": 1200, "pf": 0.4983548611111111, "in_bounds_one_im": 1, "error_one_im": 0.01484850363746768, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.945909265631528, "error_w_gmm": 0.01830330632148135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017936910594053886}, "run_7328": {"edge_length": 1200, "pf": 0.5004375, "in_bounds_one_im": 1, "error_one_im": 0.017451069340558092, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 8.457895724325015, "error_w_gmm": 0.014084163834205386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013802226933702054}, "run_7329": {"edge_length": 1200, "pf": 0.5011631944444445, "in_bounds_one_im": 1, "error_one_im": 0.016960185631662017, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 10.298464114404023, "error_w_gmm": 0.017124222808799112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016781429984242747}, "run_7330": {"edge_length": 1200, "pf": 0.5052680555555555, "in_bounds_one_im": 1, "error_one_im": 0.014842509462526979, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 9.73917780067693, "error_w_gmm": 0.016061832769255227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01574030687672271}, "run_7331": {"edge_length": 1200, "pf": 0.5013076388888889, "in_bounds_one_im": 1, "error_one_im": 0.016456601797248005, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 8.36167903462506, "error_w_gmm": 0.013899732403695382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013621487452993667}, "run_7332": {"edge_length": 1200, "pf": 0.5037069444444444, "in_bounds_one_im": 1, "error_one_im": 0.01624547398529436, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.422665261290268, "error_w_gmm": 0.01889715083887005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018518867527303088}, "run_7333": {"edge_length": 1200, "pf": 0.49608680555555557, "in_bounds_one_im": 1, "error_one_im": 0.018477043503732943, "one_im_sa_cls": 11.224489795918368, "model_in_bounds": 1, "pred_cls": 8.866189017652967, "error_w_gmm": 0.014893088226854078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014594958271605752}, "run_7334": {"edge_length": 1200, "pf": 0.5040152777777778, "in_bounds_one_im": 1, "error_one_im": 0.015574136298077712, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 10.669180855315108, "error_w_gmm": 0.0176397378104914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017286625402646333}, "run_7335": {"edge_length": 1200, "pf": 0.5006104166666666, "in_bounds_one_im": 1, "error_one_im": 0.01634639750187687, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.119171825360532, "error_w_gmm": 0.01684470922478593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016507511705315017}, "run_7336": {"edge_length": 1200, "pf": 0.5000222222222223, "in_bounds_one_im": 1, "error_one_im": 0.016832275899106835, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 10.117920676985513, "error_w_gmm": 0.016862451669357764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016524898981494257}, "run_7337": {"edge_length": 1200, "pf": 0.5015520833333333, "in_bounds_one_im": 1, "error_one_im": 0.016182722963086607, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 8.223184932880828, "error_w_gmm": 0.013662830487186478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013389327840880656}, "run_7338": {"edge_length": 1200, "pf": 0.5060958333333333, "in_bounds_one_im": 1, "error_one_im": 0.01590460398032475, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 11.45992368942879, "error_w_gmm": 0.01886841585495489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018490707760518112}, "run_7339": {"edge_length": 1200, "pf": 0.5018868055555555, "in_bounds_one_im": 1, "error_one_im": 0.0173341440648823, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 9.246026876668216, "error_w_gmm": 0.015352002585916543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015044686079481012}, "run_7340": {"edge_length": 1200, "pf": 0.49940694444444444, "in_bounds_one_im": 1, "error_one_im": 0.016786257147388444, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 8.10580559047123, "error_w_gmm": 0.013525709475301248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013254951718471282}, "run_7341": {"edge_length": 1200, "pf": 0.5034027777777778, "in_bounds_one_im": 1, "error_one_im": 0.01652021327402817, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.4709653850432, "error_w_gmm": 0.015677880075893047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015364040151344183}, "run_7342": {"edge_length": 1200, "pf": 0.5009166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0182328733802398, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 10.697899170930858, "error_w_gmm": 0.017797173835471358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01744090987206128}, "run_7343": {"edge_length": 1200, "pf": 0.5020083333333333, "in_bounds_one_im": 1, "error_one_im": 0.0181267098059198, "one_im_sa_cls": 11.142857142857142, "model_in_bounds": 1, "pred_cls": 9.469484201384592, "error_w_gmm": 0.015719207537372746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015404540319380579}, "run_7344": {"edge_length": 1200, "pf": 0.4991541666666667, "in_bounds_one_im": 1, "error_one_im": 0.017696252920488823, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 10.211115036917, "error_w_gmm": 0.017047339125601274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01670608535920944}, "run_7345": {"edge_length": 1200, "pf": 0.5028777777777778, "in_bounds_one_im": 1, "error_one_im": 0.01660385213735532, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.121301660090367, "error_w_gmm": 0.01677202437767906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01643628186403944}, "run_7346": {"edge_length": 1200, "pf": 0.4936277777777778, "in_bounds_one_im": 1, "error_one_im": 0.01802798398331412, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 10.87965225392782, "error_w_gmm": 0.018365337146952623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0179976996859814}, "run_7347": {"edge_length": 1200, "pf": 0.49753055555555553, "in_bounds_one_im": 1, "error_one_im": 0.01664838472285433, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 9.567771922284592, "error_w_gmm": 0.016025238924539668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01570444556787355}, "run_7348": {"edge_length": 1200, "pf": 0.5048208333333334, "in_bounds_one_im": 1, "error_one_im": 0.014723741065801054, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.87676706543497, "error_w_gmm": 0.014652648144154786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014359331320340504}, "run_7349": {"edge_length": 1200, "pf": 0.49547708333333335, "in_bounds_one_im": 1, "error_one_im": 0.0167169027639695, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 8.525381775060897, "error_w_gmm": 0.01433808823026414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014051068269237674}, "run_7350": {"edge_length": 1200, "pf": 0.5001097222222223, "in_bounds_one_im": 1, "error_one_im": 0.01696263213628495, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 10.49000098451024, "error_w_gmm": 0.017479498774323452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017129594032743015}, "run_7351": {"edge_length": 1200, "pf": 0.5016527777777777, "in_bounds_one_im": 1, "error_one_im": 0.0168439186206107, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 9.808990272863525, "error_w_gmm": 0.01629436587300132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015968185131000564}, "run_7352": {"edge_length": 1200, "pf": 0.5032708333333333, "in_bounds_one_im": 1, "error_one_im": 0.01652457354426043, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 9.873108792305555, "error_w_gmm": 0.01634788680396547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01602063467955497}, "run_7353": {"edge_length": 1200, "pf": 0.5026333333333334, "in_bounds_one_im": 1, "error_one_im": 0.016976705719543055, "one_im_sa_cls": 10.448979591836734, "model_in_bounds": 1, "pred_cls": 9.837327095741701, "error_w_gmm": 0.01630942148351872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015982939358190246}, "run_7354": {"edge_length": 1200, "pf": 0.5047118055555555, "in_bounds_one_im": 1, "error_one_im": 0.016014735125811513, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.680378519266002, "error_w_gmm": 0.01598263367471035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01566269319026471}, "run_7355": {"edge_length": 1200, "pf": 0.5008569444444444, "in_bounds_one_im": 1, "error_one_im": 0.017436435945765695, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 10.492131897552255, "error_w_gmm": 0.017456941554614625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01710748836363274}, "run_7356": {"edge_length": 1200, "pf": 0.5041784722222222, "in_bounds_one_im": 1, "error_one_im": 0.016097938607935208, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 6.79132547449008, "error_w_gmm": 0.01122467653890409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01099998087718181}, "run_7357": {"edge_length": 1200, "pf": 0.4959034722222222, "in_bounds_one_im": 1, "error_one_im": 0.016904293652179415, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 8.3424826977145, "error_w_gmm": 0.014018525716005096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013737902759859243}, "run_7358": {"edge_length": 1200, "pf": 0.5041263888888889, "in_bounds_one_im": 1, "error_one_im": 0.016297968234130107, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.481499175124467, "error_w_gmm": 0.017325586171269437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016978762453366603}, "run_7359": {"edge_length": 1200, "pf": 0.4975277777777778, "in_bounds_one_im": 1, "error_one_im": 0.01755292165269941, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 10.43994792561583, "error_w_gmm": 0.017486159861584413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017136121778307676}, "run_7360": {"edge_length": 1200, "pf": 0.4982361111111111, "in_bounds_one_im": 1, "error_one_im": 0.017026314378382045, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 11.365852213616698, "error_w_gmm": 0.019010032316483322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01862948934262496}, "run_7361": {"edge_length": 1400, "pf": 0.4997045918367347, "in_bounds_one_im": 1, "error_one_im": 0.014322482143958992, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.543073584155561, "error_w_gmm": 0.01336819883614638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013367953192355652}, "run_7362": {"edge_length": 1400, "pf": 0.5065173469387755, "in_bounds_one_im": 1, "error_one_im": 0.014523456493821023, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.06889291685771, "error_w_gmm": 0.013913889229673565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013913633558693891}, "run_7363": {"edge_length": 1400, "pf": 0.5029632653061225, "in_bounds_one_im": 1, "error_one_im": 0.014286244242300943, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 10.276020806161723, "error_w_gmm": 0.014301418678035258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014301155886111012}, "run_7364": {"edge_length": 1400, "pf": 0.49399795918367345, "in_bounds_one_im": 1, "error_one_im": 0.013503750734568876, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 0, "pred_cls": 8.782910247539752, "error_w_gmm": 0.012444574078042807, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012444345406073884}, "run_7365": {"edge_length": 1400, "pf": 0.4962617346938776, "in_bounds_one_im": 1, "error_one_im": 0.014766868821070483, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 9.963555309980778, "error_w_gmm": 0.014053660185589038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01405340194628529}, "run_7366": {"edge_length": 1400, "pf": 0.4978464285714286, "in_bounds_one_im": 1, "error_one_im": 0.0136871470848286, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 8.46725418859881, "error_w_gmm": 0.011905323837993873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011905105074874559}, "run_7367": {"edge_length": 1400, "pf": 0.4979158163265306, "in_bounds_one_im": 1, "error_one_im": 0.01319751354544561, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 10.851093918170564, "error_w_gmm": 0.01525498789969986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015254707585717316}, "run_7368": {"edge_length": 1400, "pf": 0.5022428571428571, "in_bounds_one_im": 1, "error_one_im": 0.01345355262995664, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.48707779679513, "error_w_gmm": 0.01461619711856364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014615928542511663}, "run_7369": {"edge_length": 1400, "pf": 0.5015571428571428, "in_bounds_one_im": 1, "error_one_im": 0.014354960119322236, "one_im_sa_cls": 10.285714285714286, "model_in_bounds": 1, "pred_cls": 9.854671516406885, "error_w_gmm": 0.01375364045205542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013753387725684598}, "run_7370": {"edge_length": 1400, "pf": 0.49934285714285714, "in_bounds_one_im": 1, "error_one_im": 0.013817895165499104, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 8.323813405384024, "error_w_gmm": 0.011668664662123959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011668450247672577}, "run_7371": {"edge_length": 1400, "pf": 0.5042729591836734, "in_bounds_one_im": 1, "error_one_im": 0.013795625646407688, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.254566223212143, "error_w_gmm": 0.012846137540793579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012845901490001775}, "run_7372": {"edge_length": 1400, "pf": 0.49561020408163264, "in_bounds_one_im": 1, "error_one_im": 0.014152021956447153, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.955452399759208, "error_w_gmm": 0.015472887866430222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015472603548484714}, "run_7373": {"edge_length": 1400, "pf": 0.5051270408163265, "in_bounds_one_im": 1, "error_one_im": 0.01439422577920515, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 10.027836448523098, "error_w_gmm": 0.013895744834492121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013895489496919893}, "run_7374": {"edge_length": 1400, "pf": 0.5050688775510204, "in_bounds_one_im": 1, "error_one_im": 0.013943377086757205, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.044343818244432, "error_w_gmm": 0.015306117107743928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015305835854250148}, "run_7375": {"edge_length": 1400, "pf": 0.4989209183673469, "in_bounds_one_im": 1, "error_one_im": 0.014344948090912779, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.201983304970364, "error_w_gmm": 0.01291060982893645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01291037259345119}, "run_7376": {"edge_length": 1400, "pf": 0.5002137755102041, "in_bounds_one_im": 1, "error_one_im": 0.014650608306534873, "one_im_sa_cls": 10.46938775510204, "model_in_bounds": 1, "pred_cls": 8.989280787189758, "error_w_gmm": 0.012579613525198924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01257938237184845}, "run_7377": {"edge_length": 1400, "pf": 0.5025418367346939, "in_bounds_one_im": 1, "error_one_im": 0.015293201848120113, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 9.961851212707318, "error_w_gmm": 0.01387587108292049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013875616110533057}, "run_7378": {"edge_length": 1400, "pf": 0.49698010204081633, "in_bounds_one_im": 1, "error_one_im": 0.014573203069012563, "one_im_sa_cls": 10.346938775510203, "model_in_bounds": 1, "pred_cls": 10.150389003901891, "error_w_gmm": 0.014296634161568548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014296371457560922}, "run_7379": {"edge_length": 1400, "pf": 0.5019540816326531, "in_bounds_one_im": 1, "error_one_im": 0.01414435219204307, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 6.95209314366922, "error_w_gmm": 0.009694966559561907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009694788412276301}, "run_7380": {"edge_length": 1400, "pf": 0.4984811224489796, "in_bounds_one_im": 1, "error_one_im": 0.015245964070233809, "one_im_sa_cls": 10.857142857142858, "model_in_bounds": 1, "pred_cls": 9.92294243423386, "error_w_gmm": 0.013934384557629569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013934128510043354}, "run_7381": {"edge_length": 1400, "pf": 0.49881938775510204, "in_bounds_one_im": 1, "error_one_im": 0.014347861304293196, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 7.60116233834767, "error_w_gmm": 0.010666784280351725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0106665882756875}, "run_7382": {"edge_length": 1400, "pf": 0.4998505102040816, "in_bounds_one_im": 1, "error_one_im": 0.014718415183962878, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 9.746144836792709, "error_w_gmm": 0.013648682839296806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013648432041546817}, "run_7383": {"edge_length": 1400, "pf": 0.5047739795918368, "in_bounds_one_im": 1, "error_one_im": 0.013781807658554603, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 7.479782884449393, "error_w_gmm": 0.010372185505142007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010371994913799351}, "run_7384": {"edge_length": 1400, "pf": 0.5032285714285715, "in_bounds_one_im": 1, "error_one_im": 0.014647696622762395, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 7.631999668158391, "error_w_gmm": 0.010616027576738605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010615832504740625}, "run_7385": {"edge_length": 1400, "pf": 0.49718367346938774, "in_bounds_one_im": 1, "error_one_im": 0.016147546613173427, "one_im_sa_cls": 11.46938775510204, "model_in_bounds": 1, "pred_cls": 8.041343149243177, "error_w_gmm": 0.011321471741837808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011321263707137763}, "run_7386": {"edge_length": 1400, "pf": 0.4947255102040816, "in_bounds_one_im": 1, "error_one_im": 0.014061591270439454, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.346017512016783, "error_w_gmm": 0.013223187609066763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013222944629891426}, "run_7387": {"edge_length": 1400, "pf": 0.5026719387755102, "in_bounds_one_im": 1, "error_one_im": 0.014351408116288237, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 10.409783318729298, "error_w_gmm": 0.014496023579026065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014495757211191021}, "run_7388": {"edge_length": 1400, "pf": 0.5001117346938776, "in_bounds_one_im": 1, "error_one_im": 0.014310824297371733, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 10.039254432847516, "error_w_gmm": 0.01405181570439204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014051557498980965}, "run_7389": {"edge_length": 1400, "pf": 0.49750102040816324, "in_bounds_one_im": 1, "error_one_im": 0.015620447774827816, "one_im_sa_cls": 11.10204081632653, "model_in_bounds": 1, "pred_cls": 10.546249795177301, "error_w_gmm": 0.014838728663553171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014838455998431845}, "run_7390": {"edge_length": 1400, "pf": 0.5006117346938775, "in_bounds_one_im": 1, "error_one_im": 0.014753096126167877, "one_im_sa_cls": 10.551020408163264, "model_in_bounds": 1, "pred_cls": 9.690014870068424, "error_w_gmm": 0.013549433347834984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013549184373817533}, "run_7391": {"edge_length": 1400, "pf": 0.49764642857142855, "in_bounds_one_im": 1, "error_one_im": 0.01532884855799399, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 9.128385679203685, "error_w_gmm": 0.012840038262907633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012839802324191471}, "run_7392": {"edge_length": 1400, "pf": 0.5027954081632653, "in_bounds_one_im": 1, "error_one_im": 0.015058154851946249, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 8.531863534222794, "error_w_gmm": 0.011878014471540977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011877796210237757}, "run_7393": {"edge_length": 1400, "pf": 0.5033545918367347, "in_bounds_one_im": 1, "error_one_im": 0.014984563368956644, "one_im_sa_cls": 10.775510204081632, "model_in_bounds": 1, "pred_cls": 8.496494920280727, "error_w_gmm": 0.011815552455975773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011815335342426654}, "run_7394": {"edge_length": 1400, "pf": 0.499134693877551, "in_bounds_one_im": 1, "error_one_im": 0.013880889916114449, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.484597885312548, "error_w_gmm": 0.01330143678421218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013301192367189966}, "run_7395": {"edge_length": 1400, "pf": 0.5048943877551021, "in_bounds_one_im": 1, "error_one_im": 0.01366531852389682, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.254551546209916, "error_w_gmm": 0.014216521991213872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014216260759286085}, "run_7396": {"edge_length": 1400, "pf": 0.5012040816326531, "in_bounds_one_im": 1, "error_one_im": 0.014935143792476024, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 11.023224775681276, "error_w_gmm": 0.01539539531193594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015395112417934394}, "run_7397": {"edge_length": 1400, "pf": 0.5010035714285714, "in_bounds_one_im": 1, "error_one_im": 0.013315858258735163, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 7.839272144049064, "error_w_gmm": 0.010952974709665997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010952773446185445}, "run_7398": {"edge_length": 1400, "pf": 0.5014612244897959, "in_bounds_one_im": 1, "error_one_im": 0.013816451181290023, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.284469274341777, "error_w_gmm": 0.012960325586515595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012960087437491524}, "run_7399": {"edge_length": 1400, "pf": 0.502179081632653, "in_bounds_one_im": 1, "error_one_im": 0.015304301495946549, "one_im_sa_cls": 10.979591836734693, "model_in_bounds": 1, "pred_cls": 8.519642214190867, "error_w_gmm": 0.011875629892383768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011875411674897701}, "run_7400": {"edge_length": 1400, "pf": 0.49706989795918366, "in_bounds_one_im": 1, "error_one_im": 0.015087884893699676, "one_im_sa_cls": 10.714285714285714, "model_in_bounds": 1, "pred_cls": 10.492662808745987, "error_w_gmm": 0.014776066457786483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014775794944097878}}, "fractal_noise_0.035_12_True_value": {"true_cls": 27.46938775510204, "true_pf": 0.5000850033333334, "run_7401": {"edge_length": 600, "pf": 0.4754027777777778, "in_bounds_one_im": 1, "error_one_im": 0.08032418252381684, "one_im_sa_cls": 23.408163265306122, "model_in_bounds": 1, "pred_cls": 30.311898227923844, "error_w_gmm": 0.10815859751075908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1040140748467765}, "run_7402": {"edge_length": 600, "pf": 0.50225, "in_bounds_one_im": 1, "error_one_im": 0.06616702076657874, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 19.72265836239058, "error_w_gmm": 0.06669248361045907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06413689842165028}, "run_7403": {"edge_length": 600, "pf": 0.5174166666666666, "in_bounds_one_im": 1, "error_one_im": 0.06798774413959895, "one_im_sa_cls": 21.551020408163264, "model_in_bounds": 1, "pred_cls": 29.754539454114823, "error_w_gmm": 0.09760789845516582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09386766738115537}, "run_7404": {"edge_length": 600, "pf": 0.5119555555555556, "in_bounds_one_im": 1, "error_one_im": 0.07153391752735218, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 34.313579126001734, "error_w_gmm": 0.11380081018163982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10944008391639343}, "run_7405": {"edge_length": 600, "pf": 0.5216361111111111, "in_bounds_one_im": 1, "error_one_im": 0.07137365443409782, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 1, "pred_cls": 34.09924302948711, "error_w_gmm": 0.11091898455852663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10666868679257217}, "run_7406": {"edge_length": 600, "pf": 0.47780833333333333, "in_bounds_one_im": 1, "error_one_im": 0.06592953391165138, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 21.76483052761399, "error_w_gmm": 0.07728748506043555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07432591066092167}, "run_7407": {"edge_length": 600, "pf": 0.4859361111111111, "in_bounds_one_im": 1, "error_one_im": 0.0761101716123704, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 38.60166822541049, "error_w_gmm": 0.13486237783741156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12969459465299923}, "run_7408": {"edge_length": 600, "pf": 0.47033055555555553, "in_bounds_one_im": 1, "error_one_im": 0.07216087577838125, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 23.621329345617074, "error_w_gmm": 0.08514731841979777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08188456354787839}, "run_7409": {"edge_length": 600, "pf": 0.5156722222222222, "in_bounds_one_im": 1, "error_one_im": 0.0618294692437291, "one_im_sa_cls": 19.53061224489796, "model_in_bounds": 1, "pred_cls": 28.846815959999095, "error_w_gmm": 0.09496126275350497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09132244795061191}, "run_7410": {"edge_length": 600, "pf": 0.48591666666666666, "in_bounds_one_im": 1, "error_one_im": 0.06404474506514393, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 27.35708971041857, "error_w_gmm": 0.09558099257207016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09191843038027135}, "run_7411": {"edge_length": 600, "pf": 0.4638527777777778, "in_bounds_one_im": 1, "error_one_im": 0.08787051667885336, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 28.958858456944252, "error_w_gmm": 0.10575457509698023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1017021720204178}, "run_7412": {"edge_length": 600, "pf": 0.488275, "in_bounds_one_im": 1, "error_one_im": 0.06476689038486716, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 1, "pred_cls": 39.9078069389385, "error_w_gmm": 0.13877451326114684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13345682119938765}, "run_7413": {"edge_length": 600, "pf": 0.4968111111111111, "in_bounds_one_im": 1, "error_one_im": 0.07131877851962841, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 27.32437530612857, "error_w_gmm": 0.09340839079414712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0898290803966175}, "run_7414": {"edge_length": 600, "pf": 0.538625, "in_bounds_one_im": 0, "error_one_im": 0.07058469795366419, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 35.89781397107232, "error_w_gmm": 0.11285415553824656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10852970407421618}, "run_7415": {"edge_length": 600, "pf": 0.5118194444444445, "in_bounds_one_im": 1, "error_one_im": 0.06614946204340351, "one_im_sa_cls": 20.73469387755102, "model_in_bounds": 1, "pred_cls": 29.06565821436978, "error_w_gmm": 0.09642236682114658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.092727564061104}, "run_7416": {"edge_length": 600, "pf": 0.47883055555555554, "in_bounds_one_im": 1, "error_one_im": 0.06927214628208521, "one_im_sa_cls": 20.3265306122449, "model_in_bounds": 1, "pred_cls": 32.11593525538005, "error_w_gmm": 0.11381117199863085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10945004867955478}, "run_7417": {"edge_length": 600, "pf": 0.5185361111111111, "in_bounds_one_im": 1, "error_one_im": 0.06867059689922454, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 36.819505452629926, "error_w_gmm": 0.12051360685960016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11589565335018816}, "run_7418": {"edge_length": 600, "pf": 0.4859583333333333, "in_bounds_one_im": 1, "error_one_im": 0.071512953289899, "one_im_sa_cls": 21.285714285714285, "model_in_bounds": 1, "pred_cls": 32.21318747878455, "error_w_gmm": 0.11253798165689004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10822564564042654}, "run_7419": {"edge_length": 600, "pf": 0.48989166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0759182412388074, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 31.07939026977741, "error_w_gmm": 0.10772573116415904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10359779547916152}, "run_7420": {"edge_length": 600, "pf": 0.4576472222222222, "in_bounds_one_im": 0, "error_one_im": 0.07917736241397358, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 28.26610441623668, "error_w_gmm": 0.10452189024446372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10051672234315667}, "run_7421": {"edge_length": 600, "pf": 0.5019666666666667, "in_bounds_one_im": 1, "error_one_im": 0.07231367059377514, "one_im_sa_cls": 22.224489795918366, "model_in_bounds": 1, "pred_cls": 45.80747195356978, "error_w_gmm": 0.15498649889952543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14904758075447008}, "run_7422": {"edge_length": 600, "pf": 0.510375, "in_bounds_one_im": 1, "error_one_im": 0.07247877344866692, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 28.754248439566354, "error_w_gmm": 0.09566540044858456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09199960383654295}, "run_7423": {"edge_length": 600, "pf": 0.4882111111111111, "in_bounds_one_im": 1, "error_one_im": 0.06866577691184639, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 28.028104910426386, "error_w_gmm": 0.09747676518530907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09374155899902294}, "run_7424": {"edge_length": 600, "pf": 0.5488833333333333, "in_bounds_one_im": 0, "error_one_im": 0.0648492409300924, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 46.06273150564789, "error_w_gmm": 0.1418469099886056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13641148694509594}, "run_7425": {"edge_length": 600, "pf": 0.5128888888888888, "in_bounds_one_im": 1, "error_one_im": 0.06945137342475996, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 46.215209348996844, "error_w_gmm": 0.15298648784957294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1471242080052678}, "run_7426": {"edge_length": 600, "pf": 0.5099333333333333, "in_bounds_one_im": 1, "error_one_im": 0.06770666102071106, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 28.067156319699546, "error_w_gmm": 0.09346200027255001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08988063561670567}, "run_7427": {"edge_length": 600, "pf": 0.537475, "in_bounds_one_im": 1, "error_one_im": 0.07217056219374435, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 30.481179081378727, "error_w_gmm": 0.09604748810627543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0923670503007145}, "run_7428": {"edge_length": 600, "pf": 0.4968194444444444, "in_bounds_one_im": 1, "error_one_im": 0.07641649559930937, "one_im_sa_cls": 23.244897959183675, "model_in_bounds": 1, "pred_cls": 30.22585338616109, "error_w_gmm": 0.10332537290342045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09936605427671509}, "run_7429": {"edge_length": 600, "pf": 0.49969166666666665, "in_bounds_one_im": 1, "error_one_im": 0.07104249139508467, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 52.92192254236416, "error_w_gmm": 0.17987433649801687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17298174283054923}, "run_7430": {"edge_length": 600, "pf": 0.48057222222222223, "in_bounds_one_im": 1, "error_one_im": 0.09800165804474084, "one_im_sa_cls": 28.857142857142858, "model_in_bounds": 1, "pred_cls": 37.255208908139764, "error_w_gmm": 0.13156368630412632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12652230547824886}, "run_7431": {"edge_length": 600, "pf": 0.5408805555555556, "in_bounds_one_im": 0, "error_one_im": 0.05662964514877564, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 25.219675351304655, "error_w_gmm": 0.07892551555764155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0759011735679757}, "run_7432": {"edge_length": 600, "pf": 0.49956388888888886, "in_bounds_one_im": 1, "error_one_im": 0.08033523139013145, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 35.44464104412705, "error_w_gmm": 0.12050225139603438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11588473301593417}, "run_7433": {"edge_length": 600, "pf": 0.5085888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06323639825770992, "one_im_sa_cls": 19.693877551020407, "model_in_bounds": 1, "pred_cls": 35.02415832390962, "error_w_gmm": 0.11694254379627055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11246142963334702}, "run_7434": {"edge_length": 600, "pf": 0.5124888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06697119024267896, "one_im_sa_cls": 21.020408163265305, "model_in_bounds": 1, "pred_cls": 24.72485903326275, "error_w_gmm": 0.08191239675155568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07877360064462417}, "run_7435": {"edge_length": 600, "pf": 0.5385972222222222, "in_bounds_one_im": 0, "error_one_im": 0.06441830703738259, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 41.90258540063664, "error_w_gmm": 0.13173908564746006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1266909837049037}, "run_7436": {"edge_length": 600, "pf": 0.49023055555555556, "in_bounds_one_im": 1, "error_one_im": 0.07851804118148108, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 31.95675586331605, "error_w_gmm": 0.11069172966204037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1064501400625255}, "run_7437": {"edge_length": 600, "pf": 0.5012083333333334, "in_bounds_one_im": 1, "error_one_im": 0.07382002575044855, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 24.97531880217748, "error_w_gmm": 0.08463057093420778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08138761727749347}, "run_7438": {"edge_length": 600, "pf": 0.4973944444444444, "in_bounds_one_im": 1, "error_one_im": 0.07887518679006343, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 37.872815841884226, "error_w_gmm": 0.12931727681008853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12436197601182696}, "run_7439": {"edge_length": 600, "pf": 0.48101666666666665, "in_bounds_one_im": 1, "error_one_im": 0.08669653349152628, "one_im_sa_cls": 25.551020408163264, "model_in_bounds": 1, "pred_cls": 26.563429475515676, "error_w_gmm": 0.09372308263766162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09013171358268228}, "run_7440": {"edge_length": 600, "pf": 0.49799444444444446, "in_bounds_one_im": 1, "error_one_im": 0.06720111612330272, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 28.054130649592665, "error_w_gmm": 0.09567635138425563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09201013514398165}, "run_7441": {"edge_length": 800, "pf": 0.5077640625, "in_bounds_one_im": 1, "error_one_im": 0.049080938807296456, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 29.575657596637285, "error_w_gmm": 0.0723115742743137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07134247842890597}, "run_7442": {"edge_length": 800, "pf": 0.487059375, "in_bounds_one_im": 1, "error_one_im": 0.057570165198434504, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 20.937556987825907, "error_w_gmm": 0.053356376591543304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05264131204759175}, "run_7443": {"edge_length": 800, "pf": 0.47194375, "in_bounds_one_im": 0, "error_one_im": 0.05272931826592982, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 30.236327803832204, "error_w_gmm": 0.07942216968364395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07835777998605947}, "run_7444": {"edge_length": 800, "pf": 0.479575, "in_bounds_one_im": 1, "error_one_im": 0.05067872404525863, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 25.39908360725577, "error_w_gmm": 0.06570320929476628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0648226765751221}, "run_7445": {"edge_length": 800, "pf": 0.5155046875, "in_bounds_one_im": 1, "error_one_im": 0.05201040390105334, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 26.5279606670401, "error_w_gmm": 0.06386311138361361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06300723904868274}, "run_7446": {"edge_length": 800, "pf": 0.5318640625, "in_bounds_one_im": 0, "error_one_im": 0.05436646905119072, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 34.281250483150835, "error_w_gmm": 0.07986565377027519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07879532064537403}, "run_7447": {"edge_length": 800, "pf": 0.4890078125, "in_bounds_one_im": 1, "error_one_im": 0.06353051618832871, "one_im_sa_cls": 25.367346938775512, "model_in_bounds": 1, "pred_cls": 29.132434405427865, "error_w_gmm": 0.07395094644709375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07295988027705026}, "run_7448": {"edge_length": 800, "pf": 0.5153953125, "in_bounds_one_im": 1, "error_one_im": 0.06685745848743721, "one_im_sa_cls": 28.142857142857142, "model_in_bounds": 1, "pred_cls": 29.23366260558151, "error_w_gmm": 0.07039219884005517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06944882583055269}, "run_7449": {"edge_length": 800, "pf": 0.493853125, "in_bounds_one_im": 1, "error_one_im": 0.05152869915254259, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 26.296535459436253, "error_w_gmm": 0.06610824671046377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0652222858130938}, "run_7450": {"edge_length": 800, "pf": 0.495971875, "in_bounds_one_im": 1, "error_one_im": 0.0532765227931761, "one_im_sa_cls": 21.571428571428573, "model_in_bounds": 1, "pred_cls": 27.452959597823178, "error_w_gmm": 0.06872357754732074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06780256684950323}, "run_7451": {"edge_length": 800, "pf": 0.472140625, "in_bounds_one_im": 1, "error_one_im": 0.06502652854828643, "one_im_sa_cls": 25.10204081632653, "model_in_bounds": 1, "pred_cls": 34.022553395343266, "error_w_gmm": 0.08933220761829627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08813500686402156}, "run_7452": {"edge_length": 800, "pf": 0.4626125, "in_bounds_one_im": 0, "error_one_im": 0.05442751374925034, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 0, "pred_cls": 22.056430292512058, "error_w_gmm": 0.059032075402716155, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05824094701707823}, "run_7453": {"edge_length": 800, "pf": 0.51371875, "in_bounds_one_im": 1, "error_one_im": 0.05000762074992329, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 25.60767033667476, "error_w_gmm": 0.06186839531236743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061039255503685906}, "run_7454": {"edge_length": 800, "pf": 0.496171875, "in_bounds_one_im": 1, "error_one_im": 0.05501863285002017, "one_im_sa_cls": 22.285714285714285, "model_in_bounds": 1, "pred_cls": 31.714448277547877, "error_w_gmm": 0.07935970058922208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07829614808181748}, "run_7455": {"edge_length": 800, "pf": 0.489253125, "in_bounds_one_im": 1, "error_one_im": 0.06365259609506305, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 20.94205816770018, "error_w_gmm": 0.053134077440726554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052421992076604224}, "run_7456": {"edge_length": 800, "pf": 0.5152890625, "in_bounds_one_im": 1, "error_one_im": 0.05135395921273729, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 29.71768659684965, "error_w_gmm": 0.07157290982674416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07061371331839923}, "run_7457": {"edge_length": 800, "pf": 0.515171875, "in_bounds_one_im": 1, "error_one_im": 0.05156002491543441, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 28.47588918915239, "error_w_gmm": 0.06859822087656191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06767889016746048}, "run_7458": {"edge_length": 800, "pf": 0.500340625, "in_bounds_one_im": 1, "error_one_im": 0.04811632481313078, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 23.85233858648332, "error_w_gmm": 0.059190612000301825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05839735895952253}, "run_7459": {"edge_length": 800, "pf": 0.52100625, "in_bounds_one_im": 1, "error_one_im": 0.056905756309552566, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 27.53377248147429, "error_w_gmm": 0.06555818238440125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06467959326753041}, "run_7460": {"edge_length": 800, "pf": 0.476184375, "in_bounds_one_im": 1, "error_one_im": 0.056845090240597314, "one_im_sa_cls": 22.122448979591837, "model_in_bounds": 1, "pred_cls": 30.741321091641847, "error_w_gmm": 0.08006485272996829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07899185000637302}, "run_7461": {"edge_length": 800, "pf": 0.499825, "in_bounds_one_im": 1, "error_one_im": 0.06337101190293361, "one_im_sa_cls": 25.857142857142858, "model_in_bounds": 1, "pred_cls": 31.787637484992235, "error_w_gmm": 0.0789637895891257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07790554295023794}, "run_7462": {"edge_length": 800, "pf": 0.4964109375, "in_bounds_one_im": 1, "error_one_im": 0.05589879891627326, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 32.28521270418597, "error_w_gmm": 0.08074931624805527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0796671405703601}, "run_7463": {"edge_length": 800, "pf": 0.5003015625, "in_bounds_one_im": 1, "error_one_im": 0.057114492282935435, "one_im_sa_cls": 23.3265306122449, "model_in_bounds": 1, "pred_cls": 31.77185331836582, "error_w_gmm": 0.0788493909223034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07779267741658066}, "run_7464": {"edge_length": 800, "pf": 0.498815625, "in_bounds_one_im": 1, "error_one_im": 0.0521223634533128, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 27.0681678718592, "error_w_gmm": 0.06737601583972087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06647306471902323}, "run_7465": {"edge_length": 800, "pf": 0.5015890625, "in_bounds_one_im": 1, "error_one_im": 0.05268133410298754, "one_im_sa_cls": 21.571428571428573, "model_in_bounds": 1, "pred_cls": 21.923248994913436, "error_w_gmm": 0.05426782271866499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05354054327462347}, "run_7466": {"edge_length": 800, "pf": 0.4948921875, "in_bounds_one_im": 1, "error_one_im": 0.06081703662064156, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 26.189663831281454, "error_w_gmm": 0.06570287834344488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06482235005910086}, "run_7467": {"edge_length": 800, "pf": 0.484684375, "in_bounds_one_im": 1, "error_one_im": 0.06696969497586483, "one_im_sa_cls": 26.510204081632654, "model_in_bounds": 1, "pred_cls": 27.0302899474412, "error_w_gmm": 0.06921107232649155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06828352838458568}, "run_7468": {"edge_length": 800, "pf": 0.486984375, "in_bounds_one_im": 1, "error_one_im": 0.06373696839089688, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 30.578226957412777, "error_w_gmm": 0.07793594586386167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0768914740472465}, "run_7469": {"edge_length": 800, "pf": 0.519759375, "in_bounds_one_im": 1, "error_one_im": 0.04931030250190657, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 25.48381301309935, "error_w_gmm": 0.060828963981960915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06001375428881058}, "run_7470": {"edge_length": 800, "pf": 0.509525, "in_bounds_one_im": 1, "error_one_im": 0.04571972668065493, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 30.668451581416367, "error_w_gmm": 0.07471972528881714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07371835619854242}, "run_7471": {"edge_length": 800, "pf": 0.4812265625, "in_bounds_one_im": 1, "error_one_im": 0.055910296727752155, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 24.974845401463, "error_w_gmm": 0.06439239913720056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06352943346253585}, "run_7472": {"edge_length": 800, "pf": 0.5159203125, "in_bounds_one_im": 1, "error_one_im": 0.05196714551308778, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 26.781760454875165, "error_w_gmm": 0.06442048134287436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06355713931976024}, "run_7473": {"edge_length": 800, "pf": 0.4962921875, "in_bounds_one_im": 1, "error_one_im": 0.05601281964617808, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 31.055230225340768, "error_w_gmm": 0.07769142821209991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07665023334032824}, "run_7474": {"edge_length": 800, "pf": 0.4798921875, "in_bounds_one_im": 1, "error_one_im": 0.05132320719768155, "one_im_sa_cls": 20.122448979591837, "model_in_bounds": 1, "pred_cls": 27.10631387686655, "error_w_gmm": 0.07007498922381235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0691358673528629}, "run_7475": {"edge_length": 800, "pf": 0.5011359375, "in_bounds_one_im": 1, "error_one_im": 0.05731857544503722, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 28.058379259261844, "error_w_gmm": 0.0695174198262663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06858577031630628}, "run_7476": {"edge_length": 800, "pf": 0.483565625, "in_bounds_one_im": 1, "error_one_im": 0.0574574928805079, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 28.71877603247955, "error_w_gmm": 0.07369932587023227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0727116318360896}, "run_7477": {"edge_length": 800, "pf": 0.5215765625, "in_bounds_one_im": 1, "error_one_im": 0.05090289447965999, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 40.67372738863141, "error_w_gmm": 0.09673394313824345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09543754676814685}, "run_7478": {"edge_length": 800, "pf": 0.4825734375, "in_bounds_one_im": 1, "error_one_im": 0.06632141859371919, "one_im_sa_cls": 26.142857142857142, "model_in_bounds": 1, "pred_cls": 26.163916141820955, "error_w_gmm": 0.06727645975232859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06637484284944654}, "run_7479": {"edge_length": 800, "pf": 0.494928125, "in_bounds_one_im": 1, "error_one_im": 0.06086317395828929, "one_im_sa_cls": 24.591836734693878, "model_in_bounds": 1, "pred_cls": 26.33661084763687, "error_w_gmm": 0.06606677998486062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06518137481085734}, "run_7480": {"edge_length": 800, "pf": 0.5069078125, "in_bounds_one_im": 1, "error_one_im": 0.06440280298501781, "one_im_sa_cls": 26.653061224489797, "model_in_bounds": 1, "pred_cls": 29.982335398056065, "error_w_gmm": 0.07343155999900366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07244745447466674}, "run_7481": {"edge_length": 1000, "pf": 0.479472, "in_bounds_one_im": 0, "error_one_im": 0.04121817181722199, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 1, "pred_cls": 22.319170429628294, "error_w_gmm": 0.04651022782069222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045579185720654884}, "run_7482": {"edge_length": 1000, "pf": 0.490949, "in_bounds_one_im": 1, "error_one_im": 0.04594344618741399, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 31.588613040188402, "error_w_gmm": 0.06433140122458236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0630436147375887}, "run_7483": {"edge_length": 1000, "pf": 0.488979, "in_bounds_one_im": 1, "error_one_im": 0.0397050283658016, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 27.313844994028134, "error_w_gmm": 0.05584536140679049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05472744853046629}, "run_7484": {"edge_length": 1000, "pf": 0.486317, "in_bounds_one_im": 1, "error_one_im": 0.04855006096460178, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 26.072106903418394, "error_w_gmm": 0.05359126331412998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05251847299084871}, "run_7485": {"edge_length": 1000, "pf": 0.48168, "in_bounds_one_im": 1, "error_one_im": 0.04867093612920261, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 26.50007111915499, "error_w_gmm": 0.05497898420142604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05387841447069586}, "run_7486": {"edge_length": 1000, "pf": 0.541314, "in_bounds_one_im": 0, "error_one_im": 0.03913978072217439, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 0, "pred_cls": 25.130362592253544, "error_w_gmm": 0.04626599038029938, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04533983742723175}, "run_7487": {"edge_length": 1000, "pf": 0.504971, "in_bounds_one_im": 1, "error_one_im": 0.046692585002546354, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 26.728181397373135, "error_w_gmm": 0.05292751546732036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05186801205356729}, "run_7488": {"edge_length": 1000, "pf": 0.503865, "in_bounds_one_im": 1, "error_one_im": 0.04524803243712249, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 25.85585341373216, "error_w_gmm": 0.05131350842205864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050286314213813875}, "run_7489": {"edge_length": 1000, "pf": 0.484826, "in_bounds_one_im": 1, "error_one_im": 0.051911282500802305, "one_im_sa_cls": 25.693877551020407, "model_in_bounds": 1, "pred_cls": 32.243960745659855, "error_w_gmm": 0.06647562004414595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06514491056824757}, "run_7490": {"edge_length": 1000, "pf": 0.503231, "in_bounds_one_im": 1, "error_one_im": 0.041490250761269526, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 30.274631435090907, "error_w_gmm": 0.060159249594875355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05895498127145574}, "run_7491": {"edge_length": 1000, "pf": 0.500844, "in_bounds_one_im": 1, "error_one_im": 0.04612123260483763, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 29.59835000509774, "error_w_gmm": 0.0590968601742802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05791385877049435}, "run_7492": {"edge_length": 1000, "pf": 0.495059, "in_bounds_one_im": 1, "error_one_im": 0.04508250539913225, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 26.6402880477755, "error_w_gmm": 0.053809722177933464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052732558743427936}, "run_7493": {"edge_length": 1000, "pf": 0.496617, "in_bounds_one_im": 1, "error_one_im": 0.04047217591116285, "one_im_sa_cls": 20.510204081632654, "model_in_bounds": 1, "pred_cls": 22.64168674691699, "error_w_gmm": 0.04559080435599083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044678167281976905}, "run_7494": {"edge_length": 1000, "pf": 0.487023, "in_bounds_one_im": 1, "error_one_im": 0.05114983819542423, "one_im_sa_cls": 25.428571428571427, "model_in_bounds": 1, "pred_cls": 29.78724477931086, "error_w_gmm": 0.06114128202269406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059917355366543364}, "run_7495": {"edge_length": 1000, "pf": 0.493594, "in_bounds_one_im": 1, "error_one_im": 0.04403987123086937, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 30.132040442005685, "error_w_gmm": 0.061041194368868755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059819271268145936}, "run_7496": {"edge_length": 1000, "pf": 0.503123, "in_bounds_one_im": 1, "error_one_im": 0.048495250059493705, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 26.58174109354603, "error_w_gmm": 0.05283245365087466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05177485318529794}, "run_7497": {"edge_length": 1000, "pf": 0.483072, "in_bounds_one_im": 1, "error_one_im": 0.05370760660424081, "one_im_sa_cls": 26.489795918367346, "model_in_bounds": 1, "pred_cls": 33.75053202685655, "error_w_gmm": 0.0698264100713645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06842862445479955}, "run_7498": {"edge_length": 1000, "pf": 0.493088, "in_bounds_one_im": 1, "error_one_im": 0.044733367501374764, "one_im_sa_cls": 22.510204081632654, "model_in_bounds": 1, "pred_cls": 26.5348508400993, "error_w_gmm": 0.05380847896211894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05273134041431724}, "run_7499": {"edge_length": 1000, "pf": 0.501125, "in_bounds_one_im": 1, "error_one_im": 0.04868942855142104, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 27.5200368177507, "error_w_gmm": 0.054916372477065246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053817056108317315}, "run_7500": {"edge_length": 1000, "pf": 0.512838, "in_bounds_one_im": 1, "error_one_im": 0.0459634288676014, "one_im_sa_cls": 24.06122448979592, "model_in_bounds": 1, "pred_cls": 25.87815968644835, "error_w_gmm": 0.05044405465554446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04943426517951861}, "run_7501": {"edge_length": 1000, "pf": 0.49549, "in_bounds_one_im": 1, "error_one_im": 0.04593161495991312, "one_im_sa_cls": 23.224489795918366, "model_in_bounds": 1, "pred_cls": 31.55744240120454, "error_w_gmm": 0.06368677190664436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062411889614320176}, "run_7502": {"edge_length": 1000, "pf": 0.483674, "in_bounds_one_im": 1, "error_one_im": 0.05347760061984848, "one_im_sa_cls": 26.408163265306122, "model_in_bounds": 1, "pred_cls": 30.46674108267212, "error_w_gmm": 0.06295665188990876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06169638514572334}, "run_7503": {"edge_length": 1000, "pf": 0.499535, "in_bounds_one_im": 1, "error_one_im": 0.04956516424659354, "one_im_sa_cls": 25.26530612244898, "model_in_bounds": 1, "pred_cls": 25.1530231976085, "error_w_gmm": 0.050352852793460516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049344888997014766}, "run_7504": {"edge_length": 1000, "pf": 0.506798, "in_bounds_one_im": 1, "error_one_im": 0.043641744893311706, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 30.26973372638196, "error_w_gmm": 0.05972189294065259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058526379626118}, "run_7505": {"edge_length": 1000, "pf": 0.50503, "in_bounds_one_im": 1, "error_one_im": 0.04751865145190621, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 26.059299206754385, "error_w_gmm": 0.051596896275356234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05056402920687349}, "run_7506": {"edge_length": 1000, "pf": 0.496248, "in_bounds_one_im": 1, "error_one_im": 0.04433060956885128, "one_im_sa_cls": 22.448979591836736, "model_in_bounds": 1, "pred_cls": 28.739484511068298, "error_w_gmm": 0.057911921739252796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05675264044221879}, "run_7507": {"edge_length": 1000, "pf": 0.500649, "in_bounds_one_im": 1, "error_one_im": 0.04538022322153559, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 30.41165598635574, "error_w_gmm": 0.06074441448500867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05952843232629512}, "run_7508": {"edge_length": 1000, "pf": 0.51875, "in_bounds_one_im": 1, "error_one_im": 0.04912114846410098, "one_im_sa_cls": 26.020408163265305, "model_in_bounds": 1, "pred_cls": 32.619147456271726, "error_w_gmm": 0.06283605599872255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06157820334401909}, "run_7509": {"edge_length": 1000, "pf": 0.442867, "in_bounds_one_im": 0, "error_one_im": 0.051772674588269146, "one_im_sa_cls": 23.551020408163264, "model_in_bounds": 0, "pred_cls": 30.109306488193752, "error_w_gmm": 0.06754193983780347, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06618988476403301}, "run_7510": {"edge_length": 1000, "pf": 0.500509, "in_bounds_one_im": 1, "error_one_im": 0.04759065263464796, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 28.317337476051026, "error_w_gmm": 0.05657705016908592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05544449034146205}, "run_7511": {"edge_length": 1000, "pf": 0.483067, "in_bounds_one_im": 1, "error_one_im": 0.04692221543577196, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 30.453055868500936, "error_w_gmm": 0.06300489882942194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06174366627762842}, "run_7512": {"edge_length": 1000, "pf": 0.494407, "in_bounds_one_im": 1, "error_one_im": 0.042835731906656106, "one_im_sa_cls": 21.612244897959183, "model_in_bounds": 1, "pred_cls": 26.643486315972666, "error_w_gmm": 0.05388641212493302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052807713510475564}, "run_7513": {"edge_length": 1000, "pf": 0.505685, "in_bounds_one_im": 1, "error_one_im": 0.05738274007872872, "one_im_sa_cls": 29.612244897959183, "model_in_bounds": 1, "pred_cls": 32.80040212973291, "error_w_gmm": 0.06485911564324284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06356076536493722}, "run_7514": {"edge_length": 1000, "pf": 0.510216, "in_bounds_one_im": 1, "error_one_im": 0.044441665433812325, "one_im_sa_cls": 23.142857142857142, "model_in_bounds": 1, "pred_cls": 28.615783937181536, "error_w_gmm": 0.056073918196030026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054951430068131975}, "run_7515": {"edge_length": 1000, "pf": 0.501712, "in_bounds_one_im": 1, "error_one_im": 0.04596150997791362, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 28.30791343102267, "error_w_gmm": 0.05642230501307185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0552928428751772}, "run_7516": {"edge_length": 1000, "pf": 0.511361, "in_bounds_one_im": 1, "error_one_im": 0.044379063616400656, "one_im_sa_cls": 23.163265306122447, "model_in_bounds": 1, "pred_cls": 31.441722223557985, "error_w_gmm": 0.06147047714538871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06023996065872724}, "run_7517": {"edge_length": 1000, "pf": 0.506402, "in_bounds_one_im": 1, "error_one_im": 0.042294166570222266, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 23.483744220459936, "error_w_gmm": 0.0463699178729042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04544168449848621}, "run_7518": {"edge_length": 1000, "pf": 0.496617, "in_bounds_one_im": 1, "error_one_im": 0.046553070003287816, "one_im_sa_cls": 23.591836734693878, "model_in_bounds": 1, "pred_cls": 25.795190451873243, "error_w_gmm": 0.051940630323268996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05090088238395816}, "run_7519": {"edge_length": 1000, "pf": 0.502958, "in_bounds_one_im": 1, "error_one_im": 0.04163220146810853, "one_im_sa_cls": 21.367346938775512, "model_in_bounds": 1, "pred_cls": 28.33977147794107, "error_w_gmm": 0.05634521280301179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05521729389757414}, "run_7520": {"edge_length": 1000, "pf": 0.476646, "in_bounds_one_im": 0, "error_one_im": 0.04778115678634612, "one_im_sa_cls": 23.26530612244898, "model_in_bounds": 1, "pred_cls": 25.825882476934506, "error_w_gmm": 0.054123386625375663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053039944253536545}, "run_7521": {"edge_length": 1200, "pf": 0.48999930555555554, "in_bounds_one_im": 1, "error_one_im": 0.03910715806856534, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 32.00624113326114, "error_w_gmm": 0.05442157092996551, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053332159502412164}, "run_7522": {"edge_length": 1200, "pf": 0.49509166666666665, "in_bounds_one_im": 1, "error_one_im": 0.036926730228285895, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 25.687857298774887, "error_w_gmm": 0.04323546067023908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04236997288433335}, "run_7523": {"edge_length": 1200, "pf": 0.5036208333333333, "in_bounds_one_im": 1, "error_one_im": 0.03633524009070266, "one_im_sa_cls": 22.408163265306122, "model_in_bounds": 1, "pred_cls": 27.511857423657588, "error_w_gmm": 0.04552223651956445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446109720370302}, "run_7524": {"edge_length": 1200, "pf": 0.5241354166666666, "in_bounds_one_im": 0, "error_one_im": 0.03973269403212852, "one_im_sa_cls": 25.53061224489796, "model_in_bounds": 1, "pred_cls": 29.7005309549688, "error_w_gmm": 0.04716641861349622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04622224088109619}, "run_7525": {"edge_length": 1200, "pf": 0.49629375, "in_bounds_one_im": 1, "error_one_im": 0.0397259943393145, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 27.755259453316086, "error_w_gmm": 0.04660293917716418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04567004118047621}, "run_7526": {"edge_length": 1200, "pf": 0.4877520833333333, "in_bounds_one_im": 1, "error_one_im": 0.04287015212572785, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 29.99443957464812, "error_w_gmm": 0.051230669960886106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050205134013597386}, "run_7527": {"edge_length": 1200, "pf": 0.4770638888888889, "in_bounds_one_im": 0, "error_one_im": 0.04044736603768461, "one_im_sa_cls": 23.653061224489797, "model_in_bounds": 1, "pred_cls": 29.46768080679385, "error_w_gmm": 0.051419843552038824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050390520726340114}, "run_7528": {"edge_length": 1200, "pf": 0.49204166666666665, "in_bounds_one_im": 1, "error_one_im": 0.039726644257616565, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 26.520260640064386, "error_w_gmm": 0.04490964705254579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04401064539069762}, "run_7529": {"edge_length": 1200, "pf": 0.4994618055555556, "in_bounds_one_im": 1, "error_one_im": 0.03970865676054494, "one_im_sa_cls": 24.285714285714285, "model_in_bounds": 1, "pred_cls": 28.387387173481482, "error_w_gmm": 0.04736326584055599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04641514761884299}, "run_7530": {"edge_length": 1200, "pf": 0.49581736111111113, "in_bounds_one_im": 1, "error_one_im": 0.03798238985922929, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 25.975362047906362, "error_w_gmm": 0.04365594944664343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04278204431316124}, "run_7531": {"edge_length": 1200, "pf": 0.5001111111111111, "in_bounds_one_im": 1, "error_one_im": 0.039490497536820664, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 22.290340376202497, "error_w_gmm": 0.03714231252914412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036398797429826685}, "run_7532": {"edge_length": 1200, "pf": 0.4985645833333333, "in_bounds_one_im": 1, "error_one_im": 0.03854311960924839, "one_im_sa_cls": 23.53061224489796, "model_in_bounds": 1, "pred_cls": 29.090909423143287, "error_w_gmm": 0.048624241332583217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04765088089372343}, "run_7533": {"edge_length": 1200, "pf": 0.4830409722222222, "in_bounds_one_im": 1, "error_one_im": 0.03713834491286852, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 26.39686234286928, "error_w_gmm": 0.04551317514103921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044602092049250225}, "run_7534": {"edge_length": 1200, "pf": 0.48323680555555554, "in_bounds_one_im": 1, "error_one_im": 0.04205294162821429, "one_im_sa_cls": 24.897959183673468, "model_in_bounds": 1, "pred_cls": 26.070201872209537, "error_w_gmm": 0.04493232882109398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04403287311542766}, "run_7535": {"edge_length": 1200, "pf": 0.5124770833333333, "in_bounds_one_im": 1, "error_one_im": 0.03852559972159402, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 30.108517546738465, "error_w_gmm": 0.04894388227583863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04796412326210596}, "run_7536": {"edge_length": 1200, "pf": 0.4893326388888889, "in_bounds_one_im": 1, "error_one_im": 0.03902315158140776, "one_im_sa_cls": 23.387755102040817, "model_in_bounds": 1, "pred_cls": 28.996243186234288, "error_w_gmm": 0.04936935364587498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04838107754296801}, "run_7537": {"edge_length": 1200, "pf": 0.5009013888888889, "in_bounds_one_im": 1, "error_one_im": 0.04002703813671646, "one_im_sa_cls": 24.551020408163264, "model_in_bounds": 1, "pred_cls": 23.44838104319966, "error_w_gmm": 0.039010244763399926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03822933738217807}, "run_7538": {"edge_length": 1200, "pf": 0.48075555555555555, "in_bounds_one_im": 0, "error_one_im": 0.03807081997903047, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 29.435980878167104, "error_w_gmm": 0.050986010989056064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04996537262695658}, "run_7539": {"edge_length": 1200, "pf": 0.49037430555555556, "in_bounds_one_im": 1, "error_one_im": 0.03887394308410735, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 27.45089878350755, "error_w_gmm": 0.04664092158847653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04570726325958526}, "run_7540": {"edge_length": 1200, "pf": 0.5021972222222222, "in_bounds_one_im": 1, "error_one_im": 0.04347439683886762, "one_im_sa_cls": 26.73469387755102, "model_in_bounds": 1, "pred_cls": 27.290614947739765, "error_w_gmm": 0.045284917014670585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04437840319581969}, "run_7541": {"edge_length": 1200, "pf": 0.49899444444444446, "in_bounds_one_im": 1, "error_one_im": 0.03840979780093207, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 27.016816525914255, "error_w_gmm": 0.04511867515255882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04421548916458877}, "run_7542": {"edge_length": 1200, "pf": 0.4962083333333333, "in_bounds_one_im": 1, "error_one_im": 0.03885953387250469, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 30.214095886030087, "error_w_gmm": 0.05074015805419935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04972444117805035}, "run_7543": {"edge_length": 1200, "pf": 0.4812736111111111, "in_bounds_one_im": 0, "error_one_im": 0.03692396501236624, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 24.850650838678582, "error_w_gmm": 0.04299912948656892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04213837258012464}, "run_7544": {"edge_length": 1200, "pf": 0.5102972222222222, "in_bounds_one_im": 1, "error_one_im": 0.03951034454191787, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 31.58961436870088, "error_w_gmm": 0.05157601167394956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05054356267357923}, "run_7545": {"edge_length": 1200, "pf": 0.5141083333333333, "in_bounds_one_im": 1, "error_one_im": 0.033992934444571084, "one_im_sa_cls": 21.408163265306122, "model_in_bounds": 1, "pred_cls": 27.31766507907866, "error_w_gmm": 0.04426237664003575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0433763320423085}, "run_7546": {"edge_length": 1200, "pf": 0.4975590277777778, "in_bounds_one_im": 1, "error_one_im": 0.04009453062913619, "one_im_sa_cls": 24.428571428571427, "model_in_bounds": 1, "pred_cls": 28.770141987001676, "error_w_gmm": 0.04818490124439139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04722033551881316}, "run_7547": {"edge_length": 1200, "pf": 0.5117784722222222, "in_bounds_one_im": 1, "error_one_im": 0.03717956676179208, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 27.20837045401247, "error_w_gmm": 0.044291331629572474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04340470741064085}, "run_7548": {"edge_length": 1200, "pf": 0.49169305555555554, "in_bounds_one_im": 1, "error_one_im": 0.038974862304906814, "one_im_sa_cls": 23.46938775510204, "model_in_bounds": 1, "pred_cls": 24.26838286921176, "error_w_gmm": 0.04112496788486112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040301727959847045}, "run_7549": {"edge_length": 1200, "pf": 0.5027923611111111, "in_bounds_one_im": 1, "error_one_im": 0.04617388767356359, "one_im_sa_cls": 28.428571428571427, "model_in_bounds": 1, "pred_cls": 28.325837648461015, "error_w_gmm": 0.04694680830971923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04600702673807771}, "run_7550": {"edge_length": 1200, "pf": 0.5043076388888889, "in_bounds_one_im": 1, "error_one_im": 0.03856558830959221, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 27.771056736849015, "error_w_gmm": 0.04588803862060086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04496945150878035}, "run_7551": {"edge_length": 1200, "pf": 0.48232847222222225, "in_bounds_one_im": 1, "error_one_im": 0.04572086517422413, "one_im_sa_cls": 27.020408163265305, "model_in_bounds": 1, "pred_cls": 31.32216329441187, "error_w_gmm": 0.05408242900953116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05299980652756269}, "run_7552": {"edge_length": 1200, "pf": 0.49466041666666666, "in_bounds_one_im": 1, "error_one_im": 0.03517299441519144, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 23.25405495188556, "error_w_gmm": 0.03917288192551598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03838871887232573}, "run_7553": {"edge_length": 1200, "pf": 0.49243194444444444, "in_bounds_one_im": 1, "error_one_im": 0.03742828463266567, "one_im_sa_cls": 22.571428571428573, "model_in_bounds": 1, "pred_cls": 27.121722163289363, "error_w_gmm": 0.04589232324855957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044973650367023395}, "run_7554": {"edge_length": 1200, "pf": 0.5076048611111111, "in_bounds_one_im": 1, "error_one_im": 0.03883734220193483, "one_im_sa_cls": 24.142857142857142, "model_in_bounds": 1, "pred_cls": 29.5070141348607, "error_w_gmm": 0.048435970551188826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04746637891828634}, "run_7555": {"edge_length": 1200, "pf": 0.48048125, "in_bounds_one_im": 0, "error_one_im": 0.038195724332943416, "one_im_sa_cls": 22.489795918367346, "model_in_bounds": 1, "pred_cls": 27.044451263214206, "error_w_gmm": 0.04686939141689418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04593115957721163}, "run_7556": {"edge_length": 1200, "pf": 0.5037430555555555, "in_bounds_one_im": 1, "error_one_im": 0.0373188822100483, "one_im_sa_cls": 23.020408163265305, "model_in_bounds": 1, "pred_cls": 28.317550292914717, "error_w_gmm": 0.04684391590351489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04590619403285617}, "run_7557": {"edge_length": 1200, "pf": 0.4978201388888889, "in_bounds_one_im": 1, "error_one_im": 0.03906924658132475, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 28.039847982601078, "error_w_gmm": 0.04693726929289668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04599767867336764}, "run_7558": {"edge_length": 1200, "pf": 0.5122263888888889, "in_bounds_one_im": 1, "error_one_im": 0.03867504215143484, "one_im_sa_cls": 24.26530612244898, "model_in_bounds": 1, "pred_cls": 27.677556286497968, "error_w_gmm": 0.0450147319514278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044113626699261506}, "run_7559": {"edge_length": 1200, "pf": 0.48409305555555554, "in_bounds_one_im": 1, "error_one_im": 0.03895277949277966, "one_im_sa_cls": 23.10204081632653, "model_in_bounds": 1, "pred_cls": 27.38382871426585, "error_w_gmm": 0.047115540740338684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04617238148159668}, "run_7560": {"edge_length": 1200, "pf": 0.4914722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03583881193504856, "one_im_sa_cls": 21.571428571428573, "model_in_bounds": 1, "pred_cls": 29.10039379595321, "error_w_gmm": 0.04933503807029168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04834744889684203}, "run_7561": {"edge_length": 1400, "pf": 0.499725, "in_bounds_one_im": 1, "error_one_im": 0.03247440246182725, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 28.154225396896894, "error_w_gmm": 0.03943760027414877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03943687559898904}, "run_7562": {"edge_length": 1400, "pf": 0.5148372448979592, "in_bounds_one_im": 1, "error_one_im": 0.03225614317076767, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 28.28941837068231, "error_w_gmm": 0.03844685344324851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038446146973294244}, "run_7563": {"edge_length": 1400, "pf": 0.4811367346938776, "in_bounds_one_im": 0, "error_one_im": 0.03287425652190693, "one_im_sa_cls": 22.612244897959183, "model_in_bounds": 1, "pred_cls": 29.33888107384597, "error_w_gmm": 0.042654394995600045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04265361121108241}, "run_7564": {"edge_length": 1400, "pf": 0.5015188775510204, "in_bounds_one_im": 1, "error_one_im": 0.033525954696752513, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 28.908488847444044, "error_w_gmm": 0.04034912688355216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040348385458877}, "run_7565": {"edge_length": 1400, "pf": 0.5004469387755102, "in_bounds_one_im": 1, "error_one_im": 0.03388336140641242, "one_im_sa_cls": 24.224489795918366, "model_in_bounds": 1, "pred_cls": 28.32193966941485, "error_w_gmm": 0.03961528847932938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039614560539107176}, "run_7566": {"edge_length": 1400, "pf": 0.4996494897959184, "in_bounds_one_im": 1, "error_one_im": 0.03290817122225982, "one_im_sa_cls": 23.489795918367346, "model_in_bounds": 1, "pred_cls": 31.017274241940374, "error_w_gmm": 0.04345463585531424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04345383736618296}, "run_7567": {"edge_length": 1400, "pf": 0.49852704081632654, "in_bounds_one_im": 1, "error_one_im": 0.03091895589670309, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 26.859923156909083, "error_w_gmm": 0.037714834070259176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03771414105133271}, "run_7568": {"edge_length": 1400, "pf": 0.4913954081632653, "in_bounds_one_im": 1, "error_one_im": 0.03461866596330135, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 29.475051299829428, "error_w_gmm": 0.04198142700614501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04198065558757208}, "run_7569": {"edge_length": 1400, "pf": 0.48006122448979593, "in_bounds_one_im": 0, "error_one_im": 0.03452104900333464, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 0, "pred_cls": 28.30176802096349, "error_w_gmm": 0.0412353221496357, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04123456444091457}, "run_7570": {"edge_length": 1400, "pf": 0.5150464285714286, "in_bounds_one_im": 1, "error_one_im": 0.034737770155367415, "one_im_sa_cls": 25.571428571428573, "model_in_bounds": 1, "pred_cls": 29.022868338120592, "error_w_gmm": 0.03942713848880941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039426414005887506}, "run_7571": {"edge_length": 1400, "pf": 0.5293801020408163, "in_bounds_one_im": 0, "error_one_im": 0.03143736716671421, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 0, "pred_cls": 29.72325658528174, "error_w_gmm": 0.03923519019527503, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03923446923944811}, "run_7572": {"edge_length": 1400, "pf": 0.5071928571428571, "in_bounds_one_im": 1, "error_one_im": 0.029232991578525085, "one_im_sa_cls": 21.183673469387756, "model_in_bounds": 1, "pred_cls": 28.095529558836905, "error_w_gmm": 0.03877190952424274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03877119708130675}, "run_7573": {"edge_length": 1400, "pf": 0.48304285714285716, "in_bounds_one_im": 1, "error_one_im": 0.03774412054193333, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 29.306106549220843, "error_w_gmm": 0.04244441946588454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042443639539716624}, "run_7574": {"edge_length": 1400, "pf": 0.48195204081632653, "in_bounds_one_im": 0, "error_one_im": 0.035516178512395684, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 31.93147531981404, "error_w_gmm": 0.04634790328288263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046347051629283535}, "run_7575": {"edge_length": 1400, "pf": 0.49763622448979594, "in_bounds_one_im": 1, "error_one_im": 0.03441884741713254, "one_im_sa_cls": 24.46938775510204, "model_in_bounds": 1, "pred_cls": 28.96481011985728, "error_w_gmm": 0.04074289513156653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040742146471307444}, "run_7576": {"edge_length": 1400, "pf": 0.5068673469387756, "in_bounds_one_im": 1, "error_one_im": 0.03339466173966875, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 29.44066165453622, "error_w_gmm": 0.04065465921604969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04065391217714634}, "run_7577": {"edge_length": 1400, "pf": 0.5011724489795918, "in_bounds_one_im": 1, "error_one_im": 0.03500289490208465, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 31.98681495646203, "error_w_gmm": 0.04467665562359146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04467583467956028}, "run_7578": {"edge_length": 1400, "pf": 0.4932051020408163, "in_bounds_one_im": 1, "error_one_im": 0.033074433626317234, "one_im_sa_cls": 23.306122448979593, "model_in_bounds": 1, "pred_cls": 27.685187191477453, "error_w_gmm": 0.03928962075078034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039288898794779134}, "run_7579": {"edge_length": 1400, "pf": 0.5114678571428571, "in_bounds_one_im": 1, "error_one_im": 0.03172047670162234, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 27.236700610424514, "error_w_gmm": 0.037266613682383966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03726592889961237}, "run_7580": {"edge_length": 1400, "pf": 0.5028275510204082, "in_bounds_one_im": 1, "error_one_im": 0.03528495479366412, "one_im_sa_cls": 25.346938775510203, "model_in_bounds": 1, "pred_cls": 27.820773071986245, "error_w_gmm": 0.03872944055814756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03872872889558882}, "run_7581": {"edge_length": 1400, "pf": 0.4967744897959184, "in_bounds_one_im": 1, "error_one_im": 0.03209148775335479, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 28.2170355498854, "error_w_gmm": 0.03975951722887421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03975878663841494}, "run_7582": {"edge_length": 1400, "pf": 0.49817908163265306, "in_bounds_one_im": 1, "error_one_im": 0.03415209684981618, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 32.36431507379187, "error_w_gmm": 0.0454753544456891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045474518825379666}, "run_7583": {"edge_length": 1400, "pf": 0.5061984693877551, "in_bounds_one_im": 1, "error_one_im": 0.038462333851998834, "one_im_sa_cls": 27.816326530612244, "model_in_bounds": 1, "pred_cls": 31.62598259678799, "error_w_gmm": 0.04373084461421874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04373004104968677}, "run_7584": {"edge_length": 1400, "pf": 0.5020719387755102, "in_bounds_one_im": 1, "error_one_im": 0.033204363370972524, "one_im_sa_cls": 23.816326530612244, "model_in_bounds": 1, "pred_cls": 30.66220486620667, "error_w_gmm": 0.0427495692647327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04274878373136563}, "run_7585": {"edge_length": 1400, "pf": 0.48950867346938776, "in_bounds_one_im": 1, "error_one_im": 0.03273639259380243, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 24.628553080421128, "error_w_gmm": 0.03521120775417017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03521056073996474}, "run_7586": {"edge_length": 1400, "pf": 0.4760607142857143, "in_bounds_one_im": 0, "error_one_im": 0.0353983633517929, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 0, "pred_cls": 29.502928321804745, "error_w_gmm": 0.04333137493475035, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.043330578710567454}, "run_7587": {"edge_length": 1400, "pf": 0.5015025510204082, "in_bounds_one_im": 1, "error_one_im": 0.03022276930000114, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 28.412659036083912, "error_w_gmm": 0.0396583656055829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039657636873808376}, "run_7588": {"edge_length": 1400, "pf": 0.5083321428571429, "in_bounds_one_im": 1, "error_one_im": 0.03450519330520005, "one_im_sa_cls": 25.06122448979592, "model_in_bounds": 1, "pred_cls": 31.061055169263085, "error_w_gmm": 0.04276676136317368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042765975513897714}, "run_7589": {"edge_length": 1400, "pf": 0.49041734693877553, "in_bounds_one_im": 1, "error_one_im": 0.03334677720849539, "one_im_sa_cls": 23.367346938775512, "model_in_bounds": 1, "pred_cls": 27.92777382528431, "error_w_gmm": 0.03985554574572136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03985481339071548}, "run_7590": {"edge_length": 1400, "pf": 0.5104066326530612, "in_bounds_one_im": 1, "error_one_im": 0.03178790561656636, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 28.137971409792346, "error_w_gmm": 0.03858161721333872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03858090826706863}, "run_7591": {"edge_length": 1400, "pf": 0.499544387755102, "in_bounds_one_im": 1, "error_one_im": 0.03477389113215181, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 29.394298598869746, "error_w_gmm": 0.041189533865516534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04118877699816603}, "run_7592": {"edge_length": 1400, "pf": 0.49614897959183674, "in_bounds_one_im": 1, "error_one_im": 0.03728539631799596, "one_im_sa_cls": 26.428571428571427, "model_in_bounds": 1, "pred_cls": 27.142353287522706, "error_w_gmm": 0.03829310253825017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038292398893504935}, "run_7593": {"edge_length": 1400, "pf": 0.5002632653061224, "in_bounds_one_im": 1, "error_one_im": 0.03595183286125056, "one_im_sa_cls": 25.693877551020407, "model_in_bounds": 1, "pred_cls": 30.99210864003678, "error_w_gmm": 0.04336611249583105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043365315633337384}, "run_7594": {"edge_length": 1400, "pf": 0.48631479591836735, "in_bounds_one_im": 1, "error_one_im": 0.03318120896973751, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 25.97460222960226, "error_w_gmm": 0.03737375446816883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03737306771666008}, "run_7595": {"edge_length": 1400, "pf": 0.5000408163265306, "in_bounds_one_im": 1, "error_one_im": 0.03182538847415738, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 26.03579383272615, "error_w_gmm": 0.036447135967961265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036446466243284965}, "run_7596": {"edge_length": 1400, "pf": 0.496530612244898, "in_bounds_one_im": 1, "error_one_im": 0.03668155013631341, "one_im_sa_cls": 26.020408163265305, "model_in_bounds": 1, "pred_cls": 30.095471047339313, "error_w_gmm": 0.0424270368419333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042426257235175166}, "run_7597": {"edge_length": 1400, "pf": 0.5170224489795918, "in_bounds_one_im": 0, "error_one_im": 0.027724674779461653, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 29.24075319587478, "error_w_gmm": 0.039566293036378104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03956556599645865}, "run_7598": {"edge_length": 1400, "pf": 0.48476785714285714, "in_bounds_one_im": 1, "error_one_im": 0.035640510169518594, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 31.31253234973643, "error_w_gmm": 0.04519400132192018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04519317087154042}, "run_7599": {"edge_length": 1400, "pf": 0.49168061224489795, "in_bounds_one_im": 1, "error_one_im": 0.03468607009950039, "one_im_sa_cls": 24.367346938775512, "model_in_bounds": 1, "pred_cls": 30.06141957359585, "error_w_gmm": 0.04279217059121141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04279138427503492}, "run_7600": {"edge_length": 1400, "pf": 0.4848892857142857, "in_bounds_one_im": 1, "error_one_im": 0.034895652493196205, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 28.1534944463238, "error_w_gmm": 0.04062462275257482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04062387626559847}}, "fractal_noise_0.045_2_True_simplex": {"true_cls": 7.653061224489796, "true_pf": 0.5001440966666667, "run_7601": {"edge_length": 600, "pf": 0.5006888888888889, "in_bounds_one_im": 1, "error_one_im": 0.025764004359007844, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.821797893006428, "error_w_gmm": 0.03670851655261395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03530188515839342}, "run_7602": {"edge_length": 600, "pf": 0.5076583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02566995184303712, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 0, "pred_cls": 2.763572811073797, "error_w_gmm": 0.009244516978765367, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008890276899679188}, "run_7603": {"edge_length": 600, "pf": 0.4886583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02918753819559352, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 0, "pred_cls": 5.409383749495929, "error_w_gmm": 0.01879604628623408, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.018075801741469003}, "run_7604": {"edge_length": 600, "pf": 0.49737777777777775, "in_bounds_one_im": 1, "error_one_im": 0.029755097993979747, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.91142132224806, "error_w_gmm": 0.03725844769480449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03583074352287717}, "run_7605": {"edge_length": 600, "pf": 0.5010527777777778, "in_bounds_one_im": 1, "error_one_im": 0.0256122102102871, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.4742450085393015, "error_w_gmm": 0.021945247100919014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021104328523295898}, "run_7606": {"edge_length": 600, "pf": 0.5018277777777778, "in_bounds_one_im": 1, "error_one_im": 0.02949145068595187, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 7.336199645104953, "error_w_gmm": 0.024828433763708174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023877034533197315}, "run_7607": {"edge_length": 600, "pf": 0.4983888888888889, "in_bounds_one_im": 1, "error_one_im": 0.028357374281535973, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 5.470044704757193, "error_w_gmm": 0.01864043534597073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017926153647281014}, "run_7608": {"edge_length": 600, "pf": 0.49920555555555557, "in_bounds_one_im": 1, "error_one_im": 0.030314238261463212, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 7.499242767928808, "error_w_gmm": 0.025513687767785374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0245360303311231}, "run_7609": {"edge_length": 600, "pf": 0.5012833333333333, "in_bounds_one_im": 1, "error_one_im": 0.028725646770783514, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 7.886488938339643, "error_w_gmm": 0.026719897270630018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02569601916601243}, "run_7610": {"edge_length": 600, "pf": 0.504475, "in_bounds_one_im": 1, "error_one_im": 0.028939287323174696, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.5214814267936925, "error_w_gmm": 0.02532107416070171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024350797473034994}, "run_7611": {"edge_length": 600, "pf": 0.49848888888888887, "in_bounds_one_im": 1, "error_one_im": 0.02708122604714628, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 6.251921893530985, "error_w_gmm": 0.02130060109696977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020484384670031986}, "run_7612": {"edge_length": 600, "pf": 0.5032333333333333, "in_bounds_one_im": 1, "error_one_im": 0.02927618973906009, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 6.5207004805791735, "error_w_gmm": 0.022006529196676672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021163262354185048}, "run_7613": {"edge_length": 600, "pf": 0.5041333333333333, "in_bounds_one_im": 1, "error_one_im": 0.02505819133786597, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.9521428412914394, "error_w_gmm": 0.026789197264601116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02576266365776511}, "run_7614": {"edge_length": 600, "pf": 0.4932388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02479932209809727, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 8.285587737396828, "error_w_gmm": 0.028527392806232472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027434253391050937}, "run_7615": {"edge_length": 600, "pf": 0.48667777777777776, "in_bounds_one_im": 1, "error_one_im": 0.02786566710292016, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.298075430729641, "error_w_gmm": 0.02894792442816131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027838670687552868}, "run_7616": {"edge_length": 600, "pf": 0.4899972222222222, "in_bounds_one_im": 1, "error_one_im": 0.026184901940939788, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.270707627297874, "error_w_gmm": 0.03212684838750383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0308957816546804}, "run_7617": {"edge_length": 600, "pf": 0.4987861111111111, "in_bounds_one_im": 1, "error_one_im": 0.031408919112408944, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 6.285403274762773, "error_w_gmm": 0.02140194764073831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02058184772180599}, "run_7618": {"edge_length": 600, "pf": 0.5055972222222223, "in_bounds_one_im": 1, "error_one_im": 0.02795147487747746, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.436165732275323, "error_w_gmm": 0.024977728986878757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024020608921868327}, "run_7619": {"edge_length": 600, "pf": 0.49943333333333334, "in_bounds_one_im": 1, "error_one_im": 0.029766503251645125, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.468989429223527, "error_w_gmm": 0.028799806418770862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02769622840307934}, "run_7620": {"edge_length": 600, "pf": 0.4958222222222222, "in_bounds_one_im": 1, "error_one_im": 0.02709160050703856, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 5.238114315643623, "error_w_gmm": 0.017941948488223725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017254432064593598}, "run_7621": {"edge_length": 600, "pf": 0.5055333333333333, "in_bounds_one_im": 1, "error_one_im": 0.02538371024377603, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 0, "pred_cls": 2.95781096900989, "error_w_gmm": 0.009936416878968487, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00955566393004484}, "run_7622": {"edge_length": 600, "pf": 0.5012833333333333, "in_bounds_one_im": 1, "error_one_im": 0.02639833742592837, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.586863016708778, "error_w_gmm": 0.025704746687374293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024719768075691137}, "run_7623": {"edge_length": 600, "pf": 0.4962388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02680035689725536, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.524355191562396, "error_w_gmm": 0.025751467717025002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02476469880507227}, "run_7624": {"edge_length": 600, "pf": 0.4984722222222222, "in_bounds_one_im": 1, "error_one_im": 0.028018301130885225, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 5.188667457727761, "error_w_gmm": 0.017678630951793322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017001204576690725}, "run_7625": {"edge_length": 600, "pf": 0.5115861111111111, "in_bounds_one_im": 1, "error_one_im": 0.02559929121910489, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.442455723199854, "error_w_gmm": 0.03133901658246089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03013813872825227}, "run_7626": {"edge_length": 600, "pf": 0.4986388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02693940849583389, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.225240885380794, "error_w_gmm": 0.028015388657391754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026941868697785292}, "run_7627": {"edge_length": 600, "pf": 0.49904444444444446, "in_bounds_one_im": 1, "error_one_im": 0.026249636696311786, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 3.2693552749076678, "error_w_gmm": 0.011126482273400564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010700127281621745}, "run_7628": {"edge_length": 600, "pf": 0.49648888888888887, "in_bounds_one_im": 1, "error_one_im": 0.022154628041823575, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 4.649997464273222, "error_w_gmm": 0.015906266544840172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015296755292737597}, "run_7629": {"edge_length": 600, "pf": 0.4849611111111111, "in_bounds_one_im": 0, "error_one_im": 0.03064094628590703, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 0, "pred_cls": 7.366543913904395, "error_w_gmm": 0.02578672053041224, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024798600768065646}, "run_7630": {"edge_length": 600, "pf": 0.49998888888888887, "in_bounds_one_im": 1, "error_one_im": 0.02906677848107957, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 4.335158322464893, "error_w_gmm": 0.014725850630704014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014161571663613032}, "run_7631": {"edge_length": 600, "pf": 0.490625, "in_bounds_one_im": 1, "error_one_im": 0.027918144996116317, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.251414459028927, "error_w_gmm": 0.02509761664704581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024135902614138918}, "run_7632": {"edge_length": 600, "pf": 0.4864805555555556, "in_bounds_one_im": 1, "error_one_im": 0.02999995300144725, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 0, "pred_cls": 7.439973221052967, "error_w_gmm": 0.025964672722524958, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024969734021043705}, "run_7633": {"edge_length": 600, "pf": 0.49757222222222225, "in_bounds_one_im": 1, "error_one_im": 0.028805669514114937, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 10.617460738610218, "error_w_gmm": 0.03624058491481688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03485188416432403}, "run_7634": {"edge_length": 600, "pf": 0.4981138888888889, "in_bounds_one_im": 1, "error_one_im": 0.02643237087453245, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.8799350251642, "error_w_gmm": 0.030277068841103236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02911688369725986}, "run_7635": {"edge_length": 600, "pf": 0.4876361111111111, "in_bounds_one_im": 1, "error_one_im": 0.025762229093118063, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 0, "pred_cls": 6.536458970018786, "error_w_gmm": 0.022758814902126997, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021886721269830597}, "run_7636": {"edge_length": 600, "pf": 0.5090472222222222, "in_bounds_one_im": 1, "error_one_im": 0.03109819590246835, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 7.316000674090098, "error_w_gmm": 0.024405085800806612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023469908814919515}, "run_7637": {"edge_length": 600, "pf": 0.5010111111111111, "in_bounds_one_im": 1, "error_one_im": 0.027610267619619752, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 6.956668076069181, "error_w_gmm": 0.023582444356266635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022678790117435253}, "run_7638": {"edge_length": 600, "pf": 0.5039222222222223, "in_bounds_one_im": 1, "error_one_im": 0.026788531993510903, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 9.650539848317033, "error_w_gmm": 0.032524491600138865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031278187601440355}, "run_7639": {"edge_length": 600, "pf": 0.48983611111111114, "in_bounds_one_im": 1, "error_one_im": 0.027826175931216675, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.094378631915535, "error_w_gmm": 0.02459289177247924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02365051826108301}, "run_7640": {"edge_length": 600, "pf": 0.4991305555555556, "in_bounds_one_im": 1, "error_one_im": 0.026645805098217477, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.733349281632122, "error_w_gmm": 0.02631410441269776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02530577585971347}, "run_7641": {"edge_length": 800, "pf": 0.50678125, "in_bounds_one_im": 1, "error_one_im": 0.021801873390786382, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 5.838461493592362, "error_w_gmm": 0.014302951570095925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014111268135144411}, "run_7642": {"edge_length": 800, "pf": 0.504584375, "in_bounds_one_im": 1, "error_one_im": 0.021600632300910087, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 4.570798533674479, "error_w_gmm": 0.011246768561639402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011096043082395935}, "run_7643": {"edge_length": 800, "pf": 0.4996484375, "in_bounds_one_im": 1, "error_one_im": 0.01956339144124652, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.838708457179931, "error_w_gmm": 0.016994061317287402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01676631251794969}, "run_7644": {"edge_length": 800, "pf": 0.507809375, "in_bounds_one_im": 1, "error_one_im": 0.01934509584567619, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.273813960561395, "error_w_gmm": 0.017782639669902293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017544322603824956}, "run_7645": {"edge_length": 800, "pf": 0.5059234375, "in_bounds_one_im": 1, "error_one_im": 0.022036956254793908, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 6.71351094660485, "error_w_gmm": 0.01647487606359108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01625408521361916}, "run_7646": {"edge_length": 800, "pf": 0.50369375, "in_bounds_one_im": 1, "error_one_im": 0.021242096828250442, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 8.73146387219862, "error_w_gmm": 0.021522681579208055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02123424170620343}, "run_7647": {"edge_length": 800, "pf": 0.5039203125, "in_bounds_one_im": 1, "error_one_im": 0.020389127230396657, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.600730467200715, "error_w_gmm": 0.018726984460383875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018476011597191422}, "run_7648": {"edge_length": 800, "pf": 0.49883125, "in_bounds_one_im": 1, "error_one_im": 0.019495159401201577, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.747023111566662, "error_w_gmm": 0.021771741398585304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02147996370810624}, "run_7649": {"edge_length": 800, "pf": 0.5054140625, "in_bounds_one_im": 1, "error_one_im": 0.0245819105493014, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 7.862394449871435, "error_w_gmm": 0.019313891060565573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019055052668879493}, "run_7650": {"edge_length": 800, "pf": 0.4997171875, "in_bounds_one_im": 1, "error_one_im": 0.019760811138648488, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.593010551572721, "error_w_gmm": 0.0188658935316074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01861305905490201}, "run_7651": {"edge_length": 800, "pf": 0.5066421875, "in_bounds_one_im": 1, "error_one_im": 0.021117189775019255, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 5.760630984272523, "error_w_gmm": 0.014116210105764332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013927029318266827}, "run_7652": {"edge_length": 800, "pf": 0.4954859375, "in_bounds_one_im": 1, "error_one_im": 0.021190064848639625, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.7283288888696475, "error_w_gmm": 0.0193653029347733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01910577553812233}, "run_7653": {"edge_length": 800, "pf": 0.4961171875, "in_bounds_one_im": 1, "error_one_im": 0.021364882883500583, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.6712124711501, "error_w_gmm": 0.01919792874884186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018940644445773536}, "run_7654": {"edge_length": 800, "pf": 0.5022265625, "in_bounds_one_im": 1, "error_one_im": 0.020060099819198006, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.26002995221617, "error_w_gmm": 0.025364854544294962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025024923137671143}, "run_7655": {"edge_length": 800, "pf": 0.5009125, "in_bounds_one_im": 1, "error_one_im": 0.01881528434231188, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.474484546294829, "error_w_gmm": 0.018527054880089325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018278761407127076}, "run_7656": {"edge_length": 800, "pf": 0.50713125, "in_bounds_one_im": 1, "error_one_im": 0.02168803250064232, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 0, "pred_cls": 5.229789946126253, "error_w_gmm": 0.012802872741530412, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012631292867801848}, "run_7657": {"edge_length": 800, "pf": 0.5118359375, "in_bounds_one_im": 0, "error_one_im": 0.020801235817651607, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 0, "pred_cls": 8.860822500087252, "error_w_gmm": 0.021488657270191572, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021200673379743528}, "run_7658": {"edge_length": 800, "pf": 0.500146875, "in_bounds_one_im": 1, "error_one_im": 0.02339269740508256, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 6.289119773082727, "error_w_gmm": 0.015612772075932953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015403534858987697}, "run_7659": {"edge_length": 800, "pf": 0.4975125, "in_bounds_one_im": 1, "error_one_im": 0.022109317345072238, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.347565868616867, "error_w_gmm": 0.018336728254843813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018090985476478433}, "run_7660": {"edge_length": 800, "pf": 0.500675, "in_bounds_one_im": 1, "error_one_im": 0.02097128375110094, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 6.49460766893629, "error_w_gmm": 0.016105875998612827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01589003036568957}, "run_7661": {"edge_length": 800, "pf": 0.5029484375, "in_bounds_one_im": 1, "error_one_im": 0.019832337738803912, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.30743531750129, "error_w_gmm": 0.02050801783749699, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020233176152976724}, "run_7662": {"edge_length": 800, "pf": 0.4967328125, "in_bounds_one_im": 1, "error_one_im": 0.02103663100204357, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 8.479604790969798, "error_w_gmm": 0.021194892731420025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020910845776336905}, "run_7663": {"edge_length": 800, "pf": 0.498421875, "in_bounds_one_im": 1, "error_one_im": 0.019009556313782056, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 9.083374315122608, "error_w_gmm": 0.02262745374548438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022324208080637866}, "run_7664": {"edge_length": 800, "pf": 0.5022484375, "in_bounds_one_im": 1, "error_one_im": 0.02005922219145398, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 5.064451490741473, "error_w_gmm": 0.012519793405417222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012352007267495172}, "run_7665": {"edge_length": 800, "pf": 0.49235, "in_bounds_one_im": 1, "error_one_im": 0.021932644278884347, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 8.446959452978536, "error_w_gmm": 0.02129920343223349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021013758539575343}, "run_7666": {"edge_length": 800, "pf": 0.50129375, "in_bounds_one_im": 1, "error_one_im": 0.02174326574378793, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 6.518048135225742, "error_w_gmm": 0.016144014979168838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015927658220219534}, "run_7667": {"edge_length": 800, "pf": 0.4919296875, "in_bounds_one_im": 1, "error_one_im": 0.018648267120218186, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 0, "pred_cls": 5.976415470226863, "error_w_gmm": 0.01508234609831158, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014880217475203137}, "run_7668": {"edge_length": 800, "pf": 0.5013984375, "in_bounds_one_im": 1, "error_one_im": 0.023035059002926118, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 8.513370290225774, "error_w_gmm": 0.021081649129654448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0207991198279358}, "run_7669": {"edge_length": 800, "pf": 0.491428125, "in_bounds_one_im": 1, "error_one_im": 0.020701537364791786, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 7.458646374972623, "error_w_gmm": 0.01884186599210122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01858935352454782}, "run_7670": {"edge_length": 800, "pf": 0.498784375, "in_bounds_one_im": 1, "error_one_im": 0.022253630598451722, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 6.838013607397792, "error_w_gmm": 0.017021724974266683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016793605435731128}, "run_7671": {"edge_length": 800, "pf": 0.5002625, "in_bounds_one_im": 1, "error_one_im": 0.020688755183504538, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 6.1642232518574485, "error_w_gmm": 0.015299177477241535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015094142951577547}, "run_7672": {"edge_length": 800, "pf": 0.4942421875, "in_bounds_one_im": 1, "error_one_im": 0.021091111734210962, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 5.944224916873994, "error_w_gmm": 0.014931875331818164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014731763268245669}, "run_7673": {"edge_length": 800, "pf": 0.5054234375, "in_bounds_one_im": 1, "error_one_im": 0.019833322505135847, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 9.336146857399909, "error_w_gmm": 0.022933718622697635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022626368497077363}, "run_7674": {"edge_length": 800, "pf": 0.5004859375, "in_bounds_one_im": 1, "error_one_im": 0.01953065018079686, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.1279844704160675, "error_w_gmm": 0.01768326245285674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017446277207433736}, "run_7675": {"edge_length": 800, "pf": 0.5036015625, "in_bounds_one_im": 1, "error_one_im": 0.021841696542407082, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 6.753133546100713, "error_w_gmm": 0.0166492522999727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016426124517249497}, "run_7676": {"edge_length": 800, "pf": 0.5070875, "in_bounds_one_im": 1, "error_one_im": 0.020457548245841162, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.220726249135323, "error_w_gmm": 0.01767836399543959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017441444397525735}, "run_7677": {"edge_length": 800, "pf": 0.502878125, "in_bounds_one_im": 1, "error_one_im": 0.020033975342602824, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 9.08756817418152, "error_w_gmm": 0.022437035477978505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022136341735888243}, "run_7678": {"edge_length": 800, "pf": 0.50064375, "in_bounds_one_im": 1, "error_one_im": 0.020523181760299172, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.330536995644035, "error_w_gmm": 0.023140099002511353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02282998303517546}, "run_7679": {"edge_length": 800, "pf": 0.500009375, "in_bounds_one_im": 1, "error_one_im": 0.020599235230884267, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 9.16334782272158, "error_w_gmm": 0.02275431451938152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022449368708325236}, "run_7680": {"edge_length": 800, "pf": 0.4971609375, "in_bounds_one_im": 1, "error_one_im": 0.02086777404538352, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 8.209591549713458, "error_w_gmm": 0.020502427418391235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020227660654822184}, "run_7681": {"edge_length": 1000, "pf": 0.499725, "in_bounds_one_im": 1, "error_one_im": 0.016808933668621847, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 5.8253227050302, "error_w_gmm": 0.01165705502816563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011423704010503102}, "run_7682": {"edge_length": 1000, "pf": 0.503555, "in_bounds_one_im": 1, "error_one_im": 0.016164360754482056, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.837018810168193, "error_w_gmm": 0.01357715839412741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013305370732442699}, "run_7683": {"edge_length": 1000, "pf": 0.506268, "in_bounds_one_im": 1, "error_one_im": 0.015523868688412205, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.942330578133688, "error_w_gmm": 0.015686763690064227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015372745933258292}, "run_7684": {"edge_length": 1000, "pf": 0.501652, "in_bounds_one_im": 1, "error_one_im": 0.01622600128469906, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 7.527160467512463, "error_w_gmm": 0.015004663357452612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014704299890377559}, "run_7685": {"edge_length": 1000, "pf": 0.499577, "in_bounds_one_im": 1, "error_one_im": 0.01713417480144706, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 8.08023246163528, "error_w_gmm": 0.016174142464642965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01585036835576005}, "run_7686": {"edge_length": 1000, "pf": 0.501774, "in_bounds_one_im": 1, "error_one_im": 0.016461188167696705, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.026805042173626, "error_w_gmm": 0.015996752562076975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015676529445634864}, "run_7687": {"edge_length": 1000, "pf": 0.502604, "in_bounds_one_im": 1, "error_one_im": 0.017030757060762167, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.031619883187572, "error_w_gmm": 0.01796941010985146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017609698319369437}, "run_7688": {"edge_length": 1000, "pf": 0.499109, "in_bounds_one_im": 1, "error_one_im": 0.01582788988486856, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.986233096345111, "error_w_gmm": 0.01399738735198303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013717187543771556}, "run_7689": {"edge_length": 1000, "pf": 0.504396, "in_bounds_one_im": 1, "error_one_im": 0.015582105695246228, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.875566367266137, "error_w_gmm": 0.015613252233645392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015300706029742234}, "run_7690": {"edge_length": 1000, "pf": 0.49593, "in_bounds_one_im": 1, "error_one_im": 0.016574066156731758, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.255364463022592, "error_w_gmm": 0.014629330934339897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014336480874611956}, "run_7691": {"edge_length": 1000, "pf": 0.497767, "in_bounds_one_im": 1, "error_one_im": 0.017919522866525983, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.931499019607292, "error_w_gmm": 0.017942953126849567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01758377095245775}, "run_7692": {"edge_length": 1000, "pf": 0.505108, "in_bounds_one_im": 1, "error_one_im": 0.016628933425506618, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.670392987366594, "error_w_gmm": 0.015184856922260756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01488088633901239}, "run_7693": {"edge_length": 1000, "pf": 0.495923, "in_bounds_one_im": 1, "error_one_im": 0.01806638831724256, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 7.7998796973578965, "error_w_gmm": 0.015727482683712365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015412649813776706}, "run_7694": {"edge_length": 1000, "pf": 0.506811, "in_bounds_one_im": 1, "error_one_im": 0.015507016035187522, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.127114733632794, "error_w_gmm": 0.016034302076080243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01571332729317652}, "run_7695": {"edge_length": 1000, "pf": 0.500931, "in_bounds_one_im": 1, "error_one_im": 0.017247537606186553, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 8.362455993202175, "error_w_gmm": 0.016693799139378743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016359622539164117}, "run_7696": {"edge_length": 1000, "pf": 0.493331, "in_bounds_one_im": 1, "error_one_im": 0.01799815321018554, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 8.302765388334237, "error_w_gmm": 0.016828512327802882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016491639037940983}, "run_7697": {"edge_length": 1000, "pf": 0.50024, "in_bounds_one_im": 1, "error_one_im": 0.0169515496584278, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.746337301674999, "error_w_gmm": 0.015485239903440137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015175256251352581}, "run_7698": {"edge_length": 1000, "pf": 0.503237, "in_bounds_one_im": 1, "error_one_im": 0.01661179760120188, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 6.332436118938018, "error_w_gmm": 0.012583143554380486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01233125408944162}, "run_7699": {"edge_length": 1000, "pf": 0.504115, "in_bounds_one_im": 1, "error_one_im": 0.01690002261639239, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 6.5233954086258, "error_w_gmm": 0.012939853963163704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012680823866504383}, "run_7700": {"edge_length": 1000, "pf": 0.492869, "in_bounds_one_im": 1, "error_one_im": 0.017365612582326374, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 8.811677592700295, "error_w_gmm": 0.01787651765287035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01751866538431024}, "run_7701": {"edge_length": 1000, "pf": 0.500534, "in_bounds_one_im": 1, "error_one_im": 0.017021498207974488, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 7.40208950566145, "error_w_gmm": 0.014788376582129793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014492342745395011}, "run_7702": {"edge_length": 1000, "pf": 0.499673, "in_bounds_one_im": 1, "error_one_im": 0.016570529290846354, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 7.707643152300252, "error_w_gmm": 0.015425371200683081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015116586000750123}, "run_7703": {"edge_length": 1000, "pf": 0.497426, "in_bounds_one_im": 1, "error_one_im": 0.016444137015489062, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.756619462343417, "error_w_gmm": 0.015593307706212162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015281160752013273}, "run_7704": {"edge_length": 1000, "pf": 0.498849, "in_bounds_one_im": 1, "error_one_im": 0.015836122562433188, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.819991941373648, "error_w_gmm": 0.01567602866093722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015362225798027379}, "run_7705": {"edge_length": 1000, "pf": 0.495087, "in_bounds_one_im": 1, "error_one_im": 0.015955727902081975, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.730471362877144, "error_w_gmm": 0.015613615716625418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01530106223651727}, "run_7706": {"edge_length": 1000, "pf": 0.502112, "in_bounds_one_im": 1, "error_one_im": 0.017206846601644028, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 8.48472277239372, "error_w_gmm": 0.016897917355286417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016559654715047858}, "run_7707": {"edge_length": 1000, "pf": 0.501404, "in_bounds_one_im": 1, "error_one_im": 0.016553148287415827, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.972030985401766, "error_w_gmm": 0.01589935372703398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015581080341224648}, "run_7708": {"edge_length": 1000, "pf": 0.496873, "in_bounds_one_im": 1, "error_one_im": 0.017951592565072182, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.686875627208769, "error_w_gmm": 0.017482748595247965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017132778798727075}, "run_7709": {"edge_length": 1000, "pf": 0.501366, "in_bounds_one_im": 1, "error_one_im": 0.015916164210299982, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.83484611582661, "error_w_gmm": 0.01762148439442816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017268737383606864}, "run_7710": {"edge_length": 1000, "pf": 0.507418, "in_bounds_one_im": 1, "error_one_im": 0.01623699142405906, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 8.338933347000685, "error_w_gmm": 0.01643224238818493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01610330163303753}, "run_7711": {"edge_length": 1000, "pf": 0.497157, "in_bounds_one_im": 1, "error_one_im": 0.01653344130363075, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.737443274245518, "error_w_gmm": 0.01757453285326276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017222725718755556}, "run_7712": {"edge_length": 1000, "pf": 0.497863, "in_bounds_one_im": 1, "error_one_im": 0.016389600210186712, "one_im_sa_cls": 8.326530612244898, "model_in_bounds": 1, "pred_cls": 7.989527658544824, "error_w_gmm": 0.01604749637060219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015726257464208727}, "run_7713": {"edge_length": 1000, "pf": 0.496066, "in_bounds_one_im": 1, "error_one_im": 0.015440731976422104, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 6.894316355566449, "error_w_gmm": 0.013897551846881621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01361935054658296}, "run_7714": {"edge_length": 1000, "pf": 0.503137, "in_bounds_one_im": 1, "error_one_im": 0.016774116795736295, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 6.889915104471386, "error_w_gmm": 0.013693645068859943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01341952557601996}, "run_7715": {"edge_length": 1000, "pf": 0.503502, "in_bounds_one_im": 1, "error_one_im": 0.019820322118152732, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 7.883620935526314, "error_w_gmm": 0.015657192153432187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015343766359875074}, "run_7716": {"edge_length": 1000, "pf": 0.497202, "in_bounds_one_im": 1, "error_one_im": 0.017859336426288508, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.132217035885446, "error_w_gmm": 0.02037815292046472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019970222897780283}, "run_7717": {"edge_length": 1000, "pf": 0.505473, "in_bounds_one_im": 1, "error_one_im": 0.017882839079806704, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 7.626489960957447, "error_w_gmm": 0.015086924650068815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01478491447580222}, "run_7718": {"edge_length": 1000, "pf": 0.504033, "in_bounds_one_im": 1, "error_one_im": 0.016664727101420237, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 8.011763698332352, "error_w_gmm": 0.01589479869372428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015576616490606961}, "run_7719": {"edge_length": 1000, "pf": 0.503861, "in_bounds_one_im": 1, "error_one_im": 0.018099357777775448, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 9.12504752111872, "error_w_gmm": 0.018109707750823902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017747187481080274}, "run_7720": {"edge_length": 1000, "pf": 0.509129, "in_bounds_one_im": 0, "error_one_im": 0.016495712222026504, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 0, "pred_cls": 6.996833898427029, "error_w_gmm": 0.013740461823945282, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013465405152940079}, "run_7721": {"edge_length": 1200, "pf": 0.5042006944444445, "in_bounds_one_im": 1, "error_one_im": 0.01325459233464949, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.8312480805799884, "error_w_gmm": 0.012942881317208861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012683790618952888}, "run_7722": {"edge_length": 1200, "pf": 0.5029965277777778, "in_bounds_one_im": 1, "error_one_im": 0.014181159831116428, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.06470182324821, "error_w_gmm": 0.015017563962581403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014716942251093164}, "run_7723": {"edge_length": 1200, "pf": 0.5009763888888888, "in_bounds_one_im": 1, "error_one_im": 0.01410550177247043, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.577072293642128, "error_w_gmm": 0.012603817290093983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012351513978153714}, "run_7724": {"edge_length": 1200, "pf": 0.50775625, "in_bounds_one_im": 0, "error_one_im": 0.013521673571210839, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 0, "pred_cls": 8.169744407866302, "error_w_gmm": 0.013406631913526222, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013138257852248232}, "run_7725": {"edge_length": 1200, "pf": 0.4984986111111111, "in_bounds_one_im": 1, "error_one_im": 0.01424244194247783, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 5.7910476871940135, "error_w_gmm": 0.009680771838447412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009486982072953242}, "run_7726": {"edge_length": 1200, "pf": 0.5020819444444444, "in_bounds_one_im": 1, "error_one_im": 0.014605454530056926, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 8.239096286381253, "error_w_gmm": 0.013674767888376075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013401026279080932}, "run_7727": {"edge_length": 1200, "pf": 0.5023548611111112, "in_bounds_one_im": 1, "error_one_im": 0.013170912064890081, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 9.176105956531377, "error_w_gmm": 0.01522165056432163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014916943445662098}, "run_7728": {"edge_length": 1200, "pf": 0.5031486111111111, "in_bounds_one_im": 1, "error_one_im": 0.01275253750444593, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.548770671580794, "error_w_gmm": 0.012502305200557584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012252033958410345}, "run_7729": {"edge_length": 1200, "pf": 0.4971298611111111, "in_bounds_one_im": 1, "error_one_im": 0.01522017395600669, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 7.839780751075772, "error_w_gmm": 0.013141521964048506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012878454875788493}, "run_7730": {"edge_length": 1200, "pf": 0.49670277777777777, "in_bounds_one_im": 1, "error_one_im": 0.014293689258151054, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 8.207346912538393, "error_w_gmm": 0.013769415739446088, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013493779468736603}, "run_7731": {"edge_length": 1200, "pf": 0.5006486111111111, "in_bounds_one_im": 1, "error_one_im": 0.01404817275111253, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 5.893675971810387, "error_w_gmm": 0.009810059194731397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009613681353939795}, "run_7732": {"edge_length": 1200, "pf": 0.5043208333333333, "in_bounds_one_im": 1, "error_one_im": 0.015895080061500675, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 6.636972180539052, "error_w_gmm": 0.010966438951182452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01074691269148737}, "run_7733": {"edge_length": 1200, "pf": 0.5018409722222222, "in_bounds_one_im": 1, "error_one_im": 0.014612495352722117, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.865739285288281, "error_w_gmm": 0.013061385318747417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012799922406472592}, "run_7734": {"edge_length": 1200, "pf": 0.49580555555555555, "in_bounds_one_im": 1, "error_one_im": 0.013949614156425877, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 8.195616062675025, "error_w_gmm": 0.013774431644380384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013498694965247271}, "run_7735": {"edge_length": 1200, "pf": 0.5026069444444444, "in_bounds_one_im": 1, "error_one_im": 0.013694823295168418, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 6.746102140726873, "error_w_gmm": 0.01118503322112256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010961131139642092}, "run_7736": {"edge_length": 1200, "pf": 0.5047916666666666, "in_bounds_one_im": 1, "error_one_im": 0.014196363281843278, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 6.039000026768831, "error_w_gmm": 0.009969001582635556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009769442031894206}, "run_7737": {"edge_length": 1200, "pf": 0.50448125, "in_bounds_one_im": 1, "error_one_im": 0.0135114389864475, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 6.5919410832676615, "error_w_gmm": 0.010888538679554546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010670571828099157}, "run_7738": {"edge_length": 1200, "pf": 0.4968826388888889, "in_bounds_one_im": 1, "error_one_im": 0.013450018388880235, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.333544750202275, "error_w_gmm": 0.010621927519190924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010409297692004507}, "run_7739": {"edge_length": 1200, "pf": 0.49929305555555553, "in_bounds_one_im": 1, "error_one_im": 0.013385333064432703, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.822968123764284, "error_w_gmm": 0.013056727936527754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012795358255766163}, "run_7740": {"edge_length": 1200, "pf": 0.5011368055555555, "in_bounds_one_im": 1, "error_one_im": 0.013701892709298452, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 8.193267081216243, "error_w_gmm": 0.013624433178061219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013351699169386262}, "run_7741": {"edge_length": 1200, "pf": 0.5001645833333334, "in_bounds_one_im": 1, "error_one_im": 0.013795204752591135, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 8.499073934318758, "error_w_gmm": 0.014160461304617959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013876997080762175}, "run_7742": {"edge_length": 1200, "pf": 0.49687430555555556, "in_bounds_one_im": 1, "error_one_im": 0.013248992054242674, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.43128672255966, "error_w_gmm": 0.014140266260360777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013857206301056963}, "run_7743": {"edge_length": 1200, "pf": 0.5039597222222222, "in_bounds_one_im": 1, "error_one_im": 0.015410518057687547, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 6.432345951661339, "error_w_gmm": 0.010636009113130245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010423097400487453}, "run_7744": {"edge_length": 1200, "pf": 0.5002125, "in_bounds_one_im": 1, "error_one_im": 0.013593971430723, "one_im_sa_cls": 8.326530612244898, "model_in_bounds": 1, "pred_cls": 6.674509624157784, "error_w_gmm": 0.011119455933505065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010896866578675106}, "run_7745": {"edge_length": 1200, "pf": 0.5003576388888888, "in_bounds_one_im": 1, "error_one_im": 0.013923114846179753, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 5.9923037519864755, "error_w_gmm": 0.009980031870128742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009780251515007115}, "run_7746": {"edge_length": 1200, "pf": 0.4966847222222222, "in_bounds_one_im": 1, "error_one_im": 0.013857997303475776, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 6.56617835151879, "error_w_gmm": 0.011016435103852501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01079590802078676}, "run_7747": {"edge_length": 1200, "pf": 0.5006520833333333, "in_bounds_one_im": 1, "error_one_im": 0.015179910636744405, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 8.496452100013355, "error_w_gmm": 0.014142297544305989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013859196922744564}, "run_7748": {"edge_length": 1200, "pf": 0.4960979166666667, "in_bounds_one_im": 1, "error_one_im": 0.013807083844734775, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.441260490415775, "error_w_gmm": 0.014178994282787372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013895159065631293}, "run_7749": {"edge_length": 1200, "pf": 0.4989326388888889, "in_bounds_one_im": 1, "error_one_im": 0.014363699805922465, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 7.779077706314989, "error_w_gmm": 0.012992836065068944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012732745372284108}, "run_7750": {"edge_length": 1200, "pf": 0.4985513888888889, "in_bounds_one_im": 1, "error_one_im": 0.013739497138460921, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.409386402764952, "error_w_gmm": 0.014056309433605021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013774930122708178}, "run_7751": {"edge_length": 1200, "pf": 0.4995583333333333, "in_bounds_one_im": 1, "error_one_im": 0.01461263385221911, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 6.7560922599639435, "error_w_gmm": 0.011270104632674081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011044499591019559}, "run_7752": {"edge_length": 1200, "pf": 0.5005986111111111, "in_bounds_one_im": 1, "error_one_im": 0.013749942098714779, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 7.330651478203287, "error_w_gmm": 0.012203133844546453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011958851416916468}, "run_7753": {"edge_length": 1200, "pf": 0.49848472222222223, "in_bounds_one_im": 1, "error_one_im": 0.014644044267212785, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.41035564878061, "error_w_gmm": 0.014059804062672297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013778354796263865}, "run_7754": {"edge_length": 1200, "pf": 0.4946638888888889, "in_bounds_one_im": 1, "error_one_im": 0.013307697607146238, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.593419050878182, "error_w_gmm": 0.012791491316709053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01253543114465337}, "run_7755": {"edge_length": 1200, "pf": 0.5021881944444444, "in_bounds_one_im": 1, "error_one_im": 0.012976180221249101, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.235025378366737, "error_w_gmm": 0.013665107037687493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013391558819376204}, "run_7756": {"edge_length": 1200, "pf": 0.5006715277777778, "in_bounds_one_im": 1, "error_one_im": 0.01391437695755299, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 5.380329323891244, "error_w_gmm": 0.008955180147842842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008775915282419975}, "run_7757": {"edge_length": 1200, "pf": 0.5026895833333334, "in_bounds_one_im": 1, "error_one_im": 0.012896866411246157, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.28463927383623, "error_w_gmm": 0.012075931354214321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011834195267018949}, "run_7758": {"edge_length": 1200, "pf": 0.4969625, "in_bounds_one_im": 1, "error_one_im": 0.014286266110750312, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 8.119040085667368, "error_w_gmm": 0.013614189979392505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013341661019147792}, "run_7759": {"edge_length": 1200, "pf": 0.5021972222222222, "in_bounds_one_im": 1, "error_one_im": 0.014535714362919101, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.142179556773882, "error_w_gmm": 0.011851437175444391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011614195014455065}, "run_7760": {"edge_length": 1200, "pf": 0.5010326388888889, "in_bounds_one_im": 1, "error_one_im": 0.01393759523417537, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 8.003328746544488, "error_w_gmm": 0.01331136113821249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013044894208051272}, "run_7761": {"edge_length": 1400, "pf": 0.4999821428571429, "in_bounds_one_im": 1, "error_one_im": 0.012514502699893125, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.125173907824649, "error_w_gmm": 0.009975599736011918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009975416432025801}, "run_7762": {"edge_length": 1400, "pf": 0.5033790816326531, "in_bounds_one_im": 1, "error_one_im": 0.012429767583606305, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.696193823838243, "error_w_gmm": 0.012092669092670672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012092446887038347}, "run_7763": {"edge_length": 1400, "pf": 0.5036765306122449, "in_bounds_one_im": 1, "error_one_im": 0.012082035930840769, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.162481816837442, "error_w_gmm": 0.012733497576800791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012733263595794728}, "run_7764": {"edge_length": 1400, "pf": 0.4970581632653061, "in_bounds_one_im": 1, "error_one_im": 0.012013112205023196, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 7.697744541312867, "error_w_gmm": 0.010840437415962731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01084023822038138}, "run_7765": {"edge_length": 1400, "pf": 0.5035392857142857, "in_bounds_one_im": 1, "error_one_im": 0.011376118626064784, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.105163388844453, "error_w_gmm": 0.008486939201886229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0084867832523868}, "run_7766": {"edge_length": 1400, "pf": 0.4990290816326531, "in_bounds_one_im": 1, "error_one_im": 0.01271013827936712, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 8.119747722708864, "error_w_gmm": 0.011389742399799967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011389533110610566}, "run_7767": {"edge_length": 1400, "pf": 0.49871632653061226, "in_bounds_one_im": 1, "error_one_im": 0.011801471947859736, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 7.015522698413247, "error_w_gmm": 0.009846980022898641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009846799082330004}, "run_7768": {"edge_length": 1400, "pf": 0.5005377551020408, "in_bounds_one_im": 1, "error_one_im": 0.011730018818678998, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.437517922811898, "error_w_gmm": 0.010401332330677816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010401141203755349}, "run_7769": {"edge_length": 1400, "pf": 0.5019367346938776, "in_bounds_one_im": 1, "error_one_im": 0.011412639869403546, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.769930668787584, "error_w_gmm": 0.0094412613969185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009441087911524806}, "run_7770": {"edge_length": 1400, "pf": 0.5037413265306122, "in_bounds_one_im": 1, "error_one_im": 0.013101355019637086, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 7.747540096722239, "error_w_gmm": 0.010765696509354623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010765498687154856}, "run_7771": {"edge_length": 1400, "pf": 0.5028663265306123, "in_bounds_one_im": 1, "error_one_im": 0.012953857973126532, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 7.072470975737339, "error_w_gmm": 0.009844859503356512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009844678601752841}, "run_7772": {"edge_length": 1400, "pf": 0.49792295918367346, "in_bounds_one_im": 1, "error_one_im": 0.01161938397410007, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 6.364198089907819, "error_w_gmm": 0.008946966880146286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008946802477530337}, "run_7773": {"edge_length": 1400, "pf": 0.5000474489795919, "in_bounds_one_im": 1, "error_one_im": 0.011684390680524554, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.84082129732792, "error_w_gmm": 0.01237597530572764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01237574789427723}, "run_7774": {"edge_length": 1400, "pf": 0.5008923469387755, "in_bounds_one_im": 1, "error_one_im": 0.011493543343208755, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.002801545679361, "error_w_gmm": 0.011183944403845562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011183738896242738}, "run_7775": {"edge_length": 1400, "pf": 0.5009566326530612, "in_bounds_one_im": 1, "error_one_im": 0.011777228612255554, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 7.711434004660007, "error_w_gmm": 0.010775371701821138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010775173701837556}, "run_7776": {"edge_length": 1400, "pf": 0.5005719387755102, "in_bounds_one_im": 1, "error_one_im": 0.012043137541658498, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 8.737876874755063, "error_w_gmm": 0.012219042533017685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012218818005243756}, "run_7777": {"edge_length": 1400, "pf": 0.4996091836734694, "in_bounds_one_im": 1, "error_one_im": 0.012295095027669607, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 8.1143919893875, "error_w_gmm": 0.011369031721329782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011368822812704038}, "run_7778": {"edge_length": 1400, "pf": 0.49699132653061223, "in_bounds_one_im": 1, "error_one_im": 0.01264707179327958, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.833857054099882, "error_w_gmm": 0.011033594282368471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011033391537484215}, "run_7779": {"edge_length": 1400, "pf": 0.5014596938775511, "in_bounds_one_im": 1, "error_one_im": 0.011366558551160325, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.136571073890225, "error_w_gmm": 0.009962073770552627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009961890715109344}, "run_7780": {"edge_length": 1400, "pf": 0.49664489795918365, "in_bounds_one_im": 1, "error_one_im": 0.011303964216018998, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.888450738312969, "error_w_gmm": 0.011118187704957486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011117983405649373}, "run_7781": {"edge_length": 1400, "pf": 0.494625, "in_bounds_one_im": 1, "error_one_im": 0.011407485265129625, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 0, "pred_cls": 7.3423115556406175, "error_w_gmm": 0.01039033835089306, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010390147425987605}, "run_7782": {"edge_length": 1400, "pf": 0.501563775510204, "in_bounds_one_im": 1, "error_one_im": 0.01147811941945124, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.843653676572992, "error_w_gmm": 0.010946824688044724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010946623537572225}, "run_7783": {"edge_length": 1400, "pf": 0.5012989795918368, "in_bounds_one_im": 1, "error_one_im": 0.011883154629368557, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.204991668413943, "error_w_gmm": 0.010060816704051796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010060631834183877}, "run_7784": {"edge_length": 1400, "pf": 0.5072045918367347, "in_bounds_one_im": 0, "error_one_im": 0.012841937616519748, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 0, "pred_cls": 7.6955022642931805, "error_w_gmm": 0.010619565400791753, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010619370263785382}, "run_7785": {"edge_length": 1400, "pf": 0.4950765306122449, "in_bounds_one_im": 1, "error_one_im": 0.012176235401834401, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 0, "pred_cls": 7.236307592374581, "error_w_gmm": 0.010231084324539478, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010230896325964188}, "run_7786": {"edge_length": 1400, "pf": 0.5024969387755102, "in_bounds_one_im": 1, "error_one_im": 0.011229288491901725, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.064608929599229, "error_w_gmm": 0.009841183507205253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009841002673148875}, "run_7787": {"edge_length": 1400, "pf": 0.5006209183673469, "in_bounds_one_im": 1, "error_one_im": 0.012726808545923275, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 6.3122438842600985, "error_w_gmm": 0.008826173956778857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00882601177376124}, "run_7788": {"edge_length": 1400, "pf": 0.49909591836734696, "in_bounds_one_im": 1, "error_one_im": 0.011076950539510492, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.5451077332816965, "error_w_gmm": 0.010582268027020385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010582073575362103}, "run_7789": {"edge_length": 1400, "pf": 0.4985545918367347, "in_bounds_one_im": 1, "error_one_im": 0.011948558091344742, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.280269123996901, "error_w_gmm": 0.01022188377408454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010221695944571518}, "run_7790": {"edge_length": 1400, "pf": 0.4976397959183673, "in_bounds_one_im": 1, "error_one_im": 0.011568554153575016, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.5879669243625445, "error_w_gmm": 0.01067341823009116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01067322210352651}, "run_7791": {"edge_length": 1400, "pf": 0.49995918367346937, "in_bounds_one_im": 1, "error_one_im": 0.01257222383057811, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.22555450665547, "error_w_gmm": 0.01011660212068352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010116416225745531}, "run_7792": {"edge_length": 1400, "pf": 0.49439795918367346, "in_bounds_one_im": 1, "error_one_im": 0.012019416380073422, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 0, "pred_cls": 7.054980561494903, "error_w_gmm": 0.0099882621356382, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0099880785989775}, "run_7793": {"edge_length": 1400, "pf": 0.5006908163265306, "in_bounds_one_im": 1, "error_one_im": 0.012325589123076647, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 7.899232119381157, "error_w_gmm": 0.011043656135962374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011043453206189359}, "run_7794": {"edge_length": 1400, "pf": 0.5009091836734694, "in_bounds_one_im": 1, "error_one_im": 0.010694624368165881, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.005502237930766, "error_w_gmm": 0.00978988531092183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009789705419481957}, "run_7795": {"edge_length": 1400, "pf": 0.5000459183673469, "in_bounds_one_im": 1, "error_one_im": 0.012512906564096973, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.6968935768245, "error_w_gmm": 0.013574404321337488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013574154888472733}, "run_7796": {"edge_length": 1400, "pf": 0.5008168367346939, "in_bounds_one_im": 1, "error_one_im": 0.013007065342352022, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 6.437058392372779, "error_w_gmm": 0.008997171283432517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008997005958298865}, "run_7797": {"edge_length": 1400, "pf": 0.500165306122449, "in_bounds_one_im": 1, "error_one_im": 0.011624513908687715, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.501012248972128, "error_w_gmm": 0.009098408605854095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009098241420460835}, "run_7798": {"edge_length": 1400, "pf": 0.4984061224489796, "in_bounds_one_im": 1, "error_one_im": 0.012725984049605336, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 6.488154736917573, "error_w_gmm": 0.009112418638722378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009112251195891515}, "run_7799": {"edge_length": 1400, "pf": 0.4998102040816327, "in_bounds_one_im": 1, "error_one_im": 0.011832844874941956, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 7.853544492196164, "error_w_gmm": 0.010999136679437433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010998934567719781}, "run_7800": {"edge_length": 1400, "pf": 0.5014290816326531, "in_bounds_one_im": 1, "error_one_im": 0.012649275673105228, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 7.245585496144107, "error_w_gmm": 0.010114868316536673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01011468245345767}}, "fractal_noise_0.045_2_True_value": {"true_cls": 22.26530612244898, "true_pf": 0.5000471766666666, "run_7801": {"edge_length": 600, "pf": 0.49117777777777777, "in_bounds_one_im": 1, "error_one_im": 0.06534174492581835, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 27.581458045835987, "error_w_gmm": 0.09535570427359391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09170177489028615}, "run_7802": {"edge_length": 600, "pf": 0.5216555555555555, "in_bounds_one_im": 1, "error_one_im": 0.05221947641584133, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 20.155041449457517, "error_w_gmm": 0.06555833596461243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0630462101098806}, "run_7803": {"edge_length": 600, "pf": 0.48357222222222224, "in_bounds_one_im": 1, "error_one_im": 0.05800787767712696, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 18.21982759159827, "error_w_gmm": 0.06395642274057937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06150568050042397}, "run_7804": {"edge_length": 600, "pf": 0.515675, "in_bounds_one_im": 1, "error_one_im": 0.059826301075697315, "one_im_sa_cls": 18.897959183673468, "model_in_bounds": 1, "pred_cls": 22.442815185620756, "error_w_gmm": 0.07387942645465669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07104844524382051}, "run_7805": {"edge_length": 600, "pf": 0.5207944444444444, "in_bounds_one_im": 1, "error_one_im": 0.06151819486258278, "one_im_sa_cls": 19.632653061224488, "model_in_bounds": 1, "pred_cls": 26.646999588241712, "error_w_gmm": 0.08682441047085235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08349739121149502}, "run_7806": {"edge_length": 600, "pf": 0.5029055555555556, "in_bounds_one_im": 1, "error_one_im": 0.056469844714185154, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 16.467985507443125, "error_w_gmm": 0.05561378984522677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053482728443283424}, "run_7807": {"edge_length": 600, "pf": 0.4988916666666667, "in_bounds_one_im": 1, "error_one_im": 0.05505422582949333, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 29.277424133427015, "error_w_gmm": 0.09966928187231501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09585006077357998}, "run_7808": {"edge_length": 600, "pf": 0.5040555555555556, "in_bounds_one_im": 1, "error_one_im": 0.061630257873438954, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 21.332487549554298, "error_w_gmm": 0.07187611418921712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06912189777820482}, "run_7809": {"edge_length": 600, "pf": 0.5279, "in_bounds_one_im": 1, "error_one_im": 0.05320891172526668, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 21.503261246588906, "error_w_gmm": 0.06907347059521698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0664266485121798}, "run_7810": {"edge_length": 600, "pf": 0.5103416666666667, "in_bounds_one_im": 1, "error_one_im": 0.057268580060918506, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 22.726755312972813, "error_w_gmm": 0.07561697061318094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07271940855430849}, "run_7811": {"edge_length": 600, "pf": 0.483475, "in_bounds_one_im": 1, "error_one_im": 0.06856184619404465, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 23.751611849483435, "error_w_gmm": 0.08339068220098035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08019523976458456}, "run_7812": {"edge_length": 600, "pf": 0.5095694444444444, "in_bounds_one_im": 1, "error_one_im": 0.05617990435701442, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 23.655956303215312, "error_w_gmm": 0.07883033234982492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07580963767966134}, "run_7813": {"edge_length": 600, "pf": 0.5063333333333333, "in_bounds_one_im": 1, "error_one_im": 0.061350105697489506, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 24.048675174314496, "error_w_gmm": 0.08065950935338217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07756872256181388}, "run_7814": {"edge_length": 600, "pf": 0.5089111111111111, "in_bounds_one_im": 1, "error_one_im": 0.060379674747296594, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 32.021740407202586, "error_w_gmm": 0.10684883646281945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10275450245209716}, "run_7815": {"edge_length": 600, "pf": 0.49018055555555556, "in_bounds_one_im": 1, "error_one_im": 0.05778962072182483, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 29.079013154198115, "error_w_gmm": 0.10073388853882793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09687387284253782}, "run_7816": {"edge_length": 600, "pf": 0.5126194444444444, "in_bounds_one_im": 1, "error_one_im": 0.05778818881294053, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 20.95560332227273, "error_w_gmm": 0.06940687765410233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06674727976642571}, "run_7817": {"edge_length": 600, "pf": 0.48167777777777776, "in_bounds_one_im": 1, "error_one_im": 0.05643032201250204, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 25.06351141337414, "error_w_gmm": 0.08831394845439729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08492985168041105}, "run_7818": {"edge_length": 600, "pf": 0.4917666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05611553739564307, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 19.05448033278977, "error_w_gmm": 0.0657983366531981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06327701422680104}, "run_7819": {"edge_length": 600, "pf": 0.48851666666666665, "in_bounds_one_im": 1, "error_one_im": 0.06876023362040118, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 1, "pred_cls": 17.04955944109689, "error_w_gmm": 0.05925909155038886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05698834605599423}, "run_7820": {"edge_length": 600, "pf": 0.5064916666666667, "in_bounds_one_im": 1, "error_one_im": 0.06323903605241638, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 25.484550093901845, "error_w_gmm": 0.08544838153684778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0821740902458123}, "run_7821": {"edge_length": 600, "pf": 0.4695388888888889, "in_bounds_one_im": 0, "error_one_im": 0.06022969690700157, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 22.05201553077134, "error_w_gmm": 0.0796168623334647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07656602866910074}, "run_7822": {"edge_length": 600, "pf": 0.510925, "in_bounds_one_im": 1, "error_one_im": 0.05504937115081409, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 17.88757765098818, "error_w_gmm": 0.059446523855194874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057168596153808676}, "run_7823": {"edge_length": 600, "pf": 0.5026, "in_bounds_one_im": 1, "error_one_im": 0.056835964048180976, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 19.88223222136305, "error_w_gmm": 0.0671850380582196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0646105787057384}, "run_7824": {"edge_length": 600, "pf": 0.4575444444444444, "in_bounds_one_im": 0, "error_one_im": 0.05596552422449198, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 25.80313343939499, "error_w_gmm": 0.09543411774765688, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09177718364324605}, "run_7825": {"edge_length": 600, "pf": 0.5349194444444444, "in_bounds_one_im": 0, "error_one_im": 0.05240204479920582, "one_im_sa_cls": 17.20408163265306, "model_in_bounds": 1, "pred_cls": 24.755600742661006, "error_w_gmm": 0.07840777787044104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07540327503945499}, "run_7826": {"edge_length": 600, "pf": 0.5132472222222222, "in_bounds_one_im": 1, "error_one_im": 0.059014068893830075, "one_im_sa_cls": 18.551020408163264, "model_in_bounds": 1, "pred_cls": 22.49593092728792, "error_w_gmm": 0.07441503023915708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07156352525975446}, "run_7827": {"edge_length": 600, "pf": 0.48341388888888887, "in_bounds_one_im": 1, "error_one_im": 0.057474951318483146, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 22.114568334529583, "error_w_gmm": 0.07765260769898921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07467704218748378}, "run_7828": {"edge_length": 600, "pf": 0.5385611111111112, "in_bounds_one_im": 0, "error_one_im": 0.05232825038672976, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 0, "pred_cls": 17.094636995014135, "error_w_gmm": 0.05374836546373491, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05168878514424801}, "run_7829": {"edge_length": 600, "pf": 0.5097694444444445, "in_bounds_one_im": 1, "error_one_im": 0.062171960988228345, "one_im_sa_cls": 19.408163265306122, "model_in_bounds": 1, "pred_cls": 23.575418555002383, "error_w_gmm": 0.07853052075205506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0755213145441171}, "run_7830": {"edge_length": 600, "pf": 0.5144638888888889, "in_bounds_one_im": 1, "error_one_im": 0.0632744886258785, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 26.710338340442252, "error_w_gmm": 0.08814110403658673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08476363047724496}, "run_7831": {"edge_length": 600, "pf": 0.48796666666666666, "in_bounds_one_im": 1, "error_one_im": 0.05360736450208601, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 22.7350661813047, "error_w_gmm": 0.07910720477510061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07607590064745509}, "run_7832": {"edge_length": 600, "pf": 0.49685277777777775, "in_bounds_one_im": 1, "error_one_im": 0.06104861723460028, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 20.777309691584506, "error_w_gmm": 0.07102132475386903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06829986296680042}, "run_7833": {"edge_length": 600, "pf": 0.5121027777777778, "in_bounds_one_im": 1, "error_one_im": 0.05335808321036736, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 20.73290068651908, "error_w_gmm": 0.06874030448844497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06610624897701806}, "run_7834": {"edge_length": 600, "pf": 0.5036777777777778, "in_bounds_one_im": 1, "error_one_im": 0.058301822944661325, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 20.4544465844321, "error_w_gmm": 0.06896980150809952, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06632695191445294}, "run_7835": {"edge_length": 600, "pf": 0.5151805555555555, "in_bounds_one_im": 1, "error_one_im": 0.06538260191535311, "one_im_sa_cls": 20.632653061224488, "model_in_bounds": 1, "pred_cls": 24.11758061867518, "error_w_gmm": 0.07947120522044306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07642595298205883}, "run_7836": {"edge_length": 600, "pf": 0.5114944444444445, "in_bounds_one_im": 1, "error_one_im": 0.05505183031727611, "one_im_sa_cls": 17.244897959183675, "model_in_bounds": 1, "pred_cls": 21.643133681830577, "error_w_gmm": 0.0718456059798463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0690925586110376}, "run_7837": {"edge_length": 600, "pf": 0.5110694444444445, "in_bounds_one_im": 1, "error_one_im": 0.07792060166876066, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 26.34010798831206, "error_w_gmm": 0.08751186910875443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08415850716401743}, "run_7838": {"edge_length": 600, "pf": 0.5033416666666667, "in_bounds_one_im": 1, "error_one_im": 0.05807614434232855, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 25.440928864406224, "error_w_gmm": 0.0858412756407286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08255192906462518}, "run_7839": {"edge_length": 600, "pf": 0.5363611111111111, "in_bounds_one_im": 0, "error_one_im": 0.06080384668569372, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 27.01262969025675, "error_w_gmm": 0.08530881895550158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08203987555446045}, "run_7840": {"edge_length": 600, "pf": 0.4997138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05523058081560437, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 17.061421776389395, "error_w_gmm": 0.05798684895057709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05576485444233015}, "run_7841": {"edge_length": 800, "pf": 0.50243125, "in_bounds_one_im": 1, "error_one_im": 0.044532111291286466, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 21.80546244093782, "error_w_gmm": 0.05388541796582798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05316326338403654}, "run_7842": {"edge_length": 800, "pf": 0.4760828125, "in_bounds_one_im": 0, "error_one_im": 0.049461102004201535, "one_im_sa_cls": 19.244897959183675, "model_in_bounds": 1, "pred_cls": 21.87948236481192, "error_w_gmm": 0.05699606099635125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05623221860361553}, "run_7843": {"edge_length": 800, "pf": 0.513528125, "in_bounds_one_im": 1, "error_one_im": 0.04248376707912481, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 25.027283673627995, "error_w_gmm": 0.060489249413969874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059678592463306014}, "run_7844": {"edge_length": 800, "pf": 0.52085625, "in_bounds_one_im": 1, "error_one_im": 0.04119354442751164, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 23.24369361980247, "error_w_gmm": 0.05536009721486501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05461817946863016}, "run_7845": {"edge_length": 800, "pf": 0.5246875, "in_bounds_one_im": 0, "error_one_im": 0.04202057457786564, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 22.04801122170291, "error_w_gmm": 0.05211064014109168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05141227054578041}, "run_7846": {"edge_length": 800, "pf": 0.479465625, "in_bounds_one_im": 1, "error_one_im": 0.051627565666987785, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 22.953624135286613, "error_w_gmm": 0.059390223966225966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05859429579177942}, "run_7847": {"edge_length": 800, "pf": 0.4944203125, "in_bounds_one_im": 1, "error_one_im": 0.047526576724987654, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 20.4979633486638, "error_w_gmm": 0.05147248033941326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05078266315108137}, "run_7848": {"edge_length": 800, "pf": 0.509978125, "in_bounds_one_im": 1, "error_one_im": 0.04837390380047357, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 25.191801641818326, "error_w_gmm": 0.06132095586029928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060499152654422156}, "run_7849": {"edge_length": 800, "pf": 0.5091171875, "in_bounds_one_im": 1, "error_one_im": 0.04914463740978907, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 24.827937486152532, "error_w_gmm": 0.06053944077159951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05972811117293101}, "run_7850": {"edge_length": 800, "pf": 0.5224109375, "in_bounds_one_im": 1, "error_one_im": 0.044268424546782814, "one_im_sa_cls": 18.897959183673468, "model_in_bounds": 1, "pred_cls": 23.727749682206227, "error_w_gmm": 0.05633721001894599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055582197329495805}, "run_7851": {"edge_length": 800, "pf": 0.4960109375, "in_bounds_one_im": 1, "error_one_im": 0.054381151311466445, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 28.054805124231947, "error_w_gmm": 0.07022470337984811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06928357508920624}, "run_7852": {"edge_length": 800, "pf": 0.491446875, "in_bounds_one_im": 1, "error_one_im": 0.051065267536485014, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 24.333890948331405, "error_w_gmm": 0.061469426347301286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06064563338897362}, "run_7853": {"edge_length": 800, "pf": 0.50605, "in_bounds_one_im": 1, "error_one_im": 0.040407325673176724, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 16.235500982429613, "error_w_gmm": 0.039831641323024164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03929783081607151}, "run_7854": {"edge_length": 800, "pf": 0.46981875, "in_bounds_one_im": 0, "error_one_im": 0.045253130562997894, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 0, "pred_cls": 15.277259558012064, "error_w_gmm": 0.04030047779451553, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.039760384095954046}, "run_7855": {"edge_length": 800, "pf": 0.50830625, "in_bounds_one_im": 1, "error_one_im": 0.05246999979957102, "one_im_sa_cls": 21.775510204081634, "model_in_bounds": 1, "pred_cls": 23.1968666468003, "error_w_gmm": 0.056654142805089874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05589488268707223}, "run_7856": {"edge_length": 800, "pf": 0.48804375, "in_bounds_one_im": 1, "error_one_im": 0.0537185843425655, "one_im_sa_cls": 21.408163265306122, "model_in_bounds": 1, "pred_cls": 29.305062649533678, "error_w_gmm": 0.07453279866157063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07353393470024203}, "run_7857": {"edge_length": 800, "pf": 0.51954375, "in_bounds_one_im": 1, "error_one_im": 0.04101350791887425, "one_im_sa_cls": 17.408163265306122, "model_in_bounds": 1, "pred_cls": 22.534724988154156, "error_w_gmm": 0.05381283241896199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05309165060470619}, "run_7858": {"edge_length": 800, "pf": 0.508, "in_bounds_one_im": 1, "error_one_im": 0.058800446585370876, "one_im_sa_cls": 24.387755102040817, "model_in_bounds": 1, "pred_cls": 26.298487138155348, "error_w_gmm": 0.06426865170762681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06340734445515914}, "run_7859": {"edge_length": 800, "pf": 0.504259375, "in_bounds_one_im": 1, "error_one_im": 0.048038126939934485, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 20.43489040367143, "error_w_gmm": 0.05031416911753556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04963987523379322}, "run_7860": {"edge_length": 800, "pf": 0.48235625, "in_bounds_one_im": 1, "error_one_im": 0.04765202748836135, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 26.345249080706555, "error_w_gmm": 0.0677721977235261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06686393710401761}, "run_7861": {"edge_length": 800, "pf": 0.481796875, "in_bounds_one_im": 1, "error_one_im": 0.05403159243706147, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 25.727462979255208, "error_w_gmm": 0.0662571443908568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06536918801593139}, "run_7862": {"edge_length": 800, "pf": 0.493709375, "in_bounds_one_im": 1, "error_one_im": 0.044606914955864434, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 21.55421695252227, "error_w_gmm": 0.05420186543194591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05347546992568582}, "run_7863": {"edge_length": 800, "pf": 0.485, "in_bounds_one_im": 1, "error_one_im": 0.046885241952774284, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 22.75587213068267, "error_w_gmm": 0.05822962026101496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05744924611426269}, "run_7864": {"edge_length": 800, "pf": 0.4997140625, "in_bounds_one_im": 1, "error_one_im": 0.059282803932432036, "one_im_sa_cls": 24.183673469387756, "model_in_bounds": 1, "pred_cls": 26.58478637836221, "error_w_gmm": 0.06605402174010758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06516878754788843}, "run_7865": {"edge_length": 800, "pf": 0.4910375, "in_bounds_one_im": 1, "error_one_im": 0.04744205567713658, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 24.78732233322545, "error_w_gmm": 0.06266613425983572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06182630341714661}, "run_7866": {"edge_length": 800, "pf": 0.53166875, "in_bounds_one_im": 0, "error_one_im": 0.044861719733358375, "one_im_sa_cls": 19.510204081632654, "model_in_bounds": 0, "pred_cls": 18.80774157813017, "error_w_gmm": 0.04383392683624956, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04324647902016719}, "run_7867": {"edge_length": 800, "pf": 0.4907125, "in_bounds_one_im": 1, "error_one_im": 0.05277031995610539, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 25.011760167327804, "error_w_gmm": 0.06327467623256537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0624266899112623}, "run_7868": {"edge_length": 800, "pf": 0.5054125, "in_bounds_one_im": 1, "error_one_im": 0.039519130611953474, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 18.71071306151117, "error_w_gmm": 0.04596281774920288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04534683923993937}, "run_7869": {"edge_length": 800, "pf": 0.4950796875, "in_bounds_one_im": 1, "error_one_im": 0.04665603867620487, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 25.111822986853163, "error_w_gmm": 0.06297524074586024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06213126736009409}, "run_7870": {"edge_length": 800, "pf": 0.4885953125, "in_bounds_one_im": 1, "error_one_im": 0.0451679553753979, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 22.524947019018573, "error_w_gmm": 0.05722544917950079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056458532602065015}, "run_7871": {"edge_length": 800, "pf": 0.5224203125, "in_bounds_one_im": 1, "error_one_im": 0.04508028083972913, "one_im_sa_cls": 19.244897959183675, "model_in_bounds": 1, "pred_cls": 21.869126352766784, "error_w_gmm": 0.05192327269160141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0512274141329906}, "run_7872": {"edge_length": 800, "pf": 0.51460625, "in_bounds_one_im": 1, "error_one_im": 0.05307521323882075, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 25.837153233412344, "error_w_gmm": 0.062312037273115316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06147695192134027}, "run_7873": {"edge_length": 800, "pf": 0.5027390625, "in_bounds_one_im": 1, "error_one_im": 0.05101880024101797, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 27.240406294357932, "error_w_gmm": 0.06727476130813022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06637316716723664}, "run_7874": {"edge_length": 800, "pf": 0.5112078125, "in_bounds_one_im": 1, "error_one_im": 0.04507713773515065, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 23.60360270600958, "error_w_gmm": 0.057313827305354545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05654572631345321}, "run_7875": {"edge_length": 800, "pf": 0.5119203125, "in_bounds_one_im": 1, "error_one_im": 0.04403649525576174, "one_im_sa_cls": 18.408163265306122, "model_in_bounds": 1, "pred_cls": 23.860344026865736, "error_w_gmm": 0.057854695875889525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05707934634196883}, "run_7876": {"edge_length": 800, "pf": 0.4994890625, "in_bounds_one_im": 1, "error_one_im": 0.04839854357535286, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 26.745103688429555, "error_w_gmm": 0.06648226525071664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06559129188034915}, "run_7877": {"edge_length": 800, "pf": 0.48705, "in_bounds_one_im": 1, "error_one_im": 0.0483865279741108, "one_im_sa_cls": 19.244897959183675, "model_in_bounds": 1, "pred_cls": 22.423946971226552, "error_w_gmm": 0.05714530156766809, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05637945910206608}, "run_7878": {"edge_length": 800, "pf": 0.5014734375, "in_bounds_one_im": 1, "error_one_im": 0.058476345156560965, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 24.178295252795937, "error_w_gmm": 0.059863704625955846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059061431020023036}, "run_7879": {"edge_length": 800, "pf": 0.48549375, "in_bounds_one_im": 1, "error_one_im": 0.04869189379528223, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 23.959644779747407, "error_w_gmm": 0.06124936755614502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06042852375308593}, "run_7880": {"edge_length": 800, "pf": 0.50991875, "in_bounds_one_im": 1, "error_one_im": 0.050095241272477595, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 24.97212375765439, "error_w_gmm": 0.06079344569621537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05997871200740456}, "run_7881": {"edge_length": 1000, "pf": 0.497529, "in_bounds_one_im": 1, "error_one_im": 0.04297105506397626, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 24.518171086015837, "error_w_gmm": 0.049279281561635926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04829280852240756}, "run_7882": {"edge_length": 1000, "pf": 0.499493, "in_bounds_one_im": 1, "error_one_im": 0.03787769320891821, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 25.819735710002593, "error_w_gmm": 0.05169186041871394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05065709235727546}, "run_7883": {"edge_length": 1000, "pf": 0.515692, "in_bounds_one_im": 1, "error_one_im": 0.03756136898320778, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 22.453476576050882, "error_w_gmm": 0.04351903076780321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04264786647349239}, "run_7884": {"edge_length": 1000, "pf": 0.487858, "in_bounds_one_im": 1, "error_one_im": 0.03778604288149933, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 22.018923660796883, "error_w_gmm": 0.045120568453058056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04421734456498398}, "run_7885": {"edge_length": 1000, "pf": 0.501494, "in_bounds_one_im": 1, "error_one_im": 0.0408370434192141, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 20.256782708928412, "error_w_gmm": 0.04039269120067256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03958410999598306}, "run_7886": {"edge_length": 1000, "pf": 0.497069, "in_bounds_one_im": 1, "error_one_im": 0.038584820265660374, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 26.20921362426489, "error_w_gmm": 0.05272661000025308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051671128313692735}, "run_7887": {"edge_length": 1000, "pf": 0.502542, "in_bounds_one_im": 1, "error_one_im": 0.03740863765845722, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 20.73618148691772, "error_w_gmm": 0.04126205073519024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04043606668461868}, "run_7888": {"edge_length": 1000, "pf": 0.498738, "in_bounds_one_im": 1, "error_one_im": 0.041584063848891815, "one_im_sa_cls": 21.163265306122447, "model_in_bounds": 1, "pred_cls": 19.967502600772647, "error_w_gmm": 0.040035928680840244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03923448915103059}, "run_7889": {"edge_length": 1000, "pf": 0.503209, "in_bounds_one_im": 1, "error_one_im": 0.03998182845486117, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 26.549421101212065, "error_w_gmm": 0.05275914043795467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05170300755684101}, "run_7890": {"edge_length": 1000, "pf": 0.490743, "in_bounds_one_im": 1, "error_one_im": 0.03846497479523431, "one_im_sa_cls": 19.26530612244898, "model_in_bounds": 1, "pred_cls": 22.805275052903895, "error_w_gmm": 0.04646294752330204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04553285188062328}, "run_7891": {"edge_length": 1000, "pf": 0.49852, "in_bounds_one_im": 1, "error_one_im": 0.03690841147850989, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 17.66659312075056, "error_w_gmm": 0.03543792771958982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03472853100856479}, "run_7892": {"edge_length": 1000, "pf": 0.478057, "in_bounds_one_im": 0, "error_one_im": 0.041251606038886716, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 26.54404930793387, "error_w_gmm": 0.05547136705661448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054360940802083}, "run_7893": {"edge_length": 1000, "pf": 0.481944, "in_bounds_one_im": 1, "error_one_im": 0.04362724772266468, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 21.97293366414767, "error_w_gmm": 0.045562558713176514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044650487060658724}, "run_7894": {"edge_length": 1000, "pf": 0.50001, "in_bounds_one_im": 1, "error_one_im": 0.03883850952792715, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 23.418682519616645, "error_w_gmm": 0.046836428301299776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04589885631752005}, "run_7895": {"edge_length": 1000, "pf": 0.494709, "in_bounds_one_im": 1, "error_one_im": 0.04002055262855704, "one_im_sa_cls": 20.20408163265306, "model_in_bounds": 1, "pred_cls": 24.966803669849536, "error_w_gmm": 0.050464830345325416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049454624981380965}, "run_7896": {"edge_length": 1000, "pf": 0.496331, "in_bounds_one_im": 1, "error_one_im": 0.03840005281927455, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 22.411122742457113, "error_w_gmm": 0.0451523667813268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04424850635407168}, "run_7897": {"edge_length": 1000, "pf": 0.500878, "in_bounds_one_im": 1, "error_one_im": 0.03721390986942173, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 24.519050375296416, "error_w_gmm": 0.04895206531846076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04797214249651772}, "run_7898": {"edge_length": 1000, "pf": 0.511858, "in_bounds_one_im": 1, "error_one_im": 0.03570232894945696, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 18.46731936073871, "error_w_gmm": 0.036068841692017094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035346815340215165}, "run_7899": {"edge_length": 1000, "pf": 0.487666, "in_bounds_one_im": 1, "error_one_im": 0.03698059535455138, "one_im_sa_cls": 18.408163265306122, "model_in_bounds": 1, "pred_cls": 22.47709317835544, "error_w_gmm": 0.04607713756376475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045154765067838325}, "run_7900": {"edge_length": 1000, "pf": 0.483597, "in_bounds_one_im": 1, "error_one_im": 0.04112706059426853, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 21.568212580865623, "error_w_gmm": 0.04457555203714996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04368323829190245}, "run_7901": {"edge_length": 1000, "pf": 0.482519, "in_bounds_one_im": 1, "error_one_im": 0.04063600575764066, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 25.731779117974323, "error_w_gmm": 0.05329540971282326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05222854178921995}, "run_7902": {"edge_length": 1000, "pf": 0.499378, "in_bounds_one_im": 1, "error_one_im": 0.040209251285210704, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 24.54822075164849, "error_w_gmm": 0.04915755551308516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0481735191868377}, "run_7903": {"edge_length": 1000, "pf": 0.49884, "in_bounds_one_im": 1, "error_one_im": 0.03327650208071791, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 17.93849367413031, "error_w_gmm": 0.03596031873544857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035240464797030094}, "run_7904": {"edge_length": 1000, "pf": 0.50666, "in_bounds_one_im": 1, "error_one_im": 0.03508880898868722, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 19.70416439971794, "error_w_gmm": 0.03888685971284382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03810842225451776}, "run_7905": {"edge_length": 1000, "pf": 0.47365, "in_bounds_one_im": 0, "error_one_im": 0.03714808770425135, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 0, "pred_cls": 23.284215968810095, "error_w_gmm": 0.04909080539979609, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04810810527783232}, "run_7906": {"edge_length": 1000, "pf": 0.520013, "in_bounds_one_im": 1, "error_one_im": 0.04042736056682111, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 21.61776101503881, "error_w_gmm": 0.041538264188010925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04070675089440569}, "run_7907": {"edge_length": 1000, "pf": 0.498192, "in_bounds_one_im": 1, "error_one_im": 0.03946171398395726, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 22.349313714096617, "error_w_gmm": 0.04486055095201232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043962532096284125}, "run_7908": {"edge_length": 1000, "pf": 0.500893, "in_bounds_one_im": 1, "error_one_im": 0.036054884655825396, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 18.34148369572716, "error_w_gmm": 0.03661751001293328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035884500414441974}, "run_7909": {"edge_length": 1000, "pf": 0.487936, "in_bounds_one_im": 1, "error_one_im": 0.04236949045789566, "one_im_sa_cls": 21.10204081632653, "model_in_bounds": 1, "pred_cls": 18.124183171649236, "error_w_gmm": 0.03713377740707437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03639043316389645}, "run_7910": {"edge_length": 1000, "pf": 0.478693, "in_bounds_one_im": 0, "error_one_im": 0.03977985094882368, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 22.948537123592107, "error_w_gmm": 0.0478964407730839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04693764945145017}, "run_7911": {"edge_length": 1000, "pf": 0.492328, "in_bounds_one_im": 1, "error_one_im": 0.03850567012185602, "one_im_sa_cls": 19.346938775510203, "model_in_bounds": 1, "pred_cls": 21.027378805951823, "error_w_gmm": 0.04270507331433477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0418502028266193}, "run_7912": {"edge_length": 1000, "pf": 0.506327, "in_bounds_one_im": 1, "error_one_im": 0.04178706060397311, "one_im_sa_cls": 21.591836734693878, "model_in_bounds": 1, "pred_cls": 21.16211432909721, "error_w_gmm": 0.04179200394819125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04095541129010534}, "run_7913": {"edge_length": 1000, "pf": 0.496735, "in_bounds_one_im": 1, "error_one_im": 0.04344196275815984, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 26.651740553201698, "error_w_gmm": 0.05365269674986114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0525786766515885}, "run_7914": {"edge_length": 1000, "pf": 0.501864, "in_bounds_one_im": 1, "error_one_im": 0.03399241222813264, "one_im_sa_cls": 17.408163265306122, "model_in_bounds": 1, "pred_cls": 25.334634156111264, "error_w_gmm": 0.05048072407132117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04947020054664678}, "run_7915": {"edge_length": 1000, "pf": 0.510409, "in_bounds_one_im": 1, "error_one_im": 0.03835237417747243, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 23.854231855650276, "error_w_gmm": 0.04672539515006403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04579004582876406}, "run_7916": {"edge_length": 1000, "pf": 0.508012, "in_bounds_one_im": 1, "error_one_im": 0.041921989828700205, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 24.514728008189966, "error_w_gmm": 0.04825000295314065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047284134021053414}, "run_7917": {"edge_length": 1000, "pf": 0.508946, "in_bounds_one_im": 1, "error_one_im": 0.03893627846904118, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 21.809110799444152, "error_w_gmm": 0.042844662722171176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04198699793261071}, "run_7918": {"edge_length": 1000, "pf": 0.500831, "in_bounds_one_im": 1, "error_one_im": 0.03837546055115261, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 21.170322389918336, "error_w_gmm": 0.04227033300873975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04142416515582228}, "run_7919": {"edge_length": 1000, "pf": 0.490815, "in_bounds_one_im": 1, "error_one_im": 0.03756313397654974, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 24.21041924740707, "error_w_gmm": 0.04931865145973278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04833139031357997}, "run_7920": {"edge_length": 1000, "pf": 0.50352, "in_bounds_one_im": 1, "error_one_im": 0.039202311929621994, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 22.847063049380296, "error_w_gmm": 0.045373563858168556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04446527550611936}, "run_7921": {"edge_length": 1200, "pf": 0.5013395833333333, "in_bounds_one_im": 1, "error_one_im": 0.032811370250260374, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 18.586105544287598, "error_w_gmm": 0.030893961327357472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030275525770696896}, "run_7922": {"edge_length": 1200, "pf": 0.5104541666666667, "in_bounds_one_im": 1, "error_one_im": 0.032544996256931656, "one_im_sa_cls": 20.346938775510203, "model_in_bounds": 1, "pred_cls": 22.640853563456997, "error_w_gmm": 0.03695386331256247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036214120591119184}, "run_7923": {"edge_length": 1200, "pf": 0.48938125, "in_bounds_one_im": 1, "error_one_im": 0.034354738511202576, "one_im_sa_cls": 20.591836734693878, "model_in_bounds": 1, "pred_cls": 23.658249131960194, "error_w_gmm": 0.04027690276163193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039470639410810214}, "run_7924": {"edge_length": 1200, "pf": 0.5118930555555555, "in_bounds_one_im": 1, "error_one_im": 0.030856522265491557, "one_im_sa_cls": 19.346938775510203, "model_in_bounds": 1, "pred_cls": 21.99668638511603, "error_w_gmm": 0.03579924659642246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03508261700132807}, "run_7925": {"edge_length": 1200, "pf": 0.51494375, "in_bounds_one_im": 1, "error_one_im": 0.030151077295175823, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 24.41017944393803, "error_w_gmm": 0.039485339672730366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03869492183794109}, "run_7926": {"edge_length": 1200, "pf": 0.4897590277777778, "in_bounds_one_im": 1, "error_one_im": 0.027558287302517713, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 22.704938313276475, "error_w_gmm": 0.03862473524618002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037851544997453745}, "run_7927": {"edge_length": 1200, "pf": 0.49496875, "in_bounds_one_im": 1, "error_one_im": 0.03033652221183242, "one_im_sa_cls": 18.387755102040817, "model_in_bounds": 1, "pred_cls": 20.64742117726463, "error_w_gmm": 0.03476040294594131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03406456893107239}, "run_7928": {"edge_length": 1200, "pf": 0.49685069444444446, "in_bounds_one_im": 1, "error_one_im": 0.03230223261797754, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 19.70756206344019, "error_w_gmm": 0.03305347621826238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032391811475822686}, "run_7929": {"edge_length": 1200, "pf": 0.5012895833333333, "in_bounds_one_im": 1, "error_one_im": 0.03301413273861759, "one_im_sa_cls": 20.26530612244898, "model_in_bounds": 1, "pred_cls": 21.238466815885108, "error_w_gmm": 0.03530626621431836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034599505104323705}, "run_7930": {"edge_length": 1200, "pf": 0.4980569444444444, "in_bounds_one_im": 1, "error_one_im": 0.030785507503775903, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 21.966560973393097, "error_w_gmm": 0.036753486640819226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03601775506113984}, "run_7931": {"edge_length": 1200, "pf": 0.48756944444444444, "in_bounds_one_im": 1, "error_one_im": 0.03659818131781675, "one_im_sa_cls": 21.857142857142858, "model_in_bounds": 1, "pred_cls": 21.101026886356106, "error_w_gmm": 0.03605384681064021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0353321206264896}, "run_7932": {"edge_length": 1200, "pf": 0.5057, "in_bounds_one_im": 1, "error_one_im": 0.0322628170300985, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 23.58678797818513, "error_w_gmm": 0.038865689899978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038087676219129486}, "run_7933": {"edge_length": 1200, "pf": 0.48725555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03200506368241941, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 21.961115147364414, "error_w_gmm": 0.03754699809880841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0367953820006291}, "run_7934": {"edge_length": 1200, "pf": 0.5091881944444444, "in_bounds_one_im": 1, "error_one_im": 0.034427448867865744, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 21.164259727957567, "error_w_gmm": 0.03463140963073928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0339381578050513}, "run_7935": {"edge_length": 1200, "pf": 0.4924701388888889, "in_bounds_one_im": 1, "error_one_im": 0.033872378309176145, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 24.050598039247177, "error_w_gmm": 0.04069260364759523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03987801879322497}, "run_7936": {"edge_length": 1200, "pf": 0.5124284722222222, "in_bounds_one_im": 1, "error_one_im": 0.03085599243598988, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 1, "pred_cls": 22.72241767214538, "error_w_gmm": 0.03694076034514648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03620127991900622}, "run_7937": {"edge_length": 1200, "pf": 0.5073631944444444, "in_bounds_one_im": 1, "error_one_im": 0.033173866063720615, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 23.15128159449244, "error_w_gmm": 0.038021367702007945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037260255669445}, "run_7938": {"edge_length": 1200, "pf": 0.4959763888888889, "in_bounds_one_im": 1, "error_one_im": 0.03020823814203994, "one_im_sa_cls": 18.346938775510203, "model_in_bounds": 1, "pred_cls": 23.565637984738903, "error_w_gmm": 0.03959340852883451, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03880082737084834}, "run_7939": {"edge_length": 1200, "pf": 0.49915069444444443, "in_bounds_one_im": 1, "error_one_im": 0.031786697684796354, "one_im_sa_cls": 19.428571428571427, "model_in_bounds": 1, "pred_cls": 21.53596950736392, "error_w_gmm": 0.035954303109910775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035234569592330796}, "run_7940": {"edge_length": 1200, "pf": 0.4805125, "in_bounds_one_im": 0, "error_one_im": 0.031192377662057444, "one_im_sa_cls": 18.367346938775512, "model_in_bounds": 0, "pred_cls": 22.26200518499833, "error_w_gmm": 0.03857875740733991, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.037806487543346985}, "run_7941": {"edge_length": 1200, "pf": 0.5178034722222222, "in_bounds_one_im": 0, "error_one_im": 0.02997893755466401, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 0, "pred_cls": 18.5126779382464, "error_w_gmm": 0.029774711059378796, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02917868066323439}, "run_7942": {"edge_length": 1200, "pf": 0.49161666666666665, "in_bounds_one_im": 1, "error_one_im": 0.030405038751424016, "one_im_sa_cls": 18.306122448979593, "model_in_bounds": 1, "pred_cls": 23.299812125338676, "error_w_gmm": 0.03948967159473729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038699167043499724}, "run_7943": {"edge_length": 1200, "pf": 0.5058298611111111, "in_bounds_one_im": 1, "error_one_im": 0.03340755848892474, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 20.902343346879125, "error_w_gmm": 0.03443338705669826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03374409924842812}, "run_7944": {"edge_length": 1200, "pf": 0.48918402777777775, "in_bounds_one_im": 1, "error_one_im": 0.030349012804907385, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 18.26872562981103, "error_w_gmm": 0.03111380337711273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030490967020600748}, "run_7945": {"edge_length": 1200, "pf": 0.5080409722222222, "in_bounds_one_im": 1, "error_one_im": 0.030439242408014364, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 21.456454268225038, "error_w_gmm": 0.035190205501504764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03448576769575629}, "run_7946": {"edge_length": 1200, "pf": 0.5029659722222222, "in_bounds_one_im": 1, "error_one_im": 0.033168711545231835, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 20.687135637449295, "error_w_gmm": 0.03427463752956472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03358852757055588}, "run_7947": {"edge_length": 1200, "pf": 0.4845298611111111, "in_bounds_one_im": 0, "error_one_im": 0.03190510831458206, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 22.970645331501075, "error_w_gmm": 0.039487844529303616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038697376552276015}, "run_7948": {"edge_length": 1200, "pf": 0.5037840277777778, "in_bounds_one_im": 1, "error_one_im": 0.032452857650141095, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 19.94620071312707, "error_w_gmm": 0.03299302278890183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032332568203678407}, "run_7949": {"edge_length": 1200, "pf": 0.5110666666666667, "in_bounds_one_im": 1, "error_one_im": 0.027582090133539537, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 21.137853813490626, "error_w_gmm": 0.034458445777375016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033768656343440624}, "run_7950": {"edge_length": 1200, "pf": 0.5031305555555555, "in_bounds_one_im": 1, "error_one_im": 0.029315333155085187, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 25.008516671402656, "error_w_gmm": 0.04142070450141781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04059154451852754}, "run_7951": {"edge_length": 1200, "pf": 0.5132243055555555, "in_bounds_one_im": 1, "error_one_im": 0.03291694748261584, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 18.5903386094785, "error_w_gmm": 0.030174972602984212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029570929768165898}, "run_7952": {"edge_length": 1200, "pf": 0.48283333333333334, "in_bounds_one_im": 0, "error_one_im": 0.032910598466120294, "one_im_sa_cls": 19.46938775510204, "model_in_bounds": 0, "pred_cls": 17.840156590604238, "error_w_gmm": 0.03077259009329618, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.030156584146937317}, "run_7953": {"edge_length": 1200, "pf": 0.5092541666666667, "in_bounds_one_im": 1, "error_one_im": 0.032426900157398415, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 26.055267439624696, "error_w_gmm": 0.04262901519701877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041775667241283725}, "run_7954": {"edge_length": 1200, "pf": 0.4866847222222222, "in_bounds_one_im": 1, "error_one_im": 0.03323978709241508, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 22.381058824230063, "error_w_gmm": 0.0383087178462129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03754185363624205}, "run_7955": {"edge_length": 1200, "pf": 0.48749375, "in_bounds_one_im": 1, "error_one_im": 0.030861964842367633, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 20.346723254974073, "error_w_gmm": 0.03477028773569562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03407425584702912}, "run_7956": {"edge_length": 1200, "pf": 0.4981333333333333, "in_bounds_one_im": 1, "error_one_im": 0.0320856429030055, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 21.66389706506412, "error_w_gmm": 0.03624154525436042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03551606172131251}, "run_7957": {"edge_length": 1200, "pf": 0.50410625, "in_bounds_one_im": 1, "error_one_im": 0.036200799366895645, "one_im_sa_cls": 22.346938775510203, "model_in_bounds": 1, "pred_cls": 23.22416370739968, "error_w_gmm": 0.03839035341510978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03762185502368972}, "run_7958": {"edge_length": 1200, "pf": 0.5072763888888889, "in_bounds_one_im": 1, "error_one_im": 0.035643460849540176, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 23.079494159425387, "error_w_gmm": 0.037910053587636466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03715116984187542}, "run_7959": {"edge_length": 1200, "pf": 0.5087368055555556, "in_bounds_one_im": 1, "error_one_im": 0.034884371861488656, "one_im_sa_cls": 21.73469387755102, "model_in_bounds": 1, "pred_cls": 25.203200652945025, "error_w_gmm": 0.04127765161691277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04045135526777028}, "run_7960": {"edge_length": 1200, "pf": 0.5027652777777778, "in_bounds_one_im": 1, "error_one_im": 0.030629564499231165, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 19.58152617071088, "error_w_gmm": 0.03245587878910618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031806176756622756}, "run_7961": {"edge_length": 1400, "pf": 0.49970969387755104, "in_bounds_one_im": 1, "error_one_im": 0.02984534686774478, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 24.428271965609778, "error_w_gmm": 0.03421944321507721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034218814424778}, "run_7962": {"edge_length": 1400, "pf": 0.502255612244898, "in_bounds_one_im": 1, "error_one_im": 0.027674361036054827, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 26.155862811813932, "error_w_gmm": 0.03645338591610774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03645271607658714}, "run_7963": {"edge_length": 1400, "pf": 0.5013418367346939, "in_bounds_one_im": 1, "error_one_im": 0.03006151941449528, "one_im_sa_cls": 21.53061224489796, "model_in_bounds": 1, "pred_cls": 22.04567404789891, "error_w_gmm": 0.03078122576526175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03078066015301502}, "run_7964": {"edge_length": 1400, "pf": 0.5023173469387755, "in_bounds_one_im": 1, "error_one_im": 0.02684621928235688, "one_im_sa_cls": 19.26530612244898, "model_in_bounds": 1, "pred_cls": 23.099418517101594, "error_w_gmm": 0.03218964942186104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032189057929499124}, "run_7965": {"edge_length": 1400, "pf": 0.49577755102040816, "in_bounds_one_im": 1, "error_one_im": 0.029504726398988632, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 25.167700998268664, "error_w_gmm": 0.0355336026162437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03553294967795706}, "run_7966": {"edge_length": 1400, "pf": 0.5037188775510204, "in_bounds_one_im": 1, "error_one_im": 0.029606988732537268, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 23.808161235313097, "error_w_gmm": 0.033084429878972144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033083821944809313}, "run_7967": {"edge_length": 1400, "pf": 0.5038959183673469, "in_bounds_one_im": 1, "error_one_im": 0.029738252411269216, "one_im_sa_cls": 21.408163265306122, "model_in_bounds": 1, "pred_cls": 22.39062511719111, "error_w_gmm": 0.031103569636130333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031102998100739316}, "run_7968": {"edge_length": 1400, "pf": 0.5093857142857143, "in_bounds_one_im": 1, "error_one_im": 0.0280114878925737, "one_im_sa_cls": 20.387755102040817, "model_in_bounds": 1, "pred_cls": 23.32057890471353, "error_w_gmm": 0.03204159134255318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03204100257079323}, "run_7969": {"edge_length": 1400, "pf": 0.49947448979591835, "in_bounds_one_im": 1, "error_one_im": 0.02891555839199394, "one_im_sa_cls": 20.632653061224488, "model_in_bounds": 1, "pred_cls": 22.745805412903245, "error_w_gmm": 0.031877614012740044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03187702825410193}, "run_7970": {"edge_length": 1400, "pf": 0.4968831632653061, "in_bounds_one_im": 1, "error_one_im": 0.032372008882510975, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 22.825898007023206, "error_w_gmm": 0.032156086860275754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03215549598463374}, "run_7971": {"edge_length": 1400, "pf": 0.49285918367346937, "in_bounds_one_im": 1, "error_one_im": 0.026489455239644803, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 23.318450040086432, "error_w_gmm": 0.03311544317706278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033114834673023404}, "run_7972": {"edge_length": 1400, "pf": 0.500215306122449, "in_bounds_one_im": 1, "error_one_im": 0.02790175535724182, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 21.51432566855611, "error_w_gmm": 0.03010708866240775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03010653543758849}, "run_7973": {"edge_length": 1400, "pf": 0.5027586734693877, "in_bounds_one_im": 1, "error_one_im": 0.028442114153540712, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 22.454199974165796, "error_w_gmm": 0.03126291315036957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031262338687004065}, "run_7974": {"edge_length": 1400, "pf": 0.5118821428571428, "in_bounds_one_im": 1, "error_one_im": 0.02965750403660862, "one_im_sa_cls": 21.693877551020407, "model_in_bounds": 1, "pred_cls": 24.094456703923036, "error_w_gmm": 0.032939919390571774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03293931411182312}, "run_7975": {"edge_length": 1400, "pf": 0.5110948979591837, "in_bounds_one_im": 1, "error_one_im": 0.026630442806027676, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 21.251202534059065, "error_w_gmm": 0.029098664546296248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029098129851506765}, "run_7976": {"edge_length": 1400, "pf": 0.5077030612244898, "in_bounds_one_im": 1, "error_one_im": 0.02633349487011303, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 22.95411153658922, "error_w_gmm": 0.031644424359879485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03164384288615594}, "run_7977": {"edge_length": 1400, "pf": 0.5068918367346938, "in_bounds_one_im": 1, "error_one_im": 0.026207184815363983, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 22.198887887365142, "error_w_gmm": 0.03065297994433032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030652416688630578}, "run_7978": {"edge_length": 1400, "pf": 0.49635357142857145, "in_bounds_one_im": 1, "error_one_im": 0.0318594959078317, "one_im_sa_cls": 22.591836734693878, "model_in_bounds": 1, "pred_cls": 21.202218126365104, "error_w_gmm": 0.029900375171722362, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029899825745311946}, "run_7979": {"edge_length": 1400, "pf": 0.5003668367346938, "in_bounds_one_im": 1, "error_one_im": 0.028578499484204812, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 23.122174676283684, "error_w_gmm": 0.03234730347613884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03234670908684663}, "run_7980": {"edge_length": 1400, "pf": 0.509159693877551, "in_bounds_one_im": 1, "error_one_im": 0.029482872351748866, "one_im_sa_cls": 21.448979591836736, "model_in_bounds": 1, "pred_cls": 23.358656026281004, "error_w_gmm": 0.03210842389385938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03210783389403555}, "run_7981": {"edge_length": 1400, "pf": 0.4974112244897959, "in_bounds_one_im": 1, "error_one_im": 0.029351038564682453, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 23.32016109104441, "error_w_gmm": 0.03281770325645726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03281710022345866}, "run_7982": {"edge_length": 1400, "pf": 0.4930260204081633, "in_bounds_one_im": 1, "error_one_im": 0.02769744968863397, "one_im_sa_cls": 19.510204081632654, "model_in_bounds": 1, "pred_cls": 19.436158694695102, "error_w_gmm": 0.02759283898278322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027592331957891774}, "run_7983": {"edge_length": 1400, "pf": 0.509584693877551, "in_bounds_one_im": 1, "error_one_im": 0.028364707441323595, "one_im_sa_cls": 20.653061224489797, "model_in_bounds": 1, "pred_cls": 22.94822638416893, "error_w_gmm": 0.03151744342552427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03151686428510527}, "run_7984": {"edge_length": 1400, "pf": 0.513534693877551, "in_bounds_one_im": 1, "error_one_im": 0.028975619892488286, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 21.363129824264032, "error_w_gmm": 0.029109447124770236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029108912231848347}, "run_7985": {"edge_length": 1400, "pf": 0.502205612244898, "in_bounds_one_im": 1, "error_one_im": 0.028132251028058452, "one_im_sa_cls": 20.183673469387756, "model_in_bounds": 1, "pred_cls": 21.07633218176494, "error_w_gmm": 0.02937698947208815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02937644966301289}, "run_7986": {"edge_length": 1400, "pf": 0.4910688775510204, "in_bounds_one_im": 1, "error_one_im": 0.024897517114421504, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 21.853008591951188, "error_w_gmm": 0.031145662397132932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031145090088277504}, "run_7987": {"edge_length": 1400, "pf": 0.5008265306122449, "in_bounds_one_im": 1, "error_one_im": 0.03171836894944236, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 26.711154517386934, "error_w_gmm": 0.03733385009051728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03733316407226088}, "run_7988": {"edge_length": 1400, "pf": 0.514795918367347, "in_bounds_one_im": 0, "error_one_im": 0.02488061400593945, "one_im_sa_cls": 18.306122448979593, "model_in_bounds": 1, "pred_cls": 22.60390631187897, "error_w_gmm": 0.030722475715132994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030721911182432178}, "run_7989": {"edge_length": 1400, "pf": 0.5106173469387755, "in_bounds_one_im": 1, "error_one_im": 0.03018018677322569, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 19.272653185781543, "error_w_gmm": 0.026414722045263028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026414236668546812}, "run_7990": {"edge_length": 1400, "pf": 0.49367397959183673, "in_bounds_one_im": 1, "error_one_im": 0.028761091545547058, "one_im_sa_cls": 20.285714285714285, "model_in_bounds": 1, "pred_cls": 24.36031349304698, "error_w_gmm": 0.03453869412958328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034538059472973566}, "run_7991": {"edge_length": 1400, "pf": 0.5044244897959184, "in_bounds_one_im": 1, "error_one_im": 0.026336845772772108, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 20.386034410502635, "error_w_gmm": 0.028289001930171333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02828848211312238}, "run_7992": {"edge_length": 1400, "pf": 0.5087147959183673, "in_bounds_one_im": 1, "error_one_im": 0.03127798909772073, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 23.06058617779383, "error_w_gmm": 0.031726928941064575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03172634595129997}, "run_7993": {"edge_length": 1400, "pf": 0.5056321428571429, "in_bounds_one_im": 1, "error_one_im": 0.025425778584572588, "one_im_sa_cls": 18.367346938775512, "model_in_bounds": 1, "pred_cls": 22.116897860114996, "error_w_gmm": 0.030616815980595787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030616253389417408}, "run_7994": {"edge_length": 1400, "pf": 0.4840061224489796, "in_bounds_one_im": 0, "error_one_im": 0.03073891548880378, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 23.46499587484369, "error_w_gmm": 0.033919181556947245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03391855828402642}, "run_7995": {"edge_length": 1400, "pf": 0.4934765306122449, "in_bounds_one_im": 1, "error_one_im": 0.02625414003886308, "one_im_sa_cls": 18.510204081632654, "model_in_bounds": 1, "pred_cls": 20.836970133849363, "error_w_gmm": 0.029554875891566967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029554332813786933}, "run_7996": {"edge_length": 1400, "pf": 0.48625663265306124, "in_bounds_one_im": 0, "error_one_im": 0.02833946410364971, "one_im_sa_cls": 19.693877551020407, "model_in_bounds": 1, "pred_cls": 22.89176648656583, "error_w_gmm": 0.03294182742380197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03294122210999277}, "run_7997": {"edge_length": 1400, "pf": 0.5052882653061225, "in_bounds_one_im": 1, "error_one_im": 0.031606199618511945, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 1, "pred_cls": 24.265355794142017, "error_w_gmm": 0.03361407766043765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03361345999387257}, "run_7998": {"edge_length": 1400, "pf": 0.5091045918367347, "in_bounds_one_im": 1, "error_one_im": 0.02794308111989757, "one_im_sa_cls": 20.3265306122449, "model_in_bounds": 1, "pred_cls": 20.543797869519818, "error_w_gmm": 0.028242279509276384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02824176055076284}, "run_7999": {"edge_length": 1400, "pf": 0.503244387755102, "in_bounds_one_im": 1, "error_one_im": 0.02858481375586722, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 22.15836832083798, "error_w_gmm": 0.03082107155561224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03082050521118971}, "run_8000": {"edge_length": 1400, "pf": 0.4987755102040816, "in_bounds_one_im": 1, "error_one_im": 0.025719581192500934, "one_im_sa_cls": 18.3265306122449, "model_in_bounds": 1, "pred_cls": 23.794372315403944, "error_w_gmm": 0.033393802086478505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033393188467528714}}, "fractal_noise_0.045_7_True_simplex": {"true_cls": 7.3061224489795915, "true_pf": 0.5001664333333333, "run_8001": {"edge_length": 600, "pf": 0.4973722222222222, "in_bounds_one_im": 1, "error_one_im": 0.025399341094351338, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 5.609255400473567, "error_w_gmm": 0.019153734878801423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018419784086796998}, "run_8002": {"edge_length": 600, "pf": 0.4994222222222222, "in_bounds_one_im": 1, "error_one_im": 0.028298829257375858, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.549495149070783, "error_w_gmm": 0.025673527210560654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02468974489609464}, "run_8003": {"edge_length": 600, "pf": 0.5062722222222222, "in_bounds_one_im": 1, "error_one_im": 0.027387085803251998, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 11.336003392994915, "error_w_gmm": 0.038025722596000434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036568617264195837}, "run_8004": {"edge_length": 600, "pf": 0.5134166666666666, "in_bounds_one_im": 1, "error_one_im": 0.02615468175451048, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 0, "pred_cls": 6.991063381522393, "error_w_gmm": 0.02311812725050019, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022232265150365194}, "run_8005": {"edge_length": 600, "pf": 0.5091111111111111, "in_bounds_one_im": 1, "error_one_im": 0.026511914907219762, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 8.136650916124923, "error_w_gmm": 0.0271391833161494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026099238615270935}, "run_8006": {"edge_length": 600, "pf": 0.499525, "in_bounds_one_im": 1, "error_one_im": 0.02609096233740039, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.2563625360430954, "error_w_gmm": 0.021271605195520963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02045649986075226}, "run_8007": {"edge_length": 600, "pf": 0.49290833333333334, "in_bounds_one_im": 1, "error_one_im": 0.023530987928971462, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.037248459989277, "error_w_gmm": 0.027690661316375268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026629584563831767}, "run_8008": {"edge_length": 600, "pf": 0.4945, "in_bounds_one_im": 1, "error_one_im": 0.025006453456108874, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.623792597841683, "error_w_gmm": 0.026182691110151386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02517939817544694}, "run_8009": {"edge_length": 600, "pf": 0.5037916666666666, "in_bounds_one_im": 1, "error_one_im": 0.024347541588167904, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 8.046391398744701, "error_w_gmm": 0.02712523243183342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026085822314035445}, "run_8010": {"edge_length": 600, "pf": 0.5055611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02749199755752806, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 9.056176502163513, "error_w_gmm": 0.030421465841493685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029255747557849144}, "run_8011": {"edge_length": 600, "pf": 0.5024944444444445, "in_bounds_one_im": 1, "error_one_im": 0.027130475391957006, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.812714098452682, "error_w_gmm": 0.029785767370014076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028644408377106925}, "run_8012": {"edge_length": 600, "pf": 0.4928388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02644222555178992, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.13720174985552, "error_w_gmm": 0.028038924321200007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026964502499935705}, "run_8013": {"edge_length": 600, "pf": 0.4994138888888889, "in_bounds_one_im": 1, "error_one_im": 0.02489537556390121, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.595501014409434, "error_w_gmm": 0.025830409611138465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024840615729587283}, "run_8014": {"edge_length": 600, "pf": 0.4960361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02533291541769957, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.689309082269175, "error_w_gmm": 0.022902880265759665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022025266201630644}, "run_8015": {"edge_length": 600, "pf": 0.5015194444444444, "in_bounds_one_im": 1, "error_one_im": 0.026252948069782744, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.262281454390802, "error_w_gmm": 0.03136634928383984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030164424069523646}, "run_8016": {"edge_length": 600, "pf": 0.5005888888888889, "in_bounds_one_im": 1, "error_one_im": 0.02383813553162304, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.982089861527057, "error_w_gmm": 0.013510310517278615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012992609757237475}, "run_8017": {"edge_length": 600, "pf": 0.5022722222222222, "in_bounds_one_im": 1, "error_one_im": 0.024886188571455782, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.906217023244199, "error_w_gmm": 0.02335244501106111, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02245760410303148}, "run_8018": {"edge_length": 600, "pf": 0.49270555555555556, "in_bounds_one_im": 1, "error_one_im": 0.02550224621060616, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 11.016203739270958, "error_w_gmm": 0.03796942847452855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036514480273711736}, "run_8019": {"edge_length": 600, "pf": 0.5045583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02814173907267499, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 6.665259732909677, "error_w_gmm": 0.02243486327781435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02157518312793997}, "run_8020": {"edge_length": 600, "pf": 0.4937638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02571832229398686, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 10.078033141928772, "error_w_gmm": 0.034662386265989935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03333416041272088}, "run_8021": {"edge_length": 600, "pf": 0.49464444444444444, "in_bounds_one_im": 1, "error_one_im": 0.027020730604446982, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.090769859071781, "error_w_gmm": 0.020911728003902497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02011041278116593}, "run_8022": {"edge_length": 600, "pf": 0.5052472222222222, "in_bounds_one_im": 1, "error_one_im": 0.024672577178465886, "one_im_sa_cls": 7.63265306122449, "model_in_bounds": 1, "pred_cls": 4.363798815776262, "error_w_gmm": 0.014668059083624823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014105994627281696}, "run_8023": {"edge_length": 600, "pf": 0.5064583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02678460343829579, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 7.468552837128441, "error_w_gmm": 0.02504334208798655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024083707798579282}, "run_8024": {"edge_length": 600, "pf": 0.50105, "in_bounds_one_im": 1, "error_one_im": 0.02521319895589237, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 5.494565584929815, "error_w_gmm": 0.01862460707093037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01791093189494115}, "run_8025": {"edge_length": 600, "pf": 0.4919222222222222, "in_bounds_one_im": 1, "error_one_im": 0.024661473595286677, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 10.20647954190944, "error_w_gmm": 0.035233730305582654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03388361115510448}, "run_8026": {"edge_length": 600, "pf": 0.503125, "in_bounds_one_im": 1, "error_one_im": 0.023452527116452532, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 10.7524444044756, "error_w_gmm": 0.036295986694211226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03490516300633193}, "run_8027": {"edge_length": 600, "pf": 0.4926527777777778, "in_bounds_one_im": 1, "error_one_im": 0.02577554826432028, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.357876251467548, "error_w_gmm": 0.021915935991632017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021076140584607866}, "run_8028": {"edge_length": 600, "pf": 0.5087861111111112, "in_bounds_one_im": 1, "error_one_im": 0.025612101439034907, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.939954504166403, "error_w_gmm": 0.029837936204387554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028694578157115798}, "run_8029": {"edge_length": 600, "pf": 0.49475277777777776, "in_bounds_one_im": 1, "error_one_im": 0.02768856377191191, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.134854636191092, "error_w_gmm": 0.027923729394369327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026853721720440635}, "run_8030": {"edge_length": 600, "pf": 0.5096694444444444, "in_bounds_one_im": 1, "error_one_im": 0.0259592085448392, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 9.51936113622182, "error_w_gmm": 0.031715660490563305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03050035004154197}, "run_8031": {"edge_length": 600, "pf": 0.49301944444444445, "in_bounds_one_im": 1, "error_one_im": 0.031773294344896376, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 8.056213421490355, "error_w_gmm": 0.02774983259476837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02668648846163739}, "run_8032": {"edge_length": 600, "pf": 0.4970805555555556, "in_bounds_one_im": 1, "error_one_im": 0.022128426151257204, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.352148966820564, "error_w_gmm": 0.025119784032692365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02415722056909458}, "run_8033": {"edge_length": 600, "pf": 0.50045, "in_bounds_one_im": 1, "error_one_im": 0.02810750822553547, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 6.816919995764459, "error_w_gmm": 0.023134659355493314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022248163762641163}, "run_8034": {"edge_length": 600, "pf": 0.4901, "in_bounds_one_im": 1, "error_one_im": 0.027811487857113005, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 0, "pred_cls": 4.1927130276504, "error_w_gmm": 0.014526502722791056, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013969862555956164}, "run_8035": {"edge_length": 600, "pf": 0.49730277777777776, "in_bounds_one_im": 1, "error_one_im": 0.026341233684387514, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 5.458578054255606, "error_w_gmm": 0.01864181107011667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0179274766551379}, "run_8036": {"edge_length": 600, "pf": 0.5021888888888889, "in_bounds_one_im": 1, "error_one_im": 0.026085072859275752, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.214199972732448, "error_w_gmm": 0.024397914038211132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02346301186665507}, "run_8037": {"edge_length": 600, "pf": 0.4994, "in_bounds_one_im": 1, "error_one_im": 0.023894884789122484, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.290076071635283, "error_w_gmm": 0.02819326974566641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02711293357154895}, "run_8038": {"edge_length": 600, "pf": 0.49890277777777775, "in_bounds_one_im": 1, "error_one_im": 0.02598982759399167, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.285445593752243, "error_w_gmm": 0.024801327838969232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023850967278725772}, "run_8039": {"edge_length": 600, "pf": 0.4970361111111111, "in_bounds_one_im": 1, "error_one_im": 0.024142247212350407, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 7.739144100654506, "error_w_gmm": 0.026444364926541786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025431044928917255}, "run_8040": {"edge_length": 600, "pf": 0.49588333333333334, "in_bounds_one_im": 1, "error_one_im": 0.02520622452168301, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.169375081887815, "error_w_gmm": 0.024554033910616186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023613149391245248}, "run_8041": {"edge_length": 800, "pf": 0.5077015625, "in_bounds_one_im": 1, "error_one_im": 0.016739825239586715, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.449545722763234, "error_w_gmm": 0.015770912877808074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015559556310044837}, "run_8042": {"edge_length": 800, "pf": 0.505153125, "in_bounds_one_im": 1, "error_one_im": 0.019250212116882333, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 5.402010430664932, "error_w_gmm": 0.013276910888942523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013098978112461775}, "run_8043": {"edge_length": 800, "pf": 0.5006265625, "in_bounds_one_im": 1, "error_one_im": 0.017577635802417526, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.355532717863943, "error_w_gmm": 0.020722762350957415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02044504273136369}, "run_8044": {"edge_length": 800, "pf": 0.500140625, "in_bounds_one_im": 1, "error_one_im": 0.01974408328457796, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.718085441484539, "error_w_gmm": 0.016677890019041602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016454378443062}, "run_8045": {"edge_length": 800, "pf": 0.49510625, "in_bounds_one_im": 1, "error_one_im": 0.02014585541190228, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.028464272434798, "error_w_gmm": 0.020132652617887447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019862841454116893}, "run_8046": {"edge_length": 800, "pf": 0.5050875, "in_bounds_one_im": 1, "error_one_im": 0.020984990731467614, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 6.721491186072422, "error_w_gmm": 0.016522062571910273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01630063934393203}, "run_8047": {"edge_length": 800, "pf": 0.4930609375, "in_bounds_one_im": 1, "error_one_im": 0.01951867503585766, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.096290193273962, "error_w_gmm": 0.02038596968915868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02011276365362927}, "run_8048": {"edge_length": 800, "pf": 0.5023796875, "in_bounds_one_im": 1, "error_one_im": 0.01945681705840712, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.121730349574936, "error_w_gmm": 0.022543844067883175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022241718912332935}, "run_8049": {"edge_length": 800, "pf": 0.4960640625, "in_bounds_one_im": 1, "error_one_im": 0.019099412849730754, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 5.216858030390321, "error_w_gmm": 0.013057063872919944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012882077413567389}, "run_8050": {"edge_length": 800, "pf": 0.497559375, "in_bounds_one_im": 1, "error_one_im": 0.019343839062966713, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.023026078222673, "error_w_gmm": 0.02002054282876824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019752234123379467}, "run_8051": {"edge_length": 800, "pf": 0.501825, "in_bounds_one_im": 1, "error_one_im": 0.01868134366342008, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.374005434971068, "error_w_gmm": 0.018244669451676278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018000160414998606}, "run_8052": {"edge_length": 800, "pf": 0.49261875, "in_bounds_one_im": 1, "error_one_im": 0.01923149171104433, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 0, "pred_cls": 4.859297931448995, "error_w_gmm": 0.012246246395579053, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012082126244373761}, "run_8053": {"edge_length": 800, "pf": 0.499478125, "in_bounds_one_im": 1, "error_one_im": 0.020070569312086162, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.086749680630117, "error_w_gmm": 0.017616438653686044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01738034895875828}, "run_8054": {"edge_length": 800, "pf": 0.5055015625, "in_bounds_one_im": 1, "error_one_im": 0.019236800275957606, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.706713313328919, "error_w_gmm": 0.016472089029430686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01625133553037044}, "run_8055": {"edge_length": 800, "pf": 0.4966640625, "in_bounds_one_im": 1, "error_one_im": 0.019781179135125462, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.334664321670362, "error_w_gmm": 0.015835760895684763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015623535256194969}, "run_8056": {"edge_length": 800, "pf": 0.4999953125, "in_bounds_one_im": 1, "error_one_im": 0.018399834393320994, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.752244844910492, "error_w_gmm": 0.01925082208827885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01899282892613762}, "run_8057": {"edge_length": 800, "pf": 0.5000234375, "in_bounds_one_im": 1, "error_one_im": 0.019348737445883276, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.493090292888775, "error_w_gmm": 0.02108934597918427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02080671352682934}, "run_8058": {"edge_length": 800, "pf": 0.4998828125, "in_bounds_one_im": 1, "error_one_im": 0.020254374464340436, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.079240261246037, "error_w_gmm": 0.01758353409054266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017347885371706936}, "run_8059": {"edge_length": 800, "pf": 0.4949375, "in_bounds_one_im": 1, "error_one_im": 0.018283863755641668, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 0, "pred_cls": 3.30302063896624, "error_w_gmm": 0.00828564643707276, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008174604938954777}, "run_8060": {"edge_length": 800, "pf": 0.50128125, "in_bounds_one_im": 1, "error_one_im": 0.015958759145563873, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.270912351194592, "error_w_gmm": 0.015532293076296342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015324134412334843}, "run_8061": {"edge_length": 800, "pf": 0.4986078125, "in_bounds_one_im": 1, "error_one_im": 0.01804985704292954, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 6.652841159733616, "error_w_gmm": 0.016566628151335656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01634460767017488}, "run_8062": {"edge_length": 800, "pf": 0.4989609375, "in_bounds_one_im": 1, "error_one_im": 0.019890928225411744, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.420300695524701, "error_w_gmm": 0.015976278267091987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01576216946018112}, "run_8063": {"edge_length": 800, "pf": 0.5055984375, "in_bounds_one_im": 1, "error_one_im": 0.01873864957608312, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.699944416669896, "error_w_gmm": 0.018907859820611134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01865446292555528}, "run_8064": {"edge_length": 800, "pf": 0.494821875, "in_bounds_one_im": 1, "error_one_im": 0.022026542747484418, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 6.8508367585121155, "error_w_gmm": 0.017189338749326533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016958972906313825}, "run_8065": {"edge_length": 800, "pf": 0.501990625, "in_bounds_one_im": 1, "error_one_im": 0.01683254097125201, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.57831773877457, "error_w_gmm": 0.023690701657327524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02337320669498831}, "run_8066": {"edge_length": 800, "pf": 0.4950203125, "in_bounds_one_im": 1, "error_one_im": 0.020149318616029963, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 4.5631550706724155, "error_w_gmm": 0.011444805076308946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011291425577075765}, "run_8067": {"edge_length": 800, "pf": 0.494528125, "in_bounds_one_im": 1, "error_one_im": 0.019461475036310412, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.635537490733797, "error_w_gmm": 0.01665891971677752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01643566237452588}, "run_8068": {"edge_length": 800, "pf": 0.496578125, "in_bounds_one_im": 1, "error_one_im": 0.019180470175913393, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 9.306352867530528, "error_w_gmm": 0.023268559221983065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022956721673195728}, "run_8069": {"edge_length": 800, "pf": 0.4998328125, "in_bounds_one_im": 1, "error_one_im": 0.018855957533868675, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.261011145009973, "error_w_gmm": 0.01306869333220119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012893551018674733}, "run_8070": {"edge_length": 800, "pf": 0.4999484375, "in_bounds_one_im": 1, "error_one_im": 0.01850156793398209, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 7.6876533540417045, "error_w_gmm": 0.019092214579242744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018836347022574824}, "run_8071": {"edge_length": 800, "pf": 0.50014375, "in_bounds_one_im": 1, "error_one_im": 0.020443745804387667, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.679938793453847, "error_w_gmm": 0.02154812722519466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021259346338043224}, "run_8072": {"edge_length": 800, "pf": 0.4944828125, "in_bounds_one_im": 1, "error_one_im": 0.01946323902543477, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 5.6282745831973955, "error_w_gmm": 0.014131405791328731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01394202135627002}, "run_8073": {"edge_length": 800, "pf": 0.49801875, "in_bounds_one_im": 1, "error_one_im": 0.018522913177004642, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 9.190013688674002, "error_w_gmm": 0.02291156668598076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022604513433303094}, "run_8074": {"edge_length": 800, "pf": 0.49789375, "in_bounds_one_im": 1, "error_one_im": 0.01872838515305522, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.1513089881318015, "error_w_gmm": 0.01783334237077907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017594345803843597}, "run_8075": {"edge_length": 800, "pf": 0.4967046875, "in_bounds_one_im": 1, "error_one_im": 0.023352980574421586, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 10.710212183672088, "error_w_gmm": 0.02677183356064984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02641304628575034}, "run_8076": {"edge_length": 800, "pf": 0.4948578125, "in_bounds_one_im": 1, "error_one_im": 0.019650709259033228, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.899691695794958, "error_w_gmm": 0.0173106756074983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017078683647970695}, "run_8077": {"edge_length": 800, "pf": 0.499696875, "in_bounds_one_im": 1, "error_one_im": 0.018761025890680523, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.750140312505354, "error_w_gmm": 0.01925708663731023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018999009519751118}, "run_8078": {"edge_length": 800, "pf": 0.5044765625, "in_bounds_one_im": 1, "error_one_im": 0.02006913482315472, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.028355621853204, "error_w_gmm": 0.017297488843368142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017065673608499806}, "run_8079": {"edge_length": 800, "pf": 0.5013078125, "in_bounds_one_im": 1, "error_one_im": 0.01860094042121454, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 5.757438524463369, "error_w_gmm": 0.014259722804124705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014068618706823261}, "run_8080": {"edge_length": 800, "pf": 0.4963328125, "in_bounds_one_im": 1, "error_one_im": 0.01949208626414396, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.097174977977097, "error_w_gmm": 0.020255202438234754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0199837489022307}, "run_8081": {"edge_length": 1000, "pf": 0.503381, "in_bounds_one_im": 1, "error_one_im": 0.014978096253175548, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.87479007328117, "error_w_gmm": 0.013656917718030851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013383533433583759}, "run_8082": {"edge_length": 1000, "pf": 0.502746, "in_bounds_one_im": 1, "error_one_im": 0.015315372748872872, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.32896644047692, "error_w_gmm": 0.016566697358348568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016235065082569063}, "run_8083": {"edge_length": 1000, "pf": 0.499472, "in_bounds_one_im": 1, "error_one_im": 0.015415987718024559, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.431012719116758, "error_w_gmm": 0.016879841148758144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01654194035816163}, "run_8084": {"edge_length": 1000, "pf": 0.497374, "in_bounds_one_im": 1, "error_one_im": 0.015802489009737554, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.399547045956683, "error_w_gmm": 0.012866492386779869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012608930842723704}, "run_8085": {"edge_length": 1000, "pf": 0.491779, "in_bounds_one_im": 0, "error_one_im": 0.016549608849148183, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 0, "pred_cls": 8.155324603491177, "error_w_gmm": 0.016581070310740267, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016249150317088602}, "run_8086": {"edge_length": 1000, "pf": 0.496012, "in_bounds_one_im": 1, "error_one_im": 0.01584559558665838, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.715732827287351, "error_w_gmm": 0.013539025684713187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013268001363900304}, "run_8087": {"edge_length": 1000, "pf": 0.499281, "in_bounds_one_im": 1, "error_one_im": 0.015021309505996587, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 5.486139813495558, "error_w_gmm": 0.010988069125907027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010768109873207124}, "run_8088": {"edge_length": 1000, "pf": 0.498761, "in_bounds_one_im": 1, "error_one_im": 0.017001766663384495, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.854416389816006, "error_w_gmm": 0.015747807616914467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015432567882308994}, "run_8089": {"edge_length": 1000, "pf": 0.506087, "in_bounds_one_im": 1, "error_one_im": 0.015608520688975069, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.840463062887368, "error_w_gmm": 0.01549117451829899, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015181072067045302}, "run_8090": {"edge_length": 1000, "pf": 0.499814, "in_bounds_one_im": 1, "error_one_im": 0.014765220422278225, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 8.089458547264867, "error_w_gmm": 0.016184936771557166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01586094658215493}, "run_8091": {"edge_length": 1000, "pf": 0.49676, "in_bounds_one_im": 1, "error_one_im": 0.016466055944917735, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.627654289637152, "error_w_gmm": 0.015354485352743032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0150471191462621}, "run_8092": {"edge_length": 1000, "pf": 0.490143, "in_bounds_one_im": 0, "error_one_im": 0.015787950890680958, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 0, "pred_cls": 8.16560140586783, "error_w_gmm": 0.016656393143778273, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016322965337072656}, "run_8093": {"edge_length": 1000, "pf": 0.496186, "in_bounds_one_im": 1, "error_one_im": 0.014913054246727843, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 6.931455322819779, "error_w_gmm": 0.013969063338598228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0136894305207057}, "run_8094": {"edge_length": 1000, "pf": 0.503486, "in_bounds_one_im": 1, "error_one_im": 0.014816065612774456, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.179933602559069, "error_w_gmm": 0.014260096798158399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013974638070222745}, "run_8095": {"edge_length": 1000, "pf": 0.495543, "in_bounds_one_im": 1, "error_one_im": 0.016748330071391423, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 5.6797581277650195, "error_w_gmm": 0.011461230343697977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011231799346082795}, "run_8096": {"edge_length": 1000, "pf": 0.495463, "in_bounds_one_im": 1, "error_one_im": 0.016347371434566407, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.40005928757738, "error_w_gmm": 0.014935029720088264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014636060179704131}, "run_8097": {"edge_length": 1000, "pf": 0.500176, "in_bounds_one_im": 1, "error_one_im": 0.015234356523796152, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 8.532026770587436, "error_w_gmm": 0.01705804805110855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016716579913363262}, "run_8098": {"edge_length": 1000, "pf": 0.495748, "in_bounds_one_im": 1, "error_one_im": 0.015127829044716498, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.723812525673523, "error_w_gmm": 0.013562474069258635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013290980358502702}, "run_8099": {"edge_length": 1000, "pf": 0.497249, "in_bounds_one_im": 1, "error_one_im": 0.015404240742927889, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 6.865444379739136, "error_w_gmm": 0.013806645088422076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01353026356031713}, "run_8100": {"edge_length": 1000, "pf": 0.507444, "in_bounds_one_im": 1, "error_one_im": 0.015172127597897595, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 0, "pred_cls": 6.611793083777498, "error_w_gmm": 0.013028157358821454, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01276735960410515}, "run_8101": {"edge_length": 1000, "pf": 0.50133, "in_bounds_one_im": 1, "error_one_im": 0.013244478682384687, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.130891308186183, "error_w_gmm": 0.012229209539186804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01198440512809995}, "run_8102": {"edge_length": 1000, "pf": 0.499651, "in_bounds_one_im": 1, "error_one_im": 0.01645117682782413, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.413403576872831, "error_w_gmm": 0.014837159879501245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014540149498342536}, "run_8103": {"edge_length": 1000, "pf": 0.494889, "in_bounds_one_im": 1, "error_one_im": 0.016972304475621335, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 8.517207376129614, "error_w_gmm": 0.01720943966435903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016864940968129297}, "run_8104": {"edge_length": 1000, "pf": 0.496616, "in_bounds_one_im": 1, "error_one_im": 0.014175357626342741, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.999948014549765, "error_w_gmm": 0.016108552262404346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01578609113869682}, "run_8105": {"edge_length": 1000, "pf": 0.496705, "in_bounds_one_im": 1, "error_one_im": 0.016669186060286632, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 8.022447719234341, "error_w_gmm": 0.01615098200644671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015827671523795}, "run_8106": {"edge_length": 1000, "pf": 0.503045, "in_bounds_one_im": 1, "error_one_im": 0.015624267840351007, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.819180984352976, "error_w_gmm": 0.013555555721550447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013284200502332333}, "run_8107": {"edge_length": 1000, "pf": 0.498415, "in_bounds_one_im": 1, "error_one_im": 0.015689369330957513, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.0709739986299, "error_w_gmm": 0.014186849253704897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013902856795680296}, "run_8108": {"edge_length": 1000, "pf": 0.491078, "in_bounds_one_im": 0, "error_one_im": 0.016654273497767092, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 0, "pred_cls": 8.235929139893845, "error_w_gmm": 0.016768451938911962, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01643278093837914}, "run_8109": {"edge_length": 1000, "pf": 0.495437, "in_bounds_one_im": 1, "error_one_im": 0.015621633964147058, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.598558314237448, "error_w_gmm": 0.013318108118206546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013051506126947639}, "run_8110": {"edge_length": 1000, "pf": 0.502826, "in_bounds_one_im": 1, "error_one_im": 0.014676541218153056, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 8.300677522253398, "error_w_gmm": 0.01650778785940098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01617733483442678}, "run_8111": {"edge_length": 1000, "pf": 0.495073, "in_bounds_one_im": 1, "error_one_im": 0.016602500776263993, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 6.453975528087889, "error_w_gmm": 0.013035778916891757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01277482859376723}, "run_8112": {"edge_length": 1000, "pf": 0.498033, "in_bounds_one_im": 1, "error_one_im": 0.014536809688725439, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.694573257117721, "error_w_gmm": 0.013441923433021053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01317284290583316}, "run_8113": {"edge_length": 1000, "pf": 0.499461, "in_bounds_one_im": 1, "error_one_im": 0.015256157244012792, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 8.512197183166931, "error_w_gmm": 0.01704275656602105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016701594533342357}, "run_8114": {"edge_length": 1000, "pf": 0.506482, "in_bounds_one_im": 1, "error_one_im": 0.013819411412277929, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 0, "pred_cls": 5.578100769311237, "error_w_gmm": 0.011012497990128604, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010792049720235841}, "run_8115": {"edge_length": 1000, "pf": 0.49369, "in_bounds_one_im": 1, "error_one_im": 0.01510921600963937, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.650979059456338, "error_w_gmm": 0.017521704177784266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0171709545681111}, "run_8116": {"edge_length": 1000, "pf": 0.504325, "in_bounds_one_im": 1, "error_one_im": 0.014870533091304615, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.202854689889375, "error_w_gmm": 0.012298860117981368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01205266144106972}, "run_8117": {"edge_length": 1000, "pf": 0.497676, "in_bounds_one_im": 1, "error_one_im": 0.01563220449163328, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.07804400718321, "error_w_gmm": 0.016231356842741716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01590643741599572}, "run_8118": {"edge_length": 1000, "pf": 0.507903, "in_bounds_one_im": 1, "error_one_im": 0.015236946606666016, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 0, "pred_cls": 6.5582841782829195, "error_w_gmm": 0.012910860735682272, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01265241102567475}, "run_8119": {"edge_length": 1000, "pf": 0.504498, "in_bounds_one_im": 1, "error_one_im": 0.015658209089806592, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.128084056950292, "error_w_gmm": 0.01412849133250126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013845667083794384}, "run_8120": {"edge_length": 1000, "pf": 0.500716, "in_bounds_one_im": 1, "error_one_im": 0.01481849201559293, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.516165569977323, "error_w_gmm": 0.015010820232544159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014710333517095928}, "run_8121": {"edge_length": 1200, "pf": 0.4974576388888889, "in_bounds_one_im": 1, "error_one_im": 0.013836590960136891, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.77606476922339, "error_w_gmm": 0.014701337749660882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014407046256947212}, "run_8122": {"edge_length": 1200, "pf": 0.5048034722222222, "in_bounds_one_im": 1, "error_one_im": 0.013766845819261466, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.780717231820206, "error_w_gmm": 0.012843873238650005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012586764484875881}, "run_8123": {"edge_length": 1200, "pf": 0.5010645833333334, "in_bounds_one_im": 1, "error_one_im": 0.012739279090384494, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.854923677830688, "error_w_gmm": 0.013063695004800015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01280218585721194}, "run_8124": {"edge_length": 1200, "pf": 0.5011111111111111, "in_bounds_one_im": 1, "error_one_im": 0.013769114316457236, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 8.85474142916147, "error_w_gmm": 0.014725143401732888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014430375367292067}, "run_8125": {"edge_length": 1200, "pf": 0.4918881944444444, "in_bounds_one_im": 0, "error_one_im": 0.013043013311059537, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 0, "pred_cls": 8.368579373888796, "error_w_gmm": 0.01417577894667891, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013892008094145982}, "run_8126": {"edge_length": 1200, "pf": 0.49638055555555555, "in_bounds_one_im": 1, "error_one_im": 0.013060633138552668, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.861305370723655, "error_w_gmm": 0.013197366596887469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012933181610335775}, "run_8127": {"edge_length": 1200, "pf": 0.5016361111111111, "in_bounds_one_im": 1, "error_one_im": 0.012857620904730764, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.246276453373056, "error_w_gmm": 0.013698894680750482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013424670101139135}, "run_8128": {"edge_length": 1200, "pf": 0.50078125, "in_bounds_one_im": 1, "error_one_im": 0.01321242959280478, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.087889596075336, "error_w_gmm": 0.011794705678811954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01155859916936077}, "run_8129": {"edge_length": 1200, "pf": 0.49954791666666665, "in_bounds_one_im": 1, "error_one_im": 0.013044883264001389, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.867472635070703, "error_w_gmm": 0.01312431560064277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012861592949498495}, "run_8130": {"edge_length": 1200, "pf": 0.4993361111111111, "in_bounds_one_im": 1, "error_one_im": 0.01461912980763878, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.015348562475559, "error_w_gmm": 0.013376663731789633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013108889573805375}, "run_8131": {"edge_length": 1200, "pf": 0.49764861111111114, "in_bounds_one_im": 1, "error_one_im": 0.013697347643472942, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.03740819770977, "error_w_gmm": 0.011784302919900867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011548404652957938}, "run_8132": {"edge_length": 1200, "pf": 0.4987229166666667, "in_bounds_one_im": 1, "error_one_im": 0.013200097026482713, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.701336404606536, "error_w_gmm": 0.01119745774931979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010973306953537841}, "run_8133": {"edge_length": 1200, "pf": 0.49467777777777777, "in_bounds_one_im": 1, "error_one_im": 0.013778980040543808, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 0, "pred_cls": 5.181412958087653, "error_w_gmm": 0.008728104846904451, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00855338557661109}, "run_8134": {"edge_length": 1200, "pf": 0.4986659722222222, "in_bounds_one_im": 1, "error_one_im": 0.01326844401339614, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.83405797519314, "error_w_gmm": 0.011420526684600151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011191910493147422}, "run_8135": {"edge_length": 1200, "pf": 0.5048048611111111, "in_bounds_one_im": 1, "error_one_im": 0.012380222638979714, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.2481188891541555, "error_w_gmm": 0.01031393657734401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010107472115212294}, "run_8136": {"edge_length": 1200, "pf": 0.5011027777777778, "in_bounds_one_im": 1, "error_one_im": 0.011640749593373339, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.038694969695484, "error_w_gmm": 0.011705313031639703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011470995984890637}, "run_8137": {"edge_length": 1200, "pf": 0.5021180555555556, "in_bounds_one_im": 1, "error_one_im": 0.013376302462719598, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.018739251597084, "error_w_gmm": 0.011648449667850334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011415270912357106}, "run_8138": {"edge_length": 1200, "pf": 0.49687291666666666, "in_bounds_one_im": 1, "error_one_im": 0.012980694096797538, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.695140152527219, "error_w_gmm": 0.012905697139004219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012647350793914854}, "run_8139": {"edge_length": 1200, "pf": 0.5008576388888889, "in_bounds_one_im": 1, "error_one_im": 0.01247834808810055, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.364207188754003, "error_w_gmm": 0.01391645422241412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013637874534216015}, "run_8140": {"edge_length": 1200, "pf": 0.49755069444444444, "in_bounds_one_im": 1, "error_one_im": 0.013432059111143117, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.166810343847573, "error_w_gmm": 0.013678191400831532, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013404381259637721}, "run_8141": {"edge_length": 1200, "pf": 0.5024305555555556, "in_bounds_one_im": 1, "error_one_im": 0.012439154509202792, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.324017197610819, "error_w_gmm": 0.010488916341623977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010278949133218387}, "run_8142": {"edge_length": 1200, "pf": 0.49675694444444446, "in_bounds_one_im": 1, "error_one_im": 0.013587598641030202, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.292509897825522, "error_w_gmm": 0.01223327387290698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011988388101956236}, "run_8143": {"edge_length": 1200, "pf": 0.5031006944444445, "in_bounds_one_im": 1, "error_one_im": 0.012886266323507084, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.456911999364027, "error_w_gmm": 0.010694989280168281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010480896902085915}, "run_8144": {"edge_length": 1200, "pf": 0.5014013888888889, "in_bounds_one_im": 1, "error_one_im": 0.01319605258798929, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.820662418925001, "error_w_gmm": 0.011335953888351553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011109030675787836}, "run_8145": {"edge_length": 1200, "pf": 0.49867430555555553, "in_bounds_one_im": 1, "error_one_im": 0.014371123010994085, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 7.416238373868622, "error_w_gmm": 0.012393213071189253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012145125636130964}, "run_8146": {"edge_length": 1200, "pf": 0.4999875, "in_bounds_one_im": 1, "error_one_im": 0.01243341569942279, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.726607844862557, "error_w_gmm": 0.012878001687455459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012620209750129417}, "run_8147": {"edge_length": 1200, "pf": 0.49544791666666665, "in_bounds_one_im": 1, "error_one_im": 0.014665985551452387, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 6.997875743174667, "error_w_gmm": 0.011769797068684367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011534189179983216}, "run_8148": {"edge_length": 1200, "pf": 0.5018548611111111, "in_bounds_one_im": 1, "error_one_im": 0.013051252622535228, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.0676007839690556, "error_w_gmm": 0.011735717334449098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011500791654131298}, "run_8149": {"edge_length": 1200, "pf": 0.5008395833333333, "in_bounds_one_im": 1, "error_one_im": 0.012545352297639933, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.663525403435828, "error_w_gmm": 0.009423372285687143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009234735146429852}, "run_8150": {"edge_length": 1200, "pf": 0.4971361111111111, "in_bounds_one_im": 1, "error_one_im": 0.01377844339249509, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.491551627088592, "error_w_gmm": 0.014233882403519403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013948948435538193}, "run_8151": {"edge_length": 1200, "pf": 0.4968909722222222, "in_bounds_one_im": 1, "error_one_im": 0.013382712947178792, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.683957072978244, "error_w_gmm": 0.012886476366728041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01262851478320674}, "run_8152": {"edge_length": 1200, "pf": 0.5022451388888889, "in_bounds_one_im": 1, "error_one_im": 0.012974702433608383, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.863488532729344, "error_w_gmm": 0.013047097007184646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012785920118441166}, "run_8153": {"edge_length": 1200, "pf": 0.5028944444444444, "in_bounds_one_im": 1, "error_one_im": 0.012759021929270285, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.505195862941623, "error_w_gmm": 0.010779410628676569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010563628303387154}, "run_8154": {"edge_length": 1200, "pf": 0.4958166666666667, "in_bounds_one_im": 1, "error_one_im": 0.013075371838700878, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.655468211177631, "error_w_gmm": 0.01286631527252663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012608757273944953}, "run_8155": {"edge_length": 1200, "pf": 0.49965069444444443, "in_bounds_one_im": 1, "error_one_im": 0.012842065996171301, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.8916274690691735, "error_w_gmm": 0.011494072865872378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011263984426394424}, "run_8156": {"edge_length": 1200, "pf": 0.5014256944444444, "in_bounds_one_im": 1, "error_one_im": 0.013527789237621489, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.092316832790967, "error_w_gmm": 0.01012494994056819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009922268614392344}, "run_8157": {"edge_length": 1200, "pf": 0.5012979166666667, "in_bounds_one_im": 1, "error_one_im": 0.013830463566619237, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 6.356463681840705, "error_w_gmm": 0.010566641203482434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010355118098191292}, "run_8158": {"edge_length": 1200, "pf": 0.5025645833333333, "in_bounds_one_im": 1, "error_one_im": 0.013497010503402598, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.21814758271908, "error_w_gmm": 0.010310558406800929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010104161568913214}, "run_8159": {"edge_length": 1200, "pf": 0.50050625, "in_bounds_one_im": 1, "error_one_im": 0.013685884279259247, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.633227698271284, "error_w_gmm": 0.014374151626588807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014086409748216025}, "run_8160": {"edge_length": 1200, "pf": 0.5040256944444444, "in_bounds_one_im": 1, "error_one_im": 0.013589886746782, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.659943090265909, "error_w_gmm": 0.014317494940162772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01403088721577679}, "run_8161": {"edge_length": 1400, "pf": 0.5002877551020408, "in_bounds_one_im": 1, "error_one_im": 0.010822142404402999, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.210734383849681, "error_w_gmm": 0.010089220016521506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010089034624736076}, "run_8162": {"edge_length": 1400, "pf": 0.5030214285714286, "in_bounds_one_im": 1, "error_one_im": 0.01138790764710517, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.65269085560189, "error_w_gmm": 0.009257654461569188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009257484349996096}, "run_8163": {"edge_length": 1400, "pf": 0.49974183673469386, "in_bounds_one_im": 1, "error_one_im": 0.011634363331277322, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.936277943292763, "error_w_gmm": 0.012517250441458098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012517020434043822}, "run_8164": {"edge_length": 1400, "pf": 0.4982744897959184, "in_bounds_one_im": 1, "error_one_im": 0.012041262684296712, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.032134001004193, "error_w_gmm": 0.009879021682022747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009878840152681026}, "run_8165": {"edge_length": 1400, "pf": 0.5008035714285715, "in_bounds_one_im": 1, "error_one_im": 0.011723784403646575, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.085733773763686, "error_w_gmm": 0.009904097172973199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009903915182863458}, "run_8166": {"edge_length": 1400, "pf": 0.500920918367347, "in_bounds_one_im": 1, "error_one_im": 0.011778069875881465, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 6.784181264856595, "error_w_gmm": 0.009480376355273911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009480202151133698}, "run_8167": {"edge_length": 1400, "pf": 0.500865306122449, "in_bounds_one_im": 1, "error_one_im": 0.011551207953767708, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.844754696712704, "error_w_gmm": 0.010963666273652117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010963464813711594}, "run_8168": {"edge_length": 1400, "pf": 0.4988091836734694, "in_bounds_one_im": 1, "error_one_im": 0.011598807224713894, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 6.166897988245565, "error_w_gmm": 0.008654243927631387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008654084903868337}, "run_8169": {"edge_length": 1400, "pf": 0.49604438775510207, "in_bounds_one_im": 1, "error_one_im": 0.010856784022210363, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.634174991735942, "error_w_gmm": 0.010772736053883953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010772538102331034}, "run_8170": {"edge_length": 1400, "pf": 0.4999408163265306, "in_bounds_one_im": 1, "error_one_im": 0.010943951395123048, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.172244200007106, "error_w_gmm": 0.01004233049368515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01004214596350579}, "run_8171": {"edge_length": 1400, "pf": 0.5048173469387756, "in_bounds_one_im": 1, "error_one_im": 0.011573450525624328, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.035062585733897, "error_w_gmm": 0.011141223221388306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011141018498797145}, "run_8172": {"edge_length": 1400, "pf": 0.49990255102040815, "in_bounds_one_im": 1, "error_one_im": 0.011230553699677102, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.094457990584847, "error_w_gmm": 0.009934177149032091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009933994606195816}, "run_8173": {"edge_length": 1400, "pf": 0.5004979591836735, "in_bounds_one_im": 1, "error_one_im": 0.01198783464146736, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.720453461235744, "error_w_gmm": 0.010797875682717402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01079767726921782}, "run_8174": {"edge_length": 1400, "pf": 0.5018862244897959, "in_bounds_one_im": 1, "error_one_im": 0.010673746434566478, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.89970856690114, "error_w_gmm": 0.009623220151755055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009623043322826484}, "run_8175": {"edge_length": 1400, "pf": 0.49479591836734693, "in_bounds_one_im": 1, "error_one_im": 0.011519065349552963, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 0, "pred_cls": 6.713647450970719, "error_w_gmm": 0.009497448308212333, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009497273790370873}, "run_8176": {"edge_length": 1400, "pf": 0.5006688775510204, "in_bounds_one_im": 1, "error_one_im": 0.011898139329252839, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.919310319215959, "error_w_gmm": 0.011072212617362317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011072009162857175}, "run_8177": {"edge_length": 1400, "pf": 0.4940413265306122, "in_bounds_one_im": 0, "error_one_im": 0.011999080171852057, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 0, "pred_cls": 6.605368406697927, "error_w_gmm": 0.00935838620050102, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00935821423795848}, "run_8178": {"edge_length": 1400, "pf": 0.5021183673469388, "in_bounds_one_im": 1, "error_one_im": 0.011465394961149254, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 6.080964051091808, "error_w_gmm": 0.008477356951898649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008477201178475361}, "run_8179": {"edge_length": 1400, "pf": 0.502454081632653, "in_bounds_one_im": 1, "error_one_im": 0.010889078882872574, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 6.680207174439982, "error_w_gmm": 0.009306499575547071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009306328566433432}, "run_8180": {"edge_length": 1400, "pf": 0.499519387755102, "in_bounds_one_im": 1, "error_one_im": 0.012182909807026812, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 7.415799354355194, "error_w_gmm": 0.01039210344413462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010391912486795147}, "run_8181": {"edge_length": 1400, "pf": 0.49912397959183674, "in_bounds_one_im": 1, "error_one_im": 0.010961844869864776, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.826093442699734, "error_w_gmm": 0.010975743954823966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010975542272953212}, "run_8182": {"edge_length": 1400, "pf": 0.5012581632653061, "in_bounds_one_im": 1, "error_one_im": 0.010630164325713782, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.125662076442056, "error_w_gmm": 0.011347337285487325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011347128775501843}, "run_8183": {"edge_length": 1400, "pf": 0.5000591836734694, "in_bounds_one_im": 1, "error_one_im": 0.011798386545854977, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 7.063224005432346, "error_w_gmm": 0.009887343199749262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009887161517497798}, "run_8184": {"edge_length": 1400, "pf": 0.5028158163265306, "in_bounds_one_im": 1, "error_one_im": 0.010284584079281418, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 8.074981073939647, "error_w_gmm": 0.011241486310483204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01124127974553421}, "run_8185": {"edge_length": 1400, "pf": 0.5007341836734693, "in_bounds_one_im": 1, "error_one_im": 0.012609809928452453, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 7.35814631220581, "error_w_gmm": 0.010286289679751953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010286100666765323}, "run_8186": {"edge_length": 1400, "pf": 0.5008627551020408, "in_bounds_one_im": 1, "error_one_im": 0.011722396768662999, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 7.214276634108901, "error_w_gmm": 0.010082574666493125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010082389396817614}, "run_8187": {"edge_length": 1400, "pf": 0.505755612244898, "in_bounds_one_im": 1, "error_one_im": 0.011156336082557958, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 0, "pred_cls": 6.917632939435566, "error_w_gmm": 0.009573837846675698, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009573661925158752}, "run_8188": {"edge_length": 1400, "pf": 0.5021688775510204, "in_bounds_one_im": 1, "error_one_im": 0.011919392561348578, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 7.134625105583066, "error_w_gmm": 0.00994524115464448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009945058408504497}, "run_8189": {"edge_length": 1400, "pf": 0.49672755102040816, "in_bounds_one_im": 1, "error_one_im": 0.011474646752882938, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 5.940889877350617, "error_w_gmm": 0.008371860662669733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00837170682776552}, "run_8190": {"edge_length": 1400, "pf": 0.5032908163265306, "in_bounds_one_im": 1, "error_one_im": 0.011977826507246946, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 6.053105449019386, "error_w_gmm": 0.00841875492887912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008418600232281616}, "run_8191": {"edge_length": 1400, "pf": 0.49947295918367346, "in_bounds_one_im": 1, "error_one_im": 0.011354611100860003, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.876276285728464, "error_w_gmm": 0.011038416065780937, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011038213232295384}, "run_8192": {"edge_length": 1400, "pf": 0.49803928571428574, "in_bounds_one_im": 1, "error_one_im": 0.010584087096171648, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 6.107310643969156, "error_w_gmm": 0.008583830036607036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008583672306715825}, "run_8193": {"edge_length": 1400, "pf": 0.5029107142857143, "in_bounds_one_im": 1, "error_one_im": 0.011447239746003906, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.263731984242037, "error_w_gmm": 0.011502070260924145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01150185890768392}, "run_8194": {"edge_length": 1400, "pf": 0.49477244897959183, "in_bounds_one_im": 1, "error_one_im": 0.01134637895233443, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 0, "pred_cls": 7.142860690420458, "error_w_gmm": 0.010105108344462103, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010104922660725034}, "run_8195": {"edge_length": 1400, "pf": 0.5002811224489796, "in_bounds_one_im": 1, "error_one_im": 0.011222053783700215, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.885641131944679, "error_w_gmm": 0.00963447912431129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009634302088496534}, "run_8196": {"edge_length": 1400, "pf": 0.5009617346938775, "in_bounds_one_im": 1, "error_one_im": 0.011491948426052253, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 6.9070283522388145, "error_w_gmm": 0.009651257906062513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009651080561933615}, "run_8197": {"edge_length": 1400, "pf": 0.4979076530612245, "in_bounds_one_im": 1, "error_one_im": 0.011390213959058976, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.322821654074856, "error_w_gmm": 0.01029494173059281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01029475255862266}, "run_8198": {"edge_length": 1400, "pf": 0.5026198979591837, "in_bounds_one_im": 1, "error_one_im": 0.010544409158174298, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 8.787744764551277, "error_w_gmm": 0.012238546294183313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012238321408023192}, "run_8199": {"edge_length": 1400, "pf": 0.49913367346938775, "in_bounds_one_im": 1, "error_one_im": 0.011362318645559383, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.771155886734325, "error_w_gmm": 0.009496057384997364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009495882892714608}, "run_8200": {"edge_length": 1400, "pf": 0.5011933673469388, "in_bounds_one_im": 1, "error_one_im": 0.01063154200578145, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.4713767308826835, "error_w_gmm": 0.009038329523600758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009038163442174741}}, "fractal_noise_0.045_7_True_value": {"true_cls": 20.93877551020408, "true_pf": 0.49988390666666666, "run_8201": {"edge_length": 600, "pf": 0.535325, "in_bounds_one_im": 0, "error_one_im": 0.058570420810979795, "one_im_sa_cls": 19.244897959183675, "model_in_bounds": 0, "pred_cls": 19.801646712755634, "error_w_gmm": 0.06266614453374249, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06026484438505424}, "run_8202": {"edge_length": 600, "pf": 0.4869027777777778, "in_bounds_one_im": 1, "error_one_im": 0.06699804929944882, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 24.377034863286088, "error_w_gmm": 0.08500125957785022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08174410152573683}, "run_8203": {"edge_length": 600, "pf": 0.4719305555555556, "in_bounds_one_im": 1, "error_one_im": 0.06389037381419917, "one_im_sa_cls": 18.489795918367346, "model_in_bounds": 1, "pred_cls": 23.481423491066682, "error_w_gmm": 0.08437167463932775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08113864161385721}, "run_8204": {"edge_length": 600, "pf": 0.5215416666666667, "in_bounds_one_im": 1, "error_one_im": 0.05663722111960207, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 25.097970751117618, "error_w_gmm": 0.08165484191283642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07852591503397222}, "run_8205": {"edge_length": 600, "pf": 0.5084777777777778, "in_bounds_one_im": 1, "error_one_im": 0.04915838583996508, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 16.51626921270786, "error_w_gmm": 0.0551586108875933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05304499146020858}, "run_8206": {"edge_length": 600, "pf": 0.5055805555555556, "in_bounds_one_im": 1, "error_one_im": 0.06144255440553553, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 25.4149155155924, "error_w_gmm": 0.08537034515563692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08209904413590653}, "run_8207": {"edge_length": 600, "pf": 0.4878222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05669678444540689, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 23.68475945191433, "error_w_gmm": 0.08243551037799174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07927666911209458}, "run_8208": {"edge_length": 600, "pf": 0.49306944444444445, "in_bounds_one_im": 1, "error_one_im": 0.06495974896504908, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 21.83104258022423, "error_w_gmm": 0.07519006210550265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07230885872755101}, "run_8209": {"edge_length": 600, "pf": 0.5138722222222222, "in_bounds_one_im": 1, "error_one_im": 0.05926449719088191, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 24.165336225776002, "error_w_gmm": 0.07983737828721917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07677809468554891}, "run_8210": {"edge_length": 600, "pf": 0.5096583333333333, "in_bounds_one_im": 1, "error_one_im": 0.05787005110767693, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 17.733184049939158, "error_w_gmm": 0.059082972031428295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056818975250078195}, "run_8211": {"edge_length": 600, "pf": 0.5130833333333333, "in_bounds_one_im": 1, "error_one_im": 0.0536431378935702, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 21.253099146005447, "error_w_gmm": 0.07032688989103697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06763203811088325}, "run_8212": {"edge_length": 600, "pf": 0.49561944444444445, "in_bounds_one_im": 1, "error_one_im": 0.05366716469072044, "one_im_sa_cls": 16.285714285714285, "model_in_bounds": 1, "pred_cls": 22.75933010901955, "error_w_gmm": 0.07798844332793868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07500000895156646}, "run_8213": {"edge_length": 600, "pf": 0.4648527777777778, "in_bounds_one_im": 0, "error_one_im": 0.06516254833615981, "one_im_sa_cls": 18.591836734693878, "model_in_bounds": 0, "pred_cls": 19.106057528952057, "error_w_gmm": 0.06963310814458186, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06696484134461651}, "run_8214": {"edge_length": 600, "pf": 0.5310277777777778, "in_bounds_one_im": 0, "error_one_im": 0.055068668499447956, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 23.83838044590425, "error_w_gmm": 0.07609523523475942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07317934658318767}, "run_8215": {"edge_length": 600, "pf": 0.48385, "in_bounds_one_im": 1, "error_one_im": 0.06981862775450845, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 25.130770440277228, "error_w_gmm": 0.08816661627067285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08478816510959791}, "run_8216": {"edge_length": 600, "pf": 0.505025, "in_bounds_one_im": 1, "error_one_im": 0.052469035718932806, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 20.647889199031116, "error_w_gmm": 0.06943471091854288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0667740464897132}, "run_8217": {"edge_length": 600, "pf": 0.48206666666666664, "in_bounds_one_im": 1, "error_one_im": 0.05894312697160711, "one_im_sa_cls": 17.408163265306122, "model_in_bounds": 1, "pred_cls": 20.599297539798908, "error_w_gmm": 0.07252730963522756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0697481401058614}, "run_8218": {"edge_length": 600, "pf": 0.49722222222222223, "in_bounds_one_im": 1, "error_one_im": 0.052623919198148635, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 20.257899393193146, "error_w_gmm": 0.0691947204511076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0665432522022795}, "run_8219": {"edge_length": 600, "pf": 0.49596666666666667, "in_bounds_one_im": 1, "error_one_im": 0.056049300386997375, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 22.169242651185993, "error_w_gmm": 0.07591367547264807, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07300474399846442}, "run_8220": {"edge_length": 600, "pf": 0.5243027777777778, "in_bounds_one_im": 1, "error_one_im": 0.056197663523584754, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 20.348621080704955, "error_w_gmm": 0.0658377514869331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06331491872593971}, "run_8221": {"edge_length": 600, "pf": 0.5002888888888889, "in_bounds_one_im": 1, "error_one_im": 0.053234921034024156, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 19.948917508920946, "error_w_gmm": 0.06772268775969342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0651276262412788}, "run_8222": {"edge_length": 600, "pf": 0.4932694444444444, "in_bounds_one_im": 1, "error_one_im": 0.049865888527336526, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 23.29278680563223, "error_w_gmm": 0.08019248439587093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07711959350500396}, "run_8223": {"edge_length": 600, "pf": 0.5341888888888889, "in_bounds_one_im": 0, "error_one_im": 0.05316381375385197, "one_im_sa_cls": 17.428571428571427, "model_in_bounds": 1, "pred_cls": 22.36571572288805, "error_w_gmm": 0.07094243228638494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06822399357493882}, "run_8224": {"edge_length": 600, "pf": 0.5125888888888889, "in_bounds_one_im": 1, "error_one_im": 0.05090092108913105, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 23.49794960163167, "error_w_gmm": 0.07783212068653493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07484967642787045}, "run_8225": {"edge_length": 600, "pf": 0.47352222222222223, "in_bounds_one_im": 1, "error_one_im": 0.055884031535295586, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 21.885106666038673, "error_w_gmm": 0.07838523860017488, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07538159945010368}, "run_8226": {"edge_length": 600, "pf": 0.4992027777777778, "in_bounds_one_im": 1, "error_one_im": 0.057891168693931884, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 23.633479276132544, "error_w_gmm": 0.08040552622026877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07732447179279986}, "run_8227": {"edge_length": 600, "pf": 0.48785833333333334, "in_bounds_one_im": 1, "error_one_im": 0.06673344047252719, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 20.11400874543046, "error_w_gmm": 0.07000234734149051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06731993168738655}, "run_8228": {"edge_length": 600, "pf": 0.5300166666666667, "in_bounds_one_im": 0, "error_one_im": 0.04852624872306912, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 0, "pred_cls": 15.32952985490222, "error_w_gmm": 0.049033294958869454, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.047154391136854115}, "run_8229": {"edge_length": 600, "pf": 0.47965833333333335, "in_bounds_one_im": 1, "error_one_im": 0.05665904161308352, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 13.933177702828027, "error_w_gmm": 0.04929402240036879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04740512777951471}, "run_8230": {"edge_length": 600, "pf": 0.49969166666666665, "in_bounds_one_im": 1, "error_one_im": 0.0534319583168665, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 19.39956083812902, "error_w_gmm": 0.06593643931431306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06340982494051542}, "run_8231": {"edge_length": 600, "pf": 0.5005944444444445, "in_bounds_one_im": 1, "error_one_im": 0.058662469428685714, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 24.569070541574213, "error_w_gmm": 0.08335625149613764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08016212840780894}, "run_8232": {"edge_length": 600, "pf": 0.5464111111111111, "in_bounds_one_im": 0, "error_one_im": 0.0492598468849033, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 0, "pred_cls": 20.20986503300314, "error_w_gmm": 0.06254615735812448, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06014945499065906}, "run_8233": {"edge_length": 600, "pf": 0.5055166666666666, "in_bounds_one_im": 1, "error_one_im": 0.05564822252789935, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 18.570365572568235, "error_w_gmm": 0.06238703131269982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05999642648640899}, "run_8234": {"edge_length": 600, "pf": 0.515675, "in_bounds_one_im": 1, "error_one_im": 0.05401164978324294, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 21.484364050497092, "error_w_gmm": 0.07072430444513632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06801422416105987}, "run_8235": {"edge_length": 600, "pf": 0.49319444444444444, "in_bounds_one_im": 1, "error_one_im": 0.04838663030530333, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 16.55662061258902, "error_w_gmm": 0.057009741261372274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05482518848273601}, "run_8236": {"edge_length": 600, "pf": 0.4921333333333333, "in_bounds_one_im": 1, "error_one_im": 0.06176309669787203, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 27.201165618874093, "error_w_gmm": 0.09386134120716584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09026467423054195}, "run_8237": {"edge_length": 600, "pf": 0.46876388888888887, "in_bounds_one_im": 0, "error_one_im": 0.05585244802683147, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 26.0474471306801, "error_w_gmm": 0.09418845270837523, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09057925116620023}, "run_8238": {"edge_length": 600, "pf": 0.5043083333333334, "in_bounds_one_im": 1, "error_one_im": 0.05783177874814701, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 23.712605968991106, "error_w_gmm": 0.07985512585844169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07679516218867828}, "run_8239": {"edge_length": 600, "pf": 0.5054972222222223, "in_bounds_one_im": 1, "error_one_im": 0.0574306718200255, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 24.907966382561085, "error_w_gmm": 0.08368141767853012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08047483456720274}, "run_8240": {"edge_length": 600, "pf": 0.5301583333333333, "in_bounds_one_im": 1, "error_one_im": 0.058240045404766363, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 19.460056635222067, "error_w_gmm": 0.062227570445083494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05984307598999811}, "run_8241": {"edge_length": 800, "pf": 0.50628125, "in_bounds_one_im": 1, "error_one_im": 0.04320300601377121, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 25.468354715535558, "error_w_gmm": 0.062454323209341814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06161733098842389}, "run_8242": {"edge_length": 800, "pf": 0.5010296875, "in_bounds_one_im": 1, "error_one_im": 0.046902446974860845, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 21.594395507623524, "error_w_gmm": 0.05351362892641721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05279645693858913}, "run_8243": {"edge_length": 800, "pf": 0.4832546875, "in_bounds_one_im": 1, "error_one_im": 0.043895494861080436, "one_im_sa_cls": 17.3265306122449, "model_in_bounds": 1, "pred_cls": 17.523775423961663, "error_w_gmm": 0.04499825184429754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04439520012884876}, "run_8244": {"edge_length": 800, "pf": 0.5148078125, "in_bounds_one_im": 1, "error_one_im": 0.04752028656943301, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 24.085917113908454, "error_w_gmm": 0.05806510966859921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057286940238494885}, "run_8245": {"edge_length": 800, "pf": 0.4997328125, "in_bounds_one_im": 1, "error_one_im": 0.039070154985765444, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 24.062228948381684, "error_w_gmm": 0.05978409492515102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05898288822214592}, "run_8246": {"edge_length": 800, "pf": 0.5037, "in_bounds_one_im": 1, "error_one_im": 0.03935694442131399, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 23.52080459047756, "error_w_gmm": 0.05797704335789826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05720005416341564}, "run_8247": {"edge_length": 800, "pf": 0.479959375, "in_bounds_one_im": 1, "error_one_im": 0.051992884048767715, "one_im_sa_cls": 20.387755102040817, "model_in_bounds": 1, "pred_cls": 24.466041546163936, "error_w_gmm": 0.06324086959307854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06239333633719693}, "run_8248": {"edge_length": 800, "pf": 0.5273359375, "in_bounds_one_im": 0, "error_one_im": 0.04799904383616498, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 25.194687277203876, "error_w_gmm": 0.059232396907793736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05843858387947917}, "run_8249": {"edge_length": 800, "pf": 0.5151328125, "in_bounds_one_im": 1, "error_one_im": 0.0447244218855488, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 21.499520261023548, "error_w_gmm": 0.051796246334365525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05110209014105764}, "run_8250": {"edge_length": 800, "pf": 0.483065625, "in_bounds_one_im": 1, "error_one_im": 0.04049845220197256, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 18.335149821589905, "error_w_gmm": 0.047099557865007975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04646834513999688}, "run_8251": {"edge_length": 800, "pf": 0.507171875, "in_bounds_one_im": 1, "error_one_im": 0.04253466150216571, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 19.521616804575356, "error_w_gmm": 0.04778632944426692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0471459128332822}, "run_8252": {"edge_length": 800, "pf": 0.4925609375, "in_bounds_one_im": 1, "error_one_im": 0.04161384457760052, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 23.76248232461198, "error_w_gmm": 0.05989237004540203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05908971227498139}, "run_8253": {"edge_length": 800, "pf": 0.53446875, "in_bounds_one_im": 0, "error_one_im": 0.03994376975649336, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 0, "pred_cls": 20.691306368262293, "error_w_gmm": 0.0479533442565993, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04731068936823803}, "run_8254": {"edge_length": 800, "pf": 0.4976140625, "in_bounds_one_im": 1, "error_one_im": 0.03617153466448911, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 19.995212626928783, "error_w_gmm": 0.04989030619934801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04922169278650062}, "run_8255": {"edge_length": 800, "pf": 0.498078125, "in_bounds_one_im": 1, "error_one_im": 0.04236174077062432, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 22.908624466398805, "error_w_gmm": 0.0571065690508399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056341245665641276}, "run_8256": {"edge_length": 800, "pf": 0.4893546875, "in_bounds_one_im": 1, "error_one_im": 0.04290314295919961, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 21.813748518221864, "error_w_gmm": 0.05533447940879815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05459290498394257}, "run_8257": {"edge_length": 800, "pf": 0.4963265625, "in_bounds_one_im": 1, "error_one_im": 0.05026704204138319, "one_im_sa_cls": 20.367346938775512, "model_in_bounds": 1, "pred_cls": 17.04635516370249, "error_w_gmm": 0.042642241502831336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042070764260163276}, "run_8258": {"edge_length": 800, "pf": 0.5058546875, "in_bounds_one_im": 1, "error_one_im": 0.04007719602841789, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 21.4162585938596, "error_w_gmm": 0.05256247187307767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05185804697806243}, "run_8259": {"edge_length": 800, "pf": 0.4970828125, "in_bounds_one_im": 1, "error_one_im": 0.04254673640533675, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 20.444485971154677, "error_w_gmm": 0.05106552359850109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05038116031005772}, "run_8260": {"edge_length": 800, "pf": 0.4897421875, "in_bounds_one_im": 1, "error_one_im": 0.05226043901491789, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 22.603416813109316, "error_w_gmm": 0.05729317560017506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05652535137560859}, "run_8261": {"edge_length": 800, "pf": 0.4969625, "in_bounds_one_im": 1, "error_one_im": 0.03999148435931866, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 25.32413781703715, "error_w_gmm": 0.06326897049608918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062421060641182774}, "run_8262": {"edge_length": 800, "pf": 0.4799796875, "in_bounds_one_im": 1, "error_one_im": 0.05287549627765063, "one_im_sa_cls": 20.73469387755102, "model_in_bounds": 1, "pred_cls": 22.506737098594268, "error_w_gmm": 0.058174008572079855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057394379714823175}, "run_8263": {"edge_length": 800, "pf": 0.5104109375, "in_bounds_one_im": 1, "error_one_im": 0.038734180756906524, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 17.39561727421294, "error_w_gmm": 0.04230711776964731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04174013174461333}, "run_8264": {"edge_length": 800, "pf": 0.4769421875, "in_bounds_one_im": 1, "error_one_im": 0.04827640500022259, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 22.507636144021884, "error_w_gmm": 0.05853149146711778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057747071742121465}, "run_8265": {"edge_length": 800, "pf": 0.5119265625, "in_bounds_one_im": 1, "error_one_im": 0.040618520859777976, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 18.406398095758426, "error_w_gmm": 0.04462983618777012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04403172185732104}, "run_8266": {"edge_length": 800, "pf": 0.4849625, "in_bounds_one_im": 1, "error_one_im": 0.03905679267406801, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 21.284219466108475, "error_w_gmm": 0.05446792152292164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05373796042076637}, "run_8267": {"edge_length": 800, "pf": 0.488025, "in_bounds_one_im": 1, "error_one_im": 0.04511711018476904, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 20.822143390727085, "error_w_gmm": 0.05295982033953924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052250070311557574}, "run_8268": {"edge_length": 800, "pf": 0.5000734375, "in_bounds_one_im": 1, "error_one_im": 0.045892415633108294, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 24.402265642599907, "error_w_gmm": 0.060587647706259545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05977567205416773}, "run_8269": {"edge_length": 800, "pf": 0.5128015625, "in_bounds_one_im": 1, "error_one_im": 0.04152215566471248, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 23.958778023080217, "error_w_gmm": 0.05799100901003108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05721383265248924}, "run_8270": {"edge_length": 800, "pf": 0.497175, "in_bounds_one_im": 1, "error_one_im": 0.03937110246203122, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.61736026606316, "error_w_gmm": 0.04399591490957022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0434062961828082}, "run_8271": {"edge_length": 800, "pf": 0.501184375, "in_bounds_one_im": 1, "error_one_im": 0.04010415182721097, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 1, "pred_cls": 23.236509315676276, "error_w_gmm": 0.057565181471614234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056793711914159065}, "run_8272": {"edge_length": 800, "pf": 0.5175296875, "in_bounds_one_im": 1, "error_one_im": 0.0442206540257011, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 25.63964782753576, "error_w_gmm": 0.061474845718160365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06065098013121353}, "run_8273": {"edge_length": 800, "pf": 0.4988234375, "in_bounds_one_im": 1, "error_one_im": 0.04385226482000579, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 21.58564544238808, "error_w_gmm": 0.05372850027674718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05300844865401977}, "run_8274": {"edge_length": 800, "pf": 0.488675, "in_bounds_one_im": 1, "error_one_im": 0.03825622161051882, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 22.402071424691307, "error_w_gmm": 0.0569042047329667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056141593367547364}, "run_8275": {"edge_length": 800, "pf": 0.5127796875, "in_bounds_one_im": 1, "error_one_im": 0.04522798990282788, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 20.075530233933275, "error_w_gmm": 0.04859393170157995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04794269187176535}, "run_8276": {"edge_length": 800, "pf": 0.4729578125, "in_bounds_one_im": 0, "error_one_im": 0.05304440397875375, "one_im_sa_cls": 20.510204081632654, "model_in_bounds": 1, "pred_cls": 29.646858920107466, "error_w_gmm": 0.07771554605300945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07667402796189621}, "run_8277": {"edge_length": 800, "pf": 0.504046875, "in_bounds_one_im": 1, "error_one_im": 0.04250379401538086, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 21.08441326104883, "error_w_gmm": 0.051935474062130546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05123945198477996}, "run_8278": {"edge_length": 800, "pf": 0.4715546875, "in_bounds_one_im": 0, "error_one_im": 0.04652484027929595, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 23.742276061536746, "error_w_gmm": 0.06241285799662915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061576421478802615}, "run_8279": {"edge_length": 800, "pf": 0.5112734375, "in_bounds_one_im": 1, "error_one_im": 0.043164735534823195, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 21.131700353861977, "error_w_gmm": 0.05130486256479939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05061729173454532}, "run_8280": {"edge_length": 800, "pf": 0.503196875, "in_bounds_one_im": 1, "error_one_im": 0.048239683053975274, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 17.590565558047114, "error_w_gmm": 0.043403097313449726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04282142333239749}, "run_8281": {"edge_length": 1000, "pf": 0.494734, "in_bounds_one_im": 1, "error_one_im": 0.034965704025406, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 18.60272866475816, "error_w_gmm": 0.03759939058299347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036846725691660843}, "run_8282": {"edge_length": 1000, "pf": 0.497418, "in_bounds_one_im": 1, "error_one_im": 0.03895996021204588, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 22.693562052101196, "error_w_gmm": 0.04562211151718354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04470884773617482}, "run_8283": {"edge_length": 1000, "pf": 0.491593, "in_bounds_one_im": 1, "error_one_im": 0.04547751546492653, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 1, "pred_cls": 26.663108296159763, "error_w_gmm": 0.05423050990986697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05314492314329089}, "run_8284": {"edge_length": 1000, "pf": 0.500328, "in_bounds_one_im": 1, "error_one_im": 0.03677519134780237, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 22.58889928467345, "error_w_gmm": 0.04514817164792826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04424439519888587}, "run_8285": {"edge_length": 1000, "pf": 0.512058, "in_bounds_one_im": 1, "error_one_im": 0.035844226698076936, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 21.677389569697034, "error_w_gmm": 0.0423215437880561, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04147435079736242}, "run_8286": {"edge_length": 1000, "pf": 0.500659, "in_bounds_one_im": 1, "error_one_im": 0.03331544826664761, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 20.217682276315557, "error_w_gmm": 0.04038210581652861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03957373651014072}, "run_8287": {"edge_length": 1000, "pf": 0.48932, "in_bounds_one_im": 1, "error_one_im": 0.041843683544772706, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 27.281879526155862, "error_w_gmm": 0.055741958519570485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0546261155630419}, "run_8288": {"edge_length": 1000, "pf": 0.514552, "in_bounds_one_im": 1, "error_one_im": 0.03461676165221476, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 21.128901656613618, "error_w_gmm": 0.041045319459805676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04022367393758011}, "run_8289": {"edge_length": 1000, "pf": 0.497945, "in_bounds_one_im": 1, "error_one_im": 0.035304157053322974, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 20.685303840662396, "error_w_gmm": 0.041540991737670035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04070942384395457}, "run_8290": {"edge_length": 1000, "pf": 0.501417, "in_bounds_one_im": 1, "error_one_im": 0.03577780232104601, "one_im_sa_cls": 18.306122448979593, "model_in_bounds": 1, "pred_cls": 22.538346821890574, "error_w_gmm": 0.0449491268000716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04404933483233226}, "run_8291": {"edge_length": 1000, "pf": 0.50026, "in_bounds_one_im": 1, "error_one_im": 0.03194279815154837, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 22.803041291383828, "error_w_gmm": 0.045582373582561855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446699052758357}, "run_8292": {"edge_length": 1000, "pf": 0.501836, "in_bounds_one_im": 1, "error_one_im": 0.034791369009956635, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 24.025126962743325, "error_w_gmm": 0.04787413615162836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04691579132407929}, "run_8293": {"edge_length": 1000, "pf": 0.493733, "in_bounds_one_im": 1, "error_one_im": 0.03685845572470738, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 19.58855140215639, "error_w_gmm": 0.03967126493405194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03887712524594424}, "run_8294": {"edge_length": 1000, "pf": 0.504518, "in_bounds_one_im": 1, "error_one_im": 0.03539802878908175, "one_im_sa_cls": 18.224489795918366, "model_in_bounds": 1, "pred_cls": 19.735230594972176, "error_w_gmm": 0.039115403007788443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03833239056801748}, "run_8295": {"edge_length": 1000, "pf": 0.506898, "in_bounds_one_im": 1, "error_one_im": 0.034993205241150474, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 22.453509406508168, "error_w_gmm": 0.04429169679287276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043405065264099346}, "run_8296": {"edge_length": 1000, "pf": 0.504461, "in_bounds_one_im": 1, "error_one_im": 0.03714639937564507, "one_im_sa_cls": 19.122448979591837, "model_in_bounds": 1, "pred_cls": 25.98059236432777, "error_w_gmm": 0.051499636818507014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050468716690583296}, "run_8297": {"edge_length": 1000, "pf": 0.508281, "in_bounds_one_im": 1, "error_one_im": 0.03049019981730299, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 21.88760031499232, "error_w_gmm": 0.043056101303086534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04219420393437885}, "run_8298": {"edge_length": 1000, "pf": 0.495182, "in_bounds_one_im": 1, "error_one_im": 0.038124924863517144, "one_im_sa_cls": 19.26530612244898, "model_in_bounds": 1, "pred_cls": 20.79922652139951, "error_w_gmm": 0.04200124574183733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041160464479908725}, "run_8299": {"edge_length": 1000, "pf": 0.490384, "in_bounds_one_im": 1, "error_one_im": 0.03726933023913901, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 21.989093210565247, "error_w_gmm": 0.04483226672047665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04393481405871392}, "run_8300": {"edge_length": 1000, "pf": 0.506154, "in_bounds_one_im": 1, "error_one_im": 0.033781004487853705, "one_im_sa_cls": 17.448979591836736, "model_in_bounds": 1, "pred_cls": 18.706950235243756, "error_w_gmm": 0.0369562094796547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03621641979262039}, "run_8301": {"edge_length": 1000, "pf": 0.530441, "in_bounds_one_im": 0, "error_one_im": 0.031687694649911266, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 0, "pred_cls": 22.62403316314289, "error_w_gmm": 0.042572246326271636, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04172003477023012}, "run_8302": {"edge_length": 1000, "pf": 0.506289, "in_bounds_one_im": 1, "error_one_im": 0.03689232646669648, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 16.949562835911646, "error_w_gmm": 0.03347539057909101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03280527995171486}, "run_8303": {"edge_length": 1000, "pf": 0.484255, "in_bounds_one_im": 1, "error_one_im": 0.03933918587989077, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 22.4733263220894, "error_w_gmm": 0.04638502660249159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045456490781407906}, "run_8304": {"edge_length": 1000, "pf": 0.4994, "in_bounds_one_im": 1, "error_one_im": 0.03644303657782368, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 18.76755036151835, "error_w_gmm": 0.0375801699016364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03682788977005175}, "run_8305": {"edge_length": 1000, "pf": 0.503932, "in_bounds_one_im": 1, "error_one_im": 0.03464582381151841, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 22.0123396901276, "error_w_gmm": 0.043679819957036625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042805436983492866}, "run_8306": {"edge_length": 1000, "pf": 0.500964, "in_bounds_one_im": 1, "error_one_im": 0.037966031797162125, "one_im_sa_cls": 19.408163265306122, "model_in_bounds": 1, "pred_cls": 23.768523079305183, "error_w_gmm": 0.04744548291549358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046495718871738846}, "run_8307": {"edge_length": 1000, "pf": 0.501453, "in_bounds_one_im": 1, "error_one_im": 0.03593475917291641, "one_im_sa_cls": 18.387755102040817, "model_in_bounds": 1, "pred_cls": 23.332310469403083, "error_w_gmm": 0.0465292100165467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0455977879307659}, "run_8308": {"edge_length": 1000, "pf": 0.511599, "in_bounds_one_im": 1, "error_one_im": 0.03275061490248138, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 23.839343983024243, "error_w_gmm": 0.04658517429010945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045652631911067866}, "run_8309": {"edge_length": 1000, "pf": 0.485663, "in_bounds_one_im": 1, "error_one_im": 0.039434278081869625, "one_im_sa_cls": 19.551020408163264, "model_in_bounds": 1, "pred_cls": 19.10351506271199, "error_w_gmm": 0.03931874573356842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03853166277754104}, "run_8310": {"edge_length": 1000, "pf": 0.513563, "in_bounds_one_im": 1, "error_one_im": 0.03857821264383414, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 21.546623792827276, "error_w_gmm": 0.04193973303570514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04110018313560339}, "run_8311": {"edge_length": 1000, "pf": 0.518779, "in_bounds_one_im": 1, "error_one_im": 0.0374840011948905, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 21.476041863908534, "error_w_gmm": 0.04136807663774936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04053997015984073}, "run_8312": {"edge_length": 1000, "pf": 0.508419, "in_bounds_one_im": 1, "error_one_im": 0.039606652670593365, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 24.83820261590616, "error_w_gmm": 0.04884687890205914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04786906170261263}, "run_8313": {"edge_length": 1000, "pf": 0.497174, "in_bounds_one_im": 1, "error_one_im": 0.039461689669373946, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 22.158708001150437, "error_w_gmm": 0.04456860991767069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04367643513982459}, "run_8314": {"edge_length": 1000, "pf": 0.497013, "in_bounds_one_im": 1, "error_one_im": 0.03577241645388993, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 21.358911840973317, "error_w_gmm": 0.04297378680624149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04211353720976794}, "run_8315": {"edge_length": 1000, "pf": 0.512563, "in_bounds_one_im": 1, "error_one_im": 0.040020728643521, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 24.390812663012994, "error_w_gmm": 0.04757095672892587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046618680949404044}, "run_8316": {"edge_length": 1000, "pf": 0.509853, "in_bounds_one_im": 1, "error_one_im": 0.033257419469152553, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 20.904882021784392, "error_w_gmm": 0.040993821098419155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0401732064707899}, "run_8317": {"edge_length": 1000, "pf": 0.497487, "in_bounds_one_im": 1, "error_one_im": 0.03597972409927467, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 21.58657313902664, "error_w_gmm": 0.04339068255369452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042522087534925826}, "run_8318": {"edge_length": 1000, "pf": 0.501736, "in_bounds_one_im": 1, "error_one_im": 0.03826620268696235, "one_im_sa_cls": 19.591836734693878, "model_in_bounds": 1, "pred_cls": 20.80154887388078, "error_w_gmm": 0.04145890168218678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040628977067836546}, "run_8319": {"edge_length": 1000, "pf": 0.50703, "in_bounds_one_im": 1, "error_one_im": 0.03506284801009165, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 22.6014215372288, "error_w_gmm": 0.0445716968653256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04367946029293746}, "run_8320": {"edge_length": 1000, "pf": 0.503736, "in_bounds_one_im": 1, "error_one_im": 0.037160602858992094, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 20.169190457088835, "error_w_gmm": 0.04003809022657117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03923660742692235}, "run_8321": {"edge_length": 1200, "pf": 0.49755555555555553, "in_bounds_one_im": 1, "error_one_im": 0.03041444163446795, "one_im_sa_cls": 18.53061224489796, "model_in_bounds": 1, "pred_cls": 22.385260873768246, "error_w_gmm": 0.037491614595496145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03674110716471432}, "run_8322": {"edge_length": 1200, "pf": 0.49630625, "in_bounds_one_im": 1, "error_one_im": 0.03096065178189349, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 21.124165198708187, "error_w_gmm": 0.03546800113091309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03475800241010787}, "run_8323": {"edge_length": 1200, "pf": 0.5090652777777778, "in_bounds_one_im": 1, "error_one_im": 0.029296715731175708, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 23.77430830863878, "error_w_gmm": 0.03891184083674967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038132903306092106}, "run_8324": {"edge_length": 1200, "pf": 0.4950645833333333, "in_bounds_one_im": 1, "error_one_im": 0.03157625284630265, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 23.06704241851221, "error_w_gmm": 0.038826447124359155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038049219005696355}, "run_8325": {"edge_length": 1200, "pf": 0.5188854166666667, "in_bounds_one_im": 0, "error_one_im": 0.028148735256097825, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 0, "pred_cls": 20.69545407980524, "error_w_gmm": 0.03321331599786702, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.032548451581483694}, "run_8326": {"edge_length": 1200, "pf": 0.5008673611111111, "in_bounds_one_im": 1, "error_one_im": 0.030413302362786367, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 20.547711450850265, "error_w_gmm": 0.03418682957055615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03350247735194951}, "run_8327": {"edge_length": 1200, "pf": 0.5078972222222222, "in_bounds_one_im": 1, "error_one_im": 0.029726169653463308, "one_im_sa_cls": 18.489795918367346, "model_in_bounds": 1, "pred_cls": 21.70233418503309, "error_w_gmm": 0.035603704329095896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03489098910062037}, "run_8328": {"edge_length": 1200, "pf": 0.49420833333333336, "in_bounds_one_im": 1, "error_one_im": 0.034665277598059624, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 22.592295269230878, "error_w_gmm": 0.038092537852571995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03733000113538488}, "run_8329": {"edge_length": 1200, "pf": 0.49226458333333334, "in_bounds_one_im": 1, "error_one_im": 0.03280303109762219, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 24.01157413617916, "error_w_gmm": 0.040643286205151015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03982968858772481}, "run_8330": {"edge_length": 1200, "pf": 0.5046027777777777, "in_bounds_one_im": 1, "error_one_im": 0.03253186493392152, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 21.108518605599944, "error_w_gmm": 0.034858481965910355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034160684604461714}, "run_8331": {"edge_length": 1200, "pf": 0.5065833333333334, "in_bounds_one_im": 1, "error_one_im": 0.030330749681394497, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 24.30213358055203, "error_w_gmm": 0.03997372424215645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03917352992128114}, "run_8332": {"edge_length": 1200, "pf": 0.48658541666666666, "in_bounds_one_im": 1, "error_one_im": 0.033794223619909906, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 23.068177810431962, "error_w_gmm": 0.039492679052472196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038702114297922474}, "run_8333": {"edge_length": 1200, "pf": 0.5078409722222222, "in_bounds_one_im": 1, "error_one_im": 0.029860771000561472, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 23.773207944625245, "error_w_gmm": 0.03900545950277837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038224647912940626}, "run_8334": {"edge_length": 1200, "pf": 0.5060013888888889, "in_bounds_one_im": 1, "error_one_im": 0.028686392045266088, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 21.23725861849858, "error_w_gmm": 0.03497310685815895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03427301493473118}, "run_8335": {"edge_length": 1200, "pf": 0.4931701388888889, "in_bounds_one_im": 1, "error_one_im": 0.029026631518815463, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 23.47483264022163, "error_w_gmm": 0.039662854368015296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03886888304268358}, "run_8336": {"edge_length": 1200, "pf": 0.5065986111111112, "in_bounds_one_im": 1, "error_one_im": 0.030329822761583854, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 20.486510859083396, "error_w_gmm": 0.03369651090359804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03302197388785669}, "run_8337": {"edge_length": 1200, "pf": 0.5094923611111111, "in_bounds_one_im": 1, "error_one_im": 0.028552165860420933, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 24.344356285928313, "error_w_gmm": 0.039810817354474635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0390138841049362}, "run_8338": {"edge_length": 1200, "pf": 0.4953361111111111, "in_bounds_one_im": 1, "error_one_im": 0.030650690433742835, "one_im_sa_cls": 18.591836734693878, "model_in_bounds": 1, "pred_cls": 24.78356670054854, "error_w_gmm": 0.04169305101435655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04085843919686498}, "run_8339": {"edge_length": 1200, "pf": 0.5144055555555556, "in_bounds_one_im": 0, "error_one_im": 0.026135350527898595, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 20.964699074257776, "error_w_gmm": 0.03394856427241617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03326898165038942}, "run_8340": {"edge_length": 1200, "pf": 0.4961298611111111, "in_bounds_one_im": 1, "error_one_im": 0.0356408272605934, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 20.128882754181348, "error_w_gmm": 0.03380882262066287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03313203734810107}, "run_8341": {"edge_length": 1200, "pf": 0.50100625, "in_bounds_one_im": 1, "error_one_im": 0.03126976372513741, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 20.05297484633666, "error_w_gmm": 0.03335443126949492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032686742006513274}, "run_8342": {"edge_length": 1200, "pf": 0.5073097222222223, "in_bounds_one_im": 1, "error_one_im": 0.029991069002447624, "one_im_sa_cls": 18.632653061224488, "model_in_bounds": 1, "pred_cls": 23.70845814174185, "error_w_gmm": 0.03894058433047043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03816107141233345}, "run_8343": {"edge_length": 1200, "pf": 0.5013715277777778, "in_bounds_one_im": 1, "error_one_im": 0.029019753008418872, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 20.721384081766704, "error_w_gmm": 0.034441036530252794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03375159559476193}, "run_8344": {"edge_length": 1200, "pf": 0.5020541666666667, "in_bounds_one_im": 1, "error_one_im": 0.030274805850738797, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 23.418607899014464, "error_w_gmm": 0.03887098879409135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03809286903993948}, "run_8345": {"edge_length": 1200, "pf": 0.5073402777777778, "in_bounds_one_im": 1, "error_one_im": 0.02637607492838582, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 23.27689812230243, "error_w_gmm": 0.03822942034345246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0374641435115048}, "run_8346": {"edge_length": 1200, "pf": 0.4924340277777778, "in_bounds_one_im": 1, "error_one_im": 0.030930659658693502, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 23.790944185076093, "error_w_gmm": 0.04025618816042511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03945033947465046}, "run_8347": {"edge_length": 1200, "pf": 0.4980805555555556, "in_bounds_one_im": 1, "error_one_im": 0.029211390140522805, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 20.828114915316817, "error_w_gmm": 0.03484704299630163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03414947462023497}, "run_8348": {"edge_length": 1200, "pf": 0.49655625, "in_bounds_one_im": 1, "error_one_im": 0.03339528054680935, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 1, "pred_cls": 23.658202491511737, "error_w_gmm": 0.03970285565166428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0389080835803273}, "run_8349": {"edge_length": 1200, "pf": 0.4991541666666667, "in_bounds_one_im": 1, "error_one_im": 0.02948262514866346, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 23.410156573313913, "error_w_gmm": 0.03908298718072192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038300623641227806}, "run_8350": {"edge_length": 1200, "pf": 0.4943326388888889, "in_bounds_one_im": 1, "error_one_im": 0.029566041111559426, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 21.453087441291853, "error_w_gmm": 0.036162743476042106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035438837397601584}, "run_8351": {"edge_length": 1200, "pf": 0.5075263888888889, "in_bounds_one_im": 1, "error_one_im": 0.03175114613852856, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 22.95399592210796, "error_w_gmm": 0.03768506056831734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03693068073455624}, "run_8352": {"edge_length": 1200, "pf": 0.5155652777777778, "in_bounds_one_im": 0, "error_one_im": 0.02827187548985598, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 20.629408537168707, "error_w_gmm": 0.033328159246587497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03266099589716352}, "run_8353": {"edge_length": 1200, "pf": 0.49703680555555557, "in_bounds_one_im": 1, "error_one_im": 0.029875989429367276, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 21.825003128136682, "error_w_gmm": 0.0365912202259127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0358587368965812}, "run_8354": {"edge_length": 1200, "pf": 0.4881493055555556, "in_bounds_one_im": 1, "error_one_im": 0.030582577511043704, "one_im_sa_cls": 18.285714285714285, "model_in_bounds": 1, "pred_cls": 19.044176296335074, "error_w_gmm": 0.032501713170615884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031851093625129216}, "run_8355": {"edge_length": 1200, "pf": 0.5012402777777778, "in_bounds_one_im": 1, "error_one_im": 0.02942637341899212, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 23.370763687952316, "error_w_gmm": 0.03885477155699758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03807697643962329}, "run_8356": {"edge_length": 1200, "pf": 0.48834444444444447, "in_bounds_one_im": 1, "error_one_im": 0.03193539814786014, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 23.467938963274683, "error_w_gmm": 0.04003588387933064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0392344452463579}, "run_8357": {"edge_length": 1200, "pf": 0.5049791666666666, "in_bounds_one_im": 1, "error_one_im": 0.029207140744006675, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 21.100224845459675, "error_w_gmm": 0.03481856278183403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03412156452292072}, "run_8358": {"edge_length": 1200, "pf": 0.5166493055555555, "in_bounds_one_im": 0, "error_one_im": 0.02872643399428783, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 0, "pred_cls": 19.889850719022903, "error_w_gmm": 0.03206369152556933, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03142184030075897}, "run_8359": {"edge_length": 1200, "pf": 0.49690972222222224, "in_bounds_one_im": 1, "error_one_im": 0.03078914730964795, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 22.67599523285181, "error_w_gmm": 0.03802763545611247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03726639795559946}, "run_8360": {"edge_length": 1200, "pf": 0.5024375, "in_bounds_one_im": 1, "error_one_im": 0.032009646344970354, "one_im_sa_cls": 19.693877551020407, "model_in_bounds": 1, "pred_cls": 22.03984747017661, "error_w_gmm": 0.036554439728399925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035822692671352026}, "run_8361": {"edge_length": 1400, "pf": 0.5043974489795918, "in_bounds_one_im": 1, "error_one_im": 0.02806583422517952, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 22.966594294170957, "error_w_gmm": 0.03187168028197635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031871094632371984}, "run_8362": {"edge_length": 1400, "pf": 0.5048239795918368, "in_bounds_one_im": 1, "error_one_im": 0.02325978025261428, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 21.860151503962964, "error_w_gmm": 0.03031035464026951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03030979768039011}, "run_8363": {"edge_length": 1400, "pf": 0.5003852040816327, "in_bounds_one_im": 1, "error_one_im": 0.023981076654934114, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 19.485656547756584, "error_w_gmm": 0.027258910583914452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02725840969503572}, "run_8364": {"edge_length": 1400, "pf": 0.49584795918367347, "in_bounds_one_im": 1, "error_one_im": 0.026245137476402777, "one_im_sa_cls": 18.591836734693878, "model_in_bounds": 1, "pred_cls": 22.686578425526907, "error_w_gmm": 0.03202606171659738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0320254732301978}, "run_8365": {"edge_length": 1400, "pf": 0.5233857142857142, "in_bounds_one_im": 0, "error_one_im": 0.024129028783866458, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 0, "pred_cls": 22.653506559905004, "error_w_gmm": 0.030264678696994913, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03026412257642182}, "run_8366": {"edge_length": 1400, "pf": 0.49184132653061224, "in_bounds_one_im": 1, "error_one_im": 0.026775775567748038, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 23.887088985848226, "error_w_gmm": 0.033992133668685656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03399150905525273}, "run_8367": {"edge_length": 1400, "pf": 0.502130612244898, "in_bounds_one_im": 1, "error_one_im": 0.027226089987193648, "one_im_sa_cls": 19.53061224489796, "model_in_bounds": 1, "pred_cls": 23.04931248312929, "error_w_gmm": 0.032131823590323814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03213123316052516}, "run_8368": {"edge_length": 1400, "pf": 0.493434693877551, "in_bounds_one_im": 1, "error_one_im": 0.026748462677781335, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 21.84366225457703, "error_w_gmm": 0.03098534733225795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03098477796922956}, "run_8369": {"edge_length": 1400, "pf": 0.49041479591836734, "in_bounds_one_im": 1, "error_one_im": 0.027143541471031426, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 19.35190399144276, "error_w_gmm": 0.027617118220193474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02761661074916536}, "run_8370": {"edge_length": 1400, "pf": 0.4975484693877551, "in_bounds_one_im": 1, "error_one_im": 0.03138148758827062, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 20.491030830562153, "error_w_gmm": 0.028828445973126508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028827916243666686}, "run_8371": {"edge_length": 1400, "pf": 0.5093122448979592, "in_bounds_one_im": 1, "error_one_im": 0.02411753836162063, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 20.729535771871497, "error_w_gmm": 0.028485783125552146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028485259692602558}, "run_8372": {"edge_length": 1400, "pf": 0.4961341836734694, "in_bounds_one_im": 1, "error_one_im": 0.026258909471793573, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 23.37438900041211, "error_w_gmm": 0.03297814136627842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03297753538519205}, "run_8373": {"edge_length": 1400, "pf": 0.5031897959183673, "in_bounds_one_im": 1, "error_one_im": 0.026629079520680457, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 23.77350645996291, "error_w_gmm": 0.03307125066254642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03307064297055479}, "run_8374": {"edge_length": 1400, "pf": 0.49893010204081634, "in_bounds_one_im": 1, "error_one_im": 0.025511205570076384, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 22.773479194541128, "error_w_gmm": 0.03195116685722812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0319505797470393}, "run_8375": {"edge_length": 1400, "pf": 0.48980816326530613, "in_bounds_one_im": 1, "error_one_im": 0.02866363311816731, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 22.950278882103937, "error_w_gmm": 0.03279213900066171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03279153643741227}, "run_8376": {"edge_length": 1400, "pf": 0.507179081632653, "in_bounds_one_im": 1, "error_one_im": 0.024868442088300968, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 24.43749657917094, "error_w_gmm": 0.03372474309151353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033724123391445204}, "run_8377": {"edge_length": 1400, "pf": 0.49725, "in_bounds_one_im": 1, "error_one_im": 0.02462030569386044, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 21.779223895397397, "error_w_gmm": 0.03065907719960049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03065851383186229}, "run_8378": {"edge_length": 1400, "pf": 0.5051775510204082, "in_bounds_one_im": 1, "error_one_im": 0.02231020978915501, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 17.78206693761191, "error_w_gmm": 0.02463842554963082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024637972812779508}, "run_8379": {"edge_length": 1400, "pf": 0.48984387755102043, "in_bounds_one_im": 1, "error_one_im": 0.026212375240988142, "one_im_sa_cls": 18.346938775510203, "model_in_bounds": 1, "pred_cls": 24.26155550350125, "error_w_gmm": 0.034663258572433756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0346626216269232}, "run_8380": {"edge_length": 1400, "pf": 0.4914107142857143, "in_bounds_one_im": 1, "error_one_im": 0.02738017192965727, "one_im_sa_cls": 19.224489795918366, "model_in_bounds": 1, "pred_cls": 20.238976937941956, "error_w_gmm": 0.028825568682767002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028825039006178072}, "run_8381": {"edge_length": 1400, "pf": 0.49918622448979594, "in_bounds_one_im": 1, "error_one_im": 0.026099107168469506, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 19.347406966255644, "error_w_gmm": 0.027130490134792445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027129991605669597}, "run_8382": {"edge_length": 1400, "pf": 0.4968229591836735, "in_bounds_one_im": 1, "error_one_im": 0.024037529624448634, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 20.741702111942537, "error_w_gmm": 0.029223485158120118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029222948169722568}, "run_8383": {"edge_length": 1400, "pf": 0.49277857142857145, "in_bounds_one_im": 1, "error_one_im": 0.025247304599015447, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 21.94640140293443, "error_w_gmm": 0.031171969546027054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031171396753771674}, "run_8384": {"edge_length": 1400, "pf": 0.4972545918367347, "in_bounds_one_im": 1, "error_one_im": 0.025309556724409144, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 21.414944163393393, "error_w_gmm": 0.030145996004018166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030145442064267336}, "run_8385": {"edge_length": 1400, "pf": 0.4867505102040816, "in_bounds_one_im": 1, "error_one_im": 0.029455659006539493, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 24.19231173864955, "error_w_gmm": 0.03477894960176335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03477831053040302}, "run_8386": {"edge_length": 1400, "pf": 0.4901479591836735, "in_bounds_one_im": 1, "error_one_im": 0.024681177041721042, "one_im_sa_cls": 17.285714285714285, "model_in_bounds": 1, "pred_cls": 22.882575665027186, "error_w_gmm": 0.032673181436167924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0326725810587917}, "run_8387": {"edge_length": 1400, "pf": 0.4970015306122449, "in_bounds_one_im": 1, "error_one_im": 0.025034942540850542, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 21.37527242131913, "error_w_gmm": 0.030105383418829304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030104830225344242}, "run_8388": {"edge_length": 1400, "pf": 0.49632448979591837, "in_bounds_one_im": 1, "error_one_im": 0.029357340646484705, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 23.96558639868275, "error_w_gmm": 0.033799374307949805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03379875323651531}, "run_8389": {"edge_length": 1400, "pf": 0.48615102040816327, "in_bounds_one_im": 0, "error_one_im": 0.02646554944371266, "one_im_sa_cls": 18.387755102040817, "model_in_bounds": 1, "pred_cls": 22.481873709063905, "error_w_gmm": 0.03235882087339338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03235822627246635}, "run_8390": {"edge_length": 1400, "pf": 0.493590306122449, "in_bounds_one_im": 1, "error_one_im": 0.026334984192130217, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 21.085262162182886, "error_w_gmm": 0.029900244193973313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02989969476996964}, "run_8391": {"edge_length": 1400, "pf": 0.49301173469387755, "in_bounds_one_im": 1, "error_one_im": 0.02523553147893922, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 21.43393137498859, "error_w_gmm": 0.030429877005288607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03042931784915778}, "run_8392": {"edge_length": 1400, "pf": 0.4773872448979592, "in_bounds_one_im": 0, "error_one_im": 0.03195628439566628, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 0, "pred_cls": 22.220699343354163, "error_w_gmm": 0.0325492027733778, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.032548604674138636}, "run_8393": {"edge_length": 1400, "pf": 0.4964928571428571, "in_bounds_one_im": 1, "error_one_im": 0.02523305789928711, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 21.862268950062656, "error_w_gmm": 0.030822622260156633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030822055887239658}, "run_8394": {"edge_length": 1400, "pf": 0.5009295918367347, "in_bounds_one_im": 1, "error_one_im": 0.024297194818642488, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 21.01080639879329, "error_w_gmm": 0.029360491574050313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029359952068127672}, "run_8395": {"edge_length": 1400, "pf": 0.49563367346938775, "in_bounds_one_im": 1, "error_one_im": 0.022451950312680373, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 20.67134442150859, "error_w_gmm": 0.02919371730732751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02919318086592126}, "run_8396": {"edge_length": 1400, "pf": 0.5024188775510204, "in_bounds_one_im": 1, "error_one_im": 0.026897634321870714, "one_im_sa_cls": 19.306122448979593, "model_in_bounds": 1, "pred_cls": 19.745629933810772, "error_w_gmm": 0.02751046950426818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02750996399293519}, "run_8397": {"edge_length": 1400, "pf": 0.5078954081632653, "in_bounds_one_im": 1, "error_one_im": 0.027870142888209513, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 20.26569874603025, "error_w_gmm": 0.027927443616601773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027926930443271745}, "run_8398": {"edge_length": 1400, "pf": 0.48240714285714287, "in_bounds_one_im": 0, "error_one_im": 0.02770046735414973, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 0, "pred_cls": 22.076395585457526, "error_w_gmm": 0.03201426058301333, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03201367231346241}, "run_8399": {"edge_length": 1400, "pf": 0.4965295918367347, "in_bounds_one_im": 1, "error_one_im": 0.025864141862957837, "one_im_sa_cls": 18.346938775510203, "model_in_bounds": 1, "pred_cls": 21.526604585224447, "error_w_gmm": 0.030347154506143482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030346596870058}, "run_8400": {"edge_length": 1400, "pf": 0.49855, "in_bounds_one_im": 1, "error_one_im": 0.025903107226090512, "one_im_sa_cls": 18.448979591836736, "model_in_bounds": 1, "pred_cls": 22.58143077406171, "error_w_gmm": 0.03170581701586997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031705234414042}}, "fractal_noise_0.045_12_True_simplex": {"true_cls": 7.530612244897959, "true_pf": 0.50008672, "run_8401": {"edge_length": 600, "pf": 0.4883, "in_bounds_one_im": 1, "error_one_im": 0.027092907467171, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 0, "pred_cls": 6.288607265237792, "error_w_gmm": 0.02186676797032644, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021028856629694892}, "run_8402": {"edge_length": 600, "pf": 0.4956611111111111, "in_bounds_one_im": 1, "error_one_im": 0.028647001138386106, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 7.621763421052282, "error_w_gmm": 0.02611500101059403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02511430188866273}, "run_8403": {"edge_length": 600, "pf": 0.49454722222222225, "in_bounds_one_im": 1, "error_one_im": 0.024532316251175385, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 9.266138063602368, "error_w_gmm": 0.031820057081418204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030600746265835196}, "run_8404": {"edge_length": 600, "pf": 0.5003833333333333, "in_bounds_one_im": 1, "error_one_im": 0.025646525156679464, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.983033064940314, "error_w_gmm": 0.02370155917762706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02279334058526207}, "run_8405": {"edge_length": 600, "pf": 0.48970277777777776, "in_bounds_one_im": 1, "error_one_im": 0.025655910340615932, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.914507785820263, "error_w_gmm": 0.030910673241612688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029726209049609122}, "run_8406": {"edge_length": 600, "pf": 0.5109972222222222, "in_bounds_one_im": 1, "error_one_im": 0.024325175698812873, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.068774200774678, "error_w_gmm": 0.023488553898623487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02258849744247963}, "run_8407": {"edge_length": 600, "pf": 0.4896333333333333, "in_bounds_one_im": 1, "error_one_im": 0.027429094426618613, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 0, "pred_cls": 4.7300167133995865, "error_w_gmm": 0.016403409063227754, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01577484783745596}, "run_8408": {"edge_length": 600, "pf": 0.5051444444444444, "in_bounds_one_im": 1, "error_one_im": 0.027250987649711164, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 7.596854384084631, "error_w_gmm": 0.025540595195328027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024561906694600177}, "run_8409": {"edge_length": 600, "pf": 0.5000694444444445, "in_bounds_one_im": 1, "error_one_im": 0.025662630533850712, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 4.134487293977297, "error_w_gmm": 0.014041940230139776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013503867983739584}, "run_8410": {"edge_length": 600, "pf": 0.5046583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02529608084523543, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 8.632762572486518, "error_w_gmm": 0.02905154808610939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027938323596907923}, "run_8411": {"edge_length": 600, "pf": 0.5101222222222223, "in_bounds_one_im": 1, "error_one_im": 0.024367801065728615, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 9.668320551147653, "error_w_gmm": 0.03218278072356214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03094957072298396}, "run_8412": {"edge_length": 600, "pf": 0.49640833333333334, "in_bounds_one_im": 1, "error_one_im": 0.02504547819425225, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.6179349343584954, "error_w_gmm": 0.02264164651662122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02177404265250224}, "run_8413": {"edge_length": 600, "pf": 0.5124861111111111, "in_bounds_one_im": 1, "error_one_im": 0.02490301791465295, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 8.788683617794044, "error_w_gmm": 0.02911669346303724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02800097267213305}, "run_8414": {"edge_length": 600, "pf": 0.5040722222222223, "in_bounds_one_im": 1, "error_one_im": 0.025061254399122636, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.87389353632713, "error_w_gmm": 0.026528833257503586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025512276523085953}, "run_8415": {"edge_length": 600, "pf": 0.49695555555555554, "in_bounds_one_im": 1, "error_one_im": 0.02441442766431187, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 10.669889815568009, "error_w_gmm": 0.03646448761067236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035067207146510404}, "run_8416": {"edge_length": 600, "pf": 0.5014, "in_bounds_one_im": 1, "error_one_im": 0.026259220410033524, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.393010877035973, "error_w_gmm": 0.03181665909904289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03059747849053814}, "run_8417": {"edge_length": 600, "pf": 0.48893888888888887, "in_bounds_one_im": 1, "error_one_im": 0.02453648729551362, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 7.223207963329361, "error_w_gmm": 0.025084475392967664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024123264918969718}, "run_8418": {"edge_length": 600, "pf": 0.5093138888888888, "in_bounds_one_im": 1, "error_one_im": 0.026239421517294005, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.28418487559924, "error_w_gmm": 0.02762006412417286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026561692581107164}, "run_8419": {"edge_length": 600, "pf": 0.5057638888888889, "in_bounds_one_im": 1, "error_one_im": 0.026294625164384113, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.400855084827222, "error_w_gmm": 0.024850836129609945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02389857846421414}, "run_8420": {"edge_length": 600, "pf": 0.4921111111111111, "in_bounds_one_im": 1, "error_one_im": 0.026480750443642193, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 0, "pred_cls": 4.070933222078408, "error_w_gmm": 0.014047936198917803, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013509634193357893}, "run_8421": {"edge_length": 600, "pf": 0.4965027777777778, "in_bounds_one_im": 1, "error_one_im": 0.024168013760518782, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 8.43822052050998, "error_w_gmm": 0.02886385580070971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02775782348068022}, "run_8422": {"edge_length": 600, "pf": 0.4988361111111111, "in_bounds_one_im": 1, "error_one_im": 0.025859651543051296, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 11.741148582984223, "error_w_gmm": 0.03997489246132981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03844309700901024}, "run_8423": {"edge_length": 600, "pf": 0.4866638888888889, "in_bounds_one_im": 0, "error_one_im": 0.024785385501699973, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 8.200774178166604, "error_w_gmm": 0.028609283229779386, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027513005860480826}, "run_8424": {"edge_length": 600, "pf": 0.4928388888888889, "in_bounds_one_im": 1, "error_one_im": 0.02563069944789866, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 0, "pred_cls": 3.2741720905642486, "error_w_gmm": 0.011282043420337465, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010849727490510724}, "run_8425": {"edge_length": 600, "pf": 0.5014611111111111, "in_bounds_one_im": 1, "error_one_im": 0.024261883692807292, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 6.487521502925603, "error_w_gmm": 0.02197229791920056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02113034278293096}, "run_8426": {"edge_length": 600, "pf": 0.49614444444444444, "in_bounds_one_im": 1, "error_one_im": 0.029291135594072856, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 6.0474150470469965, "error_w_gmm": 0.020700675274725418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019907447368572966}, "run_8427": {"edge_length": 600, "pf": 0.49614166666666665, "in_bounds_one_im": 1, "error_one_im": 0.02492447633359264, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 9.927149885560873, "error_w_gmm": 0.033981436087383854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03267930352224193}, "run_8428": {"edge_length": 600, "pf": 0.5041083333333334, "in_bounds_one_im": 1, "error_one_im": 0.023274206902592017, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.7815808612019, "error_w_gmm": 0.02621591852231127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02521135234843834}, "run_8429": {"edge_length": 600, "pf": 0.49504722222222225, "in_bounds_one_im": 1, "error_one_im": 0.027739590491538263, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 8.357037115742392, "error_w_gmm": 0.02866950383860649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027570918879492038}, "run_8430": {"edge_length": 600, "pf": 0.49840277777777775, "in_bounds_one_im": 1, "error_one_im": 0.025748315644145973, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.868897456036875, "error_w_gmm": 0.0336296035768267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03234095286007684}, "run_8431": {"edge_length": 600, "pf": 0.5031861111111111, "in_bounds_one_im": 1, "error_one_im": 0.023582144716552334, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 10.00424179797847, "error_w_gmm": 0.03376622411547077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032472338244680314}, "run_8432": {"edge_length": 600, "pf": 0.5041138888888889, "in_bounds_one_im": 1, "error_one_im": 0.02532364259336993, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 3.749644595402656, "error_w_gmm": 0.012632302697851578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012148246265589467}, "run_8433": {"edge_length": 600, "pf": 0.502525, "in_bounds_one_im": 1, "error_one_im": 0.02566956563419062, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.860925025637503, "error_w_gmm": 0.029946883515435913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02879935072283452}, "run_8434": {"edge_length": 600, "pf": 0.5093527777777778, "in_bounds_one_im": 1, "error_one_im": 0.026106520290617854, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 0, "pred_cls": 4.509388746220327, "error_w_gmm": 0.015033454469008955, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014457388449305148}, "run_8435": {"edge_length": 600, "pf": 0.49790555555555555, "in_bounds_one_im": 1, "error_one_im": 0.027581456644953796, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 7.3570024140812285, "error_w_gmm": 0.025094924748521392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02413331386630895}, "run_8436": {"edge_length": 600, "pf": 0.4988472222222222, "in_bounds_one_im": 1, "error_one_im": 0.027061824649635028, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 8.470888060840226, "error_w_gmm": 0.028840050186063268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027734930071921262}, "run_8437": {"edge_length": 600, "pf": 0.4979472222222222, "in_bounds_one_im": 1, "error_one_im": 0.025771786225462348, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 4.714910178031688, "error_w_gmm": 0.01608133988133499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015465120004789544}, "run_8438": {"edge_length": 600, "pf": 0.5043694444444444, "in_bounds_one_im": 1, "error_one_im": 0.024782018708277058, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.224953200349888, "error_w_gmm": 0.024327947372510855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023395726249326294}, "run_8439": {"edge_length": 600, "pf": 0.5057388888888888, "in_bounds_one_im": 1, "error_one_im": 0.02385746946642891, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 8.084043534770993, "error_w_gmm": 0.0271462263734358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026106011790077266}, "run_8440": {"edge_length": 600, "pf": 0.4977916666666667, "in_bounds_one_im": 1, "error_one_im": 0.02631548977784778, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.054392604159956, "error_w_gmm": 0.027479999387700908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026426994976681068}, "run_8441": {"edge_length": 800, "pf": 0.4938921875, "in_bounds_one_im": 1, "error_one_im": 0.01898011039743077, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.731192873662616, "error_w_gmm": 0.021948091009816484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021653949940067963}, "run_8442": {"edge_length": 800, "pf": 0.506165625, "in_bounds_one_im": 1, "error_one_im": 0.020939784858231007, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 8.233870757940515, "error_w_gmm": 0.020196034714386683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019925374124683815}, "run_8443": {"edge_length": 800, "pf": 0.5016578125, "in_bounds_one_im": 1, "error_one_im": 0.018039754857616754, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 9.18511162388878, "error_w_gmm": 0.02273328536568206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02242862138040107}, "run_8444": {"edge_length": 800, "pf": 0.49498125, "in_bounds_one_im": 1, "error_one_im": 0.020049886017977157, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 9.749195167835195, "error_w_gmm": 0.024453772627416624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024126051239857327}, "run_8445": {"edge_length": 800, "pf": 0.502634375, "in_bounds_one_im": 1, "error_one_im": 0.0191484904831866, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.0970946773637715, "error_w_gmm": 0.017531138332077274, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017296191803898565}, "run_8446": {"edge_length": 800, "pf": 0.5053671875, "in_bounds_one_im": 1, "error_one_im": 0.018846249693443156, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.242778859805744, "error_w_gmm": 0.015336759950703736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015131221757137858}, "run_8447": {"edge_length": 800, "pf": 0.495771875, "in_bounds_one_im": 1, "error_one_im": 0.018959307009076252, "one_im_sa_cls": 7.673469387755102, "model_in_bounds": 1, "pred_cls": 7.428265148829449, "error_w_gmm": 0.01860277423765718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01835346599886296}, "run_8448": {"edge_length": 800, "pf": 0.5013046875, "in_bounds_one_im": 1, "error_one_im": 0.018152237616307285, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 8.180232401045798, "error_w_gmm": 0.020260498670179043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019988974155822965}, "run_8449": {"edge_length": 800, "pf": 0.4961296875, "in_bounds_one_im": 1, "error_one_im": 0.019600782212978587, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.791991362099322, "error_w_gmm": 0.019499701724245217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019238373159388276}, "run_8450": {"edge_length": 800, "pf": 0.4956921875, "in_bounds_one_im": 1, "error_one_im": 0.018911897383295993, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.1217804472506385, "error_w_gmm": 0.017838080517300566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017599020451289676}, "run_8451": {"edge_length": 800, "pf": 0.490503125, "in_bounds_one_im": 1, "error_one_im": 0.020943714973861507, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.427291482387002, "error_w_gmm": 0.023859126302562254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023539374168731524}, "run_8452": {"edge_length": 800, "pf": 0.50401875, "in_bounds_one_im": 1, "error_one_im": 0.018996346422794172, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.27482062985762, "error_w_gmm": 0.017920466074950618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017680301904895005}, "run_8453": {"edge_length": 800, "pf": 0.501421875, "in_bounds_one_im": 1, "error_one_im": 0.020790409843663885, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 5.528693300359013, "error_w_gmm": 0.013690055165882887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013506585566198437}, "run_8454": {"edge_length": 800, "pf": 0.496565625, "in_bounds_one_im": 1, "error_one_im": 0.021295385117990655, "one_im_sa_cls": 8.63265306122449, "model_in_bounds": 1, "pred_cls": 8.593269640115484, "error_w_gmm": 0.021486183201984164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021198232468181595}, "run_8455": {"edge_length": 800, "pf": 0.494746875, "in_bounds_one_im": 1, "error_one_im": 0.019048744141722987, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.707228793787248, "error_w_gmm": 0.014322076374559421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014130136635292447}, "run_8456": {"edge_length": 800, "pf": 0.5048359375, "in_bounds_one_im": 1, "error_one_im": 0.019955678439344943, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 5.973036137932725, "error_w_gmm": 0.01468967871902681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014492812494499855}, "run_8457": {"edge_length": 800, "pf": 0.4990234375, "in_bounds_one_im": 1, "error_one_im": 0.019788248342179432, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.0324582942001035, "error_w_gmm": 0.017497384109281377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017262889944052937}, "run_8458": {"edge_length": 800, "pf": 0.4974546875, "in_bounds_one_im": 1, "error_one_im": 0.019347889704019218, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 5.343816277407569, "error_w_gmm": 0.013337673930646509, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013158926827941262}, "run_8459": {"edge_length": 800, "pf": 0.5000015625, "in_bounds_one_im": 1, "error_one_im": 0.021899529146225293, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 3.198943570591118, "error_w_gmm": 0.007943702115454166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007837243242244793}, "run_8460": {"edge_length": 800, "pf": 0.4999859375, "in_bounds_one_im": 1, "error_one_im": 0.019850193530434233, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.36324779017604, "error_w_gmm": 0.020768489292689818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02049015685571932}, "run_8461": {"edge_length": 800, "pf": 0.50670625, "in_bounds_one_im": 1, "error_one_im": 0.019190500486970435, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 5.935796260451729, "error_w_gmm": 0.014543582195404543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014348673908254637}, "run_8462": {"edge_length": 800, "pf": 0.5149859375, "in_bounds_one_im": 0, "error_one_im": 0.01945744793075069, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 0, "pred_cls": 3.0004618700410295, "error_w_gmm": 0.007230782868116695, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007133878303296215}, "run_8463": {"edge_length": 800, "pf": 0.498759375, "in_bounds_one_im": 1, "error_one_im": 0.016741180781637964, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.614026754570261, "error_w_gmm": 0.018954386054066606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0187003656297903}, "run_8464": {"edge_length": 800, "pf": 0.5029046875, "in_bounds_one_im": 1, "error_one_im": 0.01943639755053029, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.143620878614998, "error_w_gmm": 0.020105379136908453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019835933483325918}, "run_8465": {"edge_length": 800, "pf": 0.5069015625, "in_bounds_one_im": 1, "error_one_im": 0.01908437700239858, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.979808854147476, "error_w_gmm": 0.017094887834466135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01686578779143223}, "run_8466": {"edge_length": 800, "pf": 0.4983234375, "in_bounds_one_im": 1, "error_one_im": 0.01951496939260752, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.101337063145284, "error_w_gmm": 0.022676664546394186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02237275937464048}, "run_8467": {"edge_length": 800, "pf": 0.4989171875, "in_bounds_one_im": 1, "error_one_im": 0.019391593985626284, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.601478776132366, "error_w_gmm": 0.016428559302299296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01620838917427108}, "run_8468": {"edge_length": 800, "pf": 0.4984890625, "in_bounds_one_im": 1, "error_one_im": 0.020210611680509243, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.460380867311132, "error_w_gmm": 0.018581942644275994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018332913583618805}, "run_8469": {"edge_length": 800, "pf": 0.500446875, "in_bounds_one_im": 1, "error_one_im": 0.020781036436548515, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 9.347452959636733, "error_w_gmm": 0.02319118099999225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02288038044859033}, "run_8470": {"edge_length": 800, "pf": 0.4894984375, "in_bounds_one_im": 0, "error_one_im": 0.0203731321667749, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 0, "pred_cls": 7.462572299180258, "error_w_gmm": 0.018924706925039975, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01867108425065244}, "run_8471": {"edge_length": 800, "pf": 0.491728125, "in_bounds_one_im": 1, "error_one_im": 0.021349948380261878, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 8.902254513548188, "error_w_gmm": 0.02247518366357001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022173978672090835}, "run_8472": {"edge_length": 800, "pf": 0.5079328125, "in_bounds_one_im": 1, "error_one_im": 0.020865891701696667, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 6.786888133465515, "error_w_gmm": 0.01658813217675686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016365823505746845}, "run_8473": {"edge_length": 800, "pf": 0.4995859375, "in_bounds_one_im": 1, "error_one_im": 0.019365675003914527, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.022119655653817, "error_w_gmm": 0.01993730779734239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019670114580365432}, "run_8474": {"edge_length": 800, "pf": 0.498515625, "in_bounds_one_im": 1, "error_one_im": 0.02041012895864674, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.334207386865918, "error_w_gmm": 0.020757323158634204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02047914036650601}, "run_8475": {"edge_length": 800, "pf": 0.5035609375, "in_bounds_one_im": 1, "error_one_im": 0.01951019144990244, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.715479992821002, "error_w_gmm": 0.0190233778478495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01876843281832991}, "run_8476": {"edge_length": 800, "pf": 0.49996875, "in_bounds_one_im": 1, "error_one_im": 0.01845081411676821, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 8.964555601860955, "error_w_gmm": 0.022262484833549322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02196413036156941}, "run_8477": {"edge_length": 800, "pf": 0.499109375, "in_bounds_one_im": 1, "error_one_im": 0.019484318188019215, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 5.3079874267960205, "error_w_gmm": 0.013204476904200782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013027514864070054}, "run_8478": {"edge_length": 800, "pf": 0.5003, "in_bounds_one_im": 1, "error_one_im": 0.01933803813339286, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.855080053924997, "error_w_gmm": 0.024457795404480686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02413002010499123}, "run_8479": {"edge_length": 800, "pf": 0.50179375, "in_bounds_one_im": 1, "error_one_im": 0.019280351660751965, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.63068038243127, "error_w_gmm": 0.021355253130757704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02106905707854413}, "run_8480": {"edge_length": 800, "pf": 0.5043625, "in_bounds_one_im": 1, "error_one_im": 0.020073713974610358, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 8.95067755585664, "error_w_gmm": 0.022033542348342608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021738256087966184}, "run_8481": {"edge_length": 1000, "pf": 0.496748, "in_bounds_one_im": 1, "error_one_im": 0.015178122455196962, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.572249430627802, "error_w_gmm": 0.013230270518366208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01296542686085994}, "run_8482": {"edge_length": 1000, "pf": 0.493173, "in_bounds_one_im": 1, "error_one_im": 0.015854735228961525, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 0, "pred_cls": 6.761546580351545, "error_w_gmm": 0.01370901543192089, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013434588255034356}, "run_8483": {"edge_length": 1000, "pf": 0.499134, "in_bounds_one_im": 1, "error_one_im": 0.013863736920682641, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 8.388673446626411, "error_w_gmm": 0.016806430466257623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016469999211270778}, "run_8484": {"edge_length": 1000, "pf": 0.494032, "in_bounds_one_im": 1, "error_one_im": 0.01663710731612437, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 6.998347583711089, "error_w_gmm": 0.014164768770699668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01388121831995453}, "run_8485": {"edge_length": 1000, "pf": 0.494743, "in_bounds_one_im": 1, "error_one_im": 0.016532619078251286, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 6.528833649265847, "error_w_gmm": 0.013195684985859784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012931533661810499}, "run_8486": {"edge_length": 1000, "pf": 0.502387, "in_bounds_one_im": 1, "error_one_im": 0.016719680100645767, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 6.065247978796052, "error_w_gmm": 0.012072722545843009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011831050692598469}, "run_8487": {"edge_length": 1000, "pf": 0.496147, "in_bounds_one_im": 1, "error_one_im": 0.016929652386647245, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.991055912281145, "error_w_gmm": 0.016105748184662146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015783343193004576}, "run_8488": {"edge_length": 1000, "pf": 0.499173, "in_bounds_one_im": 1, "error_one_im": 0.016787435524530065, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 8.08690933455875, "error_w_gmm": 0.016200592325321207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015876288742922774}, "run_8489": {"edge_length": 1000, "pf": 0.492129, "in_bounds_one_im": 0, "error_one_im": 0.015562809933729129, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 0, "pred_cls": 5.382954075435294, "error_w_gmm": 0.010936740280833936, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010717808529351471}, "run_8490": {"edge_length": 1000, "pf": 0.506587, "in_bounds_one_im": 1, "error_one_im": 0.014408645251126421, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 7.219523146466395, "error_w_gmm": 0.014250062930405113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01396480506051174}, "run_8491": {"edge_length": 1000, "pf": 0.503674, "in_bounds_one_im": 1, "error_one_im": 0.015922275359313433, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 5.679412276791902, "error_w_gmm": 0.011275664318931193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011049947983434286}, "run_8492": {"edge_length": 1000, "pf": 0.499994, "in_bounds_one_im": 1, "error_one_im": 0.015879898758915264, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.177986369114992, "error_w_gmm": 0.016356169011080494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016028751093383933}, "run_8493": {"edge_length": 1000, "pf": 0.492365, "in_bounds_one_im": 1, "error_one_im": 0.01579915298991761, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 0, "pred_cls": 4.62962172935343, "error_w_gmm": 0.009401728284349372, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00921352441487812}, "run_8494": {"edge_length": 1000, "pf": 0.496461, "in_bounds_one_im": 1, "error_one_im": 0.016798173155101515, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 4.9981934368291725, "error_w_gmm": 0.010067393481670753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009865864321133982}, "run_8495": {"edge_length": 1000, "pf": 0.49656, "in_bounds_one_im": 1, "error_one_im": 0.016955948936691837, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 6.033576474340162, "error_w_gmm": 0.012150462531797168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011907234478912855}, "run_8496": {"edge_length": 1000, "pf": 0.502702, "in_bounds_one_im": 1, "error_one_im": 0.016470447607293465, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 8.302892738153643, "error_w_gmm": 0.016516288977731258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01618566577730462}, "run_8497": {"edge_length": 1000, "pf": 0.50368, "in_bounds_one_im": 1, "error_one_im": 0.016319143741246395, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 5.775375613936371, "error_w_gmm": 0.011466048258665281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011236520815991052}, "run_8498": {"edge_length": 1000, "pf": 0.497656, "in_bounds_one_im": 1, "error_one_im": 0.015713204252248033, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 5.49593213404381, "error_w_gmm": 0.011043515482012623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010822446303727534}, "run_8499": {"edge_length": 1000, "pf": 0.500714, "in_bounds_one_im": 1, "error_one_im": 0.015537510651570063, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 4.293587694597911, "error_w_gmm": 0.008574921645666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008403268797879166}, "run_8500": {"edge_length": 1000, "pf": 0.503563, "in_bounds_one_im": 1, "error_one_im": 0.016164102113674837, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 5.424059100476704, "error_w_gmm": 0.010771087991381614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010555472268709886}, "run_8501": {"edge_length": 1000, "pf": 0.492229, "in_bounds_one_im": 1, "error_one_im": 0.016859723818201302, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 9.168603359000073, "error_w_gmm": 0.018624453124042876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018251628677439343}, "run_8502": {"edge_length": 1000, "pf": 0.497924, "in_bounds_one_im": 1, "error_one_im": 0.014379316357909112, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.693046325228838, "error_w_gmm": 0.015450108880733244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015140828481729788}, "run_8503": {"edge_length": 1000, "pf": 0.49661, "in_bounds_one_im": 1, "error_one_im": 0.014537970210072146, "one_im_sa_cls": 7.36734693877551, "model_in_bounds": 1, "pred_cls": 8.118425060361439, "error_w_gmm": 0.016347311698740867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016020071086791276}, "run_8504": {"edge_length": 1000, "pf": 0.503864, "in_bounds_one_im": 1, "error_one_im": 0.016074991044006233, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.861435892672382, "error_w_gmm": 0.015601831325304146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01528951374523246}, "run_8505": {"edge_length": 1000, "pf": 0.496445, "in_bounds_one_im": 1, "error_one_im": 0.015670739747874363, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 7.269357359009919, "error_w_gmm": 0.01464245508776939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014349342308636626}, "run_8506": {"edge_length": 1000, "pf": 0.509287, "in_bounds_one_im": 0, "error_one_im": 0.014645133309363694, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 0, "pred_cls": 7.116941078759555, "error_w_gmm": 0.013971912347532821, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013692222498157365}, "run_8507": {"edge_length": 1000, "pf": 0.50195, "in_bounds_one_im": 1, "error_one_im": 0.015658523351382837, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.098474842641686, "error_w_gmm": 0.016133904280319352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015810935659721304}, "run_8508": {"edge_length": 1000, "pf": 0.491666, "in_bounds_one_im": 0, "error_one_im": 0.015414545068600677, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 0, "pred_cls": 7.778682508856664, "error_w_gmm": 0.015818872747676536, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.015502210430734131}, "run_8509": {"edge_length": 1000, "pf": 0.504869, "in_bounds_one_im": 1, "error_one_im": 0.015092031163829712, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.13076192950889, "error_w_gmm": 0.012142696891068814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011899624290840625}, "run_8510": {"edge_length": 1000, "pf": 0.494606, "in_bounds_one_im": 1, "error_one_im": 0.016051952591225233, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.693568614151586, "error_w_gmm": 0.017575732434646857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017223901286910124}, "run_8511": {"edge_length": 1000, "pf": 0.499146, "in_bounds_one_im": 1, "error_one_im": 0.01462468939540982, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 6.8072677865921, "error_w_gmm": 0.013637809092502501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013364807324668852}, "run_8512": {"edge_length": 1000, "pf": 0.503788, "in_bounds_one_im": 1, "error_one_im": 0.01591864529223178, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 9.018136606544832, "error_w_gmm": 0.017900144110929463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017541818887749173}, "run_8513": {"edge_length": 1000, "pf": 0.497281, "in_bounds_one_im": 1, "error_one_im": 0.015403254873570062, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 4.1597631114680365, "error_w_gmm": 0.008364891490083856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00819744302757502}, "run_8514": {"edge_length": 1000, "pf": 0.496213, "in_bounds_one_im": 1, "error_one_im": 0.01624226030691021, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.868450224721841, "error_w_gmm": 0.015856546549140777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015539130077749416}, "run_8515": {"edge_length": 1000, "pf": 0.501052, "in_bounds_one_im": 1, "error_one_im": 0.015447180420797846, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.139709670766371, "error_w_gmm": 0.010257814147991226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010052473145084069}, "run_8516": {"edge_length": 1000, "pf": 0.493691, "in_bounds_one_im": 1, "error_one_im": 0.016567445004417602, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 6.782080095555448, "error_w_gmm": 0.013736406321507414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013461430833581511}, "run_8517": {"edge_length": 1000, "pf": 0.502663, "in_bounds_one_im": 1, "error_one_im": 0.014880260660859351, "one_im_sa_cls": 7.63265306122449, "model_in_bounds": 1, "pred_cls": 5.90177353625729, "error_w_gmm": 0.011740847904053355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011505819519953569}, "run_8518": {"edge_length": 1000, "pf": 0.497228, "in_bounds_one_im": 1, "error_one_im": 0.016128877257178452, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 4.610895776134877, "error_w_gmm": 0.00927305967381491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009087431493583986}, "run_8519": {"edge_length": 1000, "pf": 0.502429, "in_bounds_one_im": 1, "error_one_im": 0.014648393923823649, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.377749599064229, "error_w_gmm": 0.01468399025633547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014390046025877217}, "run_8520": {"edge_length": 1000, "pf": 0.498307, "in_bounds_one_im": 1, "error_one_im": 0.015853298367500934, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.254248091028809, "error_w_gmm": 0.014557705402386352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014266289143110723}, "run_8521": {"edge_length": 1200, "pf": 0.49712083333333335, "in_bounds_one_im": 1, "error_one_im": 0.014013540943788769, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 6.01082111931236, "error_w_gmm": 0.010075889436458912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009874190203833554}, "run_8522": {"edge_length": 1200, "pf": 0.5020215277777778, "in_bounds_one_im": 1, "error_one_im": 0.01225014543774751, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 6.640540629587293, "error_w_gmm": 0.011022911017101832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010802254299154665}, "run_8523": {"edge_length": 1200, "pf": 0.5042916666666667, "in_bounds_one_im": 1, "error_one_im": 0.01331827644541501, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 5.825245871089977, "error_w_gmm": 0.009625764328989558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009433075704245026}, "run_8524": {"edge_length": 1200, "pf": 0.49535625, "in_bounds_one_im": 1, "error_one_im": 0.014735962288428526, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.141603320965723, "error_w_gmm": 0.013695954806234556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013421789077054045}, "run_8525": {"edge_length": 1200, "pf": 0.49894166666666667, "in_bounds_one_im": 1, "error_one_im": 0.013962600263558243, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 7.281483502308511, "error_w_gmm": 0.01216152053639518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011918071124289385}, "run_8526": {"edge_length": 1200, "pf": 0.5038319444444445, "in_bounds_one_im": 1, "error_one_im": 0.012470494217710506, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.97818435784443, "error_w_gmm": 0.013195454923470283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012931308204811781}, "run_8527": {"edge_length": 1200, "pf": 0.5038923611111111, "in_bounds_one_im": 1, "error_one_im": 0.01273358126385037, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.620576320033954, "error_w_gmm": 0.012602468956249908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012350192635266965}, "run_8528": {"edge_length": 1200, "pf": 0.5006743055555556, "in_bounds_one_im": 1, "error_one_im": 0.012616075524993286, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.403034033860569, "error_w_gmm": 0.012321761571629857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01207510445324209}, "run_8529": {"edge_length": 1200, "pf": 0.5044236111111111, "in_bounds_one_im": 1, "error_one_im": 0.012389666963713934, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.114041253109239, "error_w_gmm": 0.011752296203486683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01151703864724036}, "run_8530": {"edge_length": 1200, "pf": 0.5027729166666667, "in_bounds_one_im": 1, "error_one_im": 0.012828420302739287, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.441253575485285, "error_w_gmm": 0.012333499039929663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012086606960810724}, "run_8531": {"edge_length": 1200, "pf": 0.5070805555555555, "in_bounds_one_im": 0, "error_one_im": 0.013539962994763304, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 0, "pred_cls": 7.037092510099556, "error_w_gmm": 0.01156355862114624, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011332079215282101}, "run_8532": {"edge_length": 1200, "pf": 0.5008576388888889, "in_bounds_one_im": 1, "error_one_im": 0.013010757606526178, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.825665481619658, "error_w_gmm": 0.011356612655433519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011129275895510793}, "run_8533": {"edge_length": 1200, "pf": 0.5050604166666667, "in_bounds_one_im": 1, "error_one_im": 0.011482975460820073, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.594136361044939, "error_w_gmm": 0.010879554227462675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01066176722683862}, "run_8534": {"edge_length": 1200, "pf": 0.4970826388888889, "in_bounds_one_im": 1, "error_one_im": 0.013846972605936193, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.206711253543178, "error_w_gmm": 0.013757892745505325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013482487142177705}, "run_8535": {"edge_length": 1200, "pf": 0.5014277777777778, "in_bounds_one_im": 1, "error_one_im": 0.013394782179879767, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.524703903361232, "error_w_gmm": 0.014167326324657331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013883724676777249}, "run_8536": {"edge_length": 1200, "pf": 0.49780069444444447, "in_bounds_one_im": 1, "error_one_im": 0.013425344615114066, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.429065804654105, "error_w_gmm": 0.012436359268631101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01218740813265888}, "run_8537": {"edge_length": 1200, "pf": 0.5014402777777778, "in_bounds_one_im": 1, "error_one_im": 0.012663236788534139, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 4.186705657453542, "error_w_gmm": 0.0069577715651510785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006818490840176524}, "run_8538": {"edge_length": 1200, "pf": 0.49857569444444444, "in_bounds_one_im": 1, "error_one_im": 0.01216772226163826, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 7.056013024048842, "error_w_gmm": 0.011793569285307606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011557485524190387}, "run_8539": {"edge_length": 1200, "pf": 0.5026902777777777, "in_bounds_one_im": 1, "error_one_im": 0.012499002272253175, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.567013156354577, "error_w_gmm": 0.012544012281058647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01229290614625154}, "run_8540": {"edge_length": 1200, "pf": 0.49869375, "in_bounds_one_im": 1, "error_one_im": 0.012599308560815899, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.589004732645577, "error_w_gmm": 0.011010401753102935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010789995445699248}, "run_8541": {"edge_length": 1200, "pf": 0.5013666666666666, "in_bounds_one_im": 1, "error_one_im": 0.012997518605981457, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.258240076135554, "error_w_gmm": 0.010401929223602882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010193703323998115}, "run_8542": {"edge_length": 1200, "pf": 0.5023076388888889, "in_bounds_one_im": 1, "error_one_im": 0.012707646788080071, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.7264243836385, "error_w_gmm": 0.012818077833110791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012561485451964177}, "run_8543": {"edge_length": 1200, "pf": 0.49906180555555557, "in_bounds_one_im": 1, "error_one_im": 0.01215589821346803, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.1946434406805295, "error_w_gmm": 0.010343796544090001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010136734344913063}, "run_8544": {"edge_length": 1200, "pf": 0.4979826388888889, "in_bounds_one_im": 1, "error_one_im": 0.01362126497227032, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.943302171324916, "error_w_gmm": 0.01161895535092753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011386367012898453}, "run_8545": {"edge_length": 1200, "pf": 0.4997083333333333, "in_bounds_one_im": 1, "error_one_im": 0.01277388133488269, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.689396427724231, "error_w_gmm": 0.012823138696670998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012566445007118508}, "run_8546": {"edge_length": 1200, "pf": 0.5022145833333334, "in_bounds_one_im": 1, "error_one_im": 0.013174607833042746, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.282238804628908, "error_w_gmm": 0.012083426116086654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011841539998690283}, "run_8547": {"edge_length": 1200, "pf": 0.49865902777777776, "in_bounds_one_im": 1, "error_one_im": 0.013001250399688562, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.368210693992443, "error_w_gmm": 0.01565561582852427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015342221589851312}, "run_8548": {"edge_length": 1200, "pf": 0.4978548611111111, "in_bounds_one_im": 1, "error_one_im": 0.011917468654520489, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 6.7319358535481895, "error_w_gmm": 0.011268133251067859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011042567672545663}, "run_8549": {"edge_length": 1200, "pf": 0.4962736111111111, "in_bounds_one_im": 1, "error_one_im": 0.013466412010499012, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 5.707723542048109, "error_w_gmm": 0.009584036066423614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009392182758361563}, "run_8550": {"edge_length": 1200, "pf": 0.49549791666666665, "in_bounds_one_im": 1, "error_one_im": 0.013924566117162243, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 5.6530031376097085, "error_w_gmm": 0.009506891593558622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009316582564150792}, "run_8551": {"edge_length": 1200, "pf": 0.5035791666666667, "in_bounds_one_im": 1, "error_one_im": 0.013204889850549828, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 5.499699739210044, "error_w_gmm": 0.009100784931736326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008918605348623924}, "run_8552": {"edge_length": 1200, "pf": 0.4988020833333333, "in_bounds_one_im": 1, "error_one_im": 0.012229039549210967, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 7.759974905309712, "error_w_gmm": 0.012964314727505354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012704794975076334}, "run_8553": {"edge_length": 1200, "pf": 0.49871319444444445, "in_bounds_one_im": 1, "error_one_im": 0.013735051570579436, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.20927390267976, "error_w_gmm": 0.013717381063784393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013442786423614603}, "run_8554": {"edge_length": 1200, "pf": 0.5005090277777777, "in_bounds_one_im": 1, "error_one_im": 0.013918899871341322, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 5.737611353514901, "error_w_gmm": 0.00955295519452133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009361724063593322}, "run_8555": {"edge_length": 1200, "pf": 0.5019006944444444, "in_bounds_one_im": 1, "error_one_im": 0.012087075042299868, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.89338393178622, "error_w_gmm": 0.011445381860874768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01121626811831133}, "run_8556": {"edge_length": 1200, "pf": 0.4980486111111111, "in_bounds_one_im": 1, "error_one_im": 0.012950206494729461, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.832852724734626, "error_w_gmm": 0.013105804159193074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01284345207022679}, "run_8557": {"edge_length": 1200, "pf": 0.49324444444444443, "in_bounds_one_im": 0, "error_one_im": 0.013007674254744648, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 0, "pred_cls": 7.8047886432139215, "error_w_gmm": 0.01318493686047222, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012921000692479997}, "run_8558": {"edge_length": 1200, "pf": 0.5009604166666667, "in_bounds_one_im": 1, "error_one_im": 0.013008083439024164, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.244544152656925, "error_w_gmm": 0.015378006576206336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015070169521692347}, "run_8559": {"edge_length": 1200, "pf": 0.49807291666666664, "in_bounds_one_im": 1, "error_one_im": 0.013853035835468786, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 6.991253499445039, "error_w_gmm": 0.011697085137488466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011462932796788105}, "run_8560": {"edge_length": 1200, "pf": 0.5033465277777778, "in_bounds_one_im": 1, "error_one_im": 0.013542139163893635, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.267165835688816, "error_w_gmm": 0.013686695290600234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013412714918475217}, "run_8561": {"edge_length": 1400, "pf": 0.5002663265306122, "in_bounds_one_im": 1, "error_one_im": 0.01047993794975082, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 7.668499086200026, "error_w_gmm": 0.010730181733541217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010729984563933951}, "run_8562": {"edge_length": 1400, "pf": 0.4972714285714286, "in_bounds_one_im": 1, "error_one_im": 0.011232353508491645, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.041407660215483, "error_w_gmm": 0.009911914670356925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009911732536598786}, "run_8563": {"edge_length": 1400, "pf": 0.5005403061224489, "in_bounds_one_im": 1, "error_one_im": 0.011387478417808274, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.828265153700781, "error_w_gmm": 0.010947734560288703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010947533393097153}, "run_8564": {"edge_length": 1400, "pf": 0.5020959183673469, "in_bounds_one_im": 1, "error_one_im": 0.011807326422316935, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.331607445140646, "error_w_gmm": 0.010221314163499744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010221126344453426}, "run_8565": {"edge_length": 1400, "pf": 0.5019418367346938, "in_bounds_one_im": 1, "error_one_im": 0.011241762463917943, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.493246332369777, "error_w_gmm": 0.011844455196507292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011844237551863597}, "run_8566": {"edge_length": 1400, "pf": 0.5024974489795918, "in_bounds_one_im": 1, "error_one_im": 0.011769419472734017, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 9.204757089613485, "error_w_gmm": 0.012822452328811884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01282221671324128}, "run_8567": {"edge_length": 1400, "pf": 0.49848520408163266, "in_bounds_one_im": 1, "error_one_im": 0.011491694896074217, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.770795918646071, "error_w_gmm": 0.010912123640114969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01091192312728237}, "run_8568": {"edge_length": 1400, "pf": 0.505840306122449, "in_bounds_one_im": 0, "error_one_im": 0.0102790340050775, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 0, "pred_cls": 6.44642580365406, "error_w_gmm": 0.00892018718608628, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008920023275553536}, "run_8569": {"edge_length": 1400, "pf": 0.5012994897959183, "in_bounds_one_im": 1, "error_one_im": 0.011085233654460624, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.82993700497608, "error_w_gmm": 0.009537092803451726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009536917557133508}, "run_8570": {"edge_length": 1400, "pf": 0.5045709183673469, "in_bounds_one_im": 1, "error_one_im": 0.01106956036316721, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 0, "pred_cls": 6.058801449431667, "error_w_gmm": 0.00840512925510609, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008404974808883662}, "run_8571": {"edge_length": 1400, "pf": 0.5089413265306122, "in_bounds_one_im": 0, "error_one_im": 0.010860949009733924, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 0, "pred_cls": 7.317445554303823, "error_w_gmm": 0.010062835421931485, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010062650514969258}, "run_8572": {"edge_length": 1400, "pf": 0.4992188775510204, "in_bounds_one_im": 1, "error_one_im": 0.01084530225522503, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.15922531170101, "error_w_gmm": 0.008636397081068567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008636238385245574}, "run_8573": {"edge_length": 1400, "pf": 0.5013265306122449, "in_bounds_one_im": 1, "error_one_im": 0.011312595786951634, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.795164761281903, "error_w_gmm": 0.012280606131002163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012280380471982702}, "run_8574": {"edge_length": 1400, "pf": 0.49881632653061225, "in_bounds_one_im": 1, "error_one_im": 0.011312255317156229, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.32350734454269, "error_w_gmm": 0.010277211276620209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010277022430451269}, "run_8575": {"edge_length": 1400, "pf": 0.5025872448979591, "in_bounds_one_im": 1, "error_one_im": 0.01156834180652372, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 8.126856288860756, "error_w_gmm": 0.011318877069921324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011318669082898936}, "run_8576": {"edge_length": 1400, "pf": 0.5000285714285714, "in_bounds_one_im": 1, "error_one_im": 0.011827678189158967, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 7.750165903238677, "error_w_gmm": 0.01084961226897553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010849412904804063}, "run_8577": {"edge_length": 1400, "pf": 0.5026647959183673, "in_bounds_one_im": 1, "error_one_im": 0.012021252197600958, "one_im_sa_cls": 8.63265306122449, "model_in_bounds": 1, "pred_cls": 7.139961138042042, "error_w_gmm": 0.009942812494780486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009942629793267597}, "run_8578": {"edge_length": 1400, "pf": 0.4999219387755102, "in_bounds_one_im": 1, "error_one_im": 0.011001515321877464, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.603495884247752, "error_w_gmm": 0.010646556274655139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010646360641685223}, "run_8579": {"edge_length": 1400, "pf": 0.5048698979591837, "in_bounds_one_im": 1, "error_one_im": 0.01094976672318504, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.115528972350774, "error_w_gmm": 0.009865183175846573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009865001900790624}, "run_8580": {"edge_length": 1400, "pf": 0.4961316326530612, "in_bounds_one_im": 1, "error_one_im": 0.01108523215993251, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.538670063359708, "error_w_gmm": 0.010636110982968466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010635915541933246}, "run_8581": {"edge_length": 1400, "pf": 0.5004214285714286, "in_bounds_one_im": 1, "error_one_im": 0.010590874862890495, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.774353112550661, "error_w_gmm": 0.010874924483716391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010874724654427}, "run_8582": {"edge_length": 1400, "pf": 0.5048704081632653, "in_bounds_one_im": 1, "error_one_im": 0.010610228245057408, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.792679812203578, "error_w_gmm": 0.010803994421821955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010803795895889125}, "run_8583": {"edge_length": 1400, "pf": 0.4993918367346939, "in_bounds_one_im": 1, "error_one_im": 0.012414863502515914, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 6.727836457420132, "error_w_gmm": 0.009430434560687553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009430261274239484}, "run_8584": {"edge_length": 1400, "pf": 0.4998158163265306, "in_bounds_one_im": 1, "error_one_im": 0.011518316327011975, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.193961284802335, "error_w_gmm": 0.010075256510907191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01007507137570449}, "run_8585": {"edge_length": 1400, "pf": 0.5006994897959184, "in_bounds_one_im": 1, "error_one_im": 0.010927358205984845, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.582994118363399, "error_w_gmm": 0.010601350304274566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010601155501974994}, "run_8586": {"edge_length": 1400, "pf": 0.5012285714285715, "in_bounds_one_im": 1, "error_one_im": 0.011200809216610898, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.277658405575127, "error_w_gmm": 0.010163717304917273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010163530544226642}, "run_8587": {"edge_length": 1400, "pf": 0.5039061224489796, "in_bounds_one_im": 1, "error_one_im": 0.012189883274818802, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 6.12011248930916, "error_w_gmm": 0.008501480372042304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008501324155345422}, "run_8588": {"edge_length": 1400, "pf": 0.4975530612244898, "in_bounds_one_im": 1, "error_one_im": 0.011627983303809833, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.580862085144333, "error_w_gmm": 0.010665274371913482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010665078394994129}, "run_8589": {"edge_length": 1400, "pf": 0.4977688775510204, "in_bounds_one_im": 1, "error_one_im": 0.011795157337607616, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.15118445960079, "error_w_gmm": 0.011462693978241128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011462483348549435}, "run_8590": {"edge_length": 1400, "pf": 0.5078612244897959, "in_bounds_one_im": 0, "error_one_im": 0.011615697445568528, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 0, "pred_cls": 7.519330254322957, "error_w_gmm": 0.010362832056634906, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01036264163716402}, "run_8591": {"edge_length": 1400, "pf": 0.5012637755102041, "in_bounds_one_im": 1, "error_one_im": 0.010516049886730177, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 7.840995487654761, "error_w_gmm": 0.01094968273626996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010949481533280162}, "run_8592": {"edge_length": 1400, "pf": 0.504244387755102, "in_bounds_one_im": 1, "error_one_im": 0.010906816033518604, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.357562248534949, "error_w_gmm": 0.010213515772104146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010213328096355006}, "run_8593": {"edge_length": 1400, "pf": 0.5019285714285714, "in_bounds_one_im": 1, "error_one_im": 0.011128217070290268, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.184926895760308, "error_w_gmm": 0.010020173586926457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010019989463885394}, "run_8594": {"edge_length": 1400, "pf": 0.5009663265306122, "in_bounds_one_im": 1, "error_one_im": 0.011434811409491086, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.4698323611816955, "error_w_gmm": 0.010437573566481244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010437381773617664}, "run_8595": {"edge_length": 1400, "pf": 0.5009698979591837, "in_bounds_one_im": 1, "error_one_im": 0.010864419022414213, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.216646812198339, "error_w_gmm": 0.008686439243238345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008686279627878839}, "run_8596": {"edge_length": 1400, "pf": 0.5012005102040816, "in_bounds_one_im": 1, "error_one_im": 0.011087428309208313, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.828156214585565, "error_w_gmm": 0.012329779023903665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012329552461320706}, "run_8597": {"edge_length": 1400, "pf": 0.5024035714285714, "in_bounds_one_im": 1, "error_one_im": 0.010947046758962234, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.674910151582801, "error_w_gmm": 0.009300059523298746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009299888632522553}, "run_8598": {"edge_length": 1400, "pf": 0.4997382653061225, "in_bounds_one_im": 1, "error_one_im": 0.011177072618597041, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.05713763223873, "error_w_gmm": 0.011285898962281212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011285691581239389}, "run_8599": {"edge_length": 1400, "pf": 0.49971683673469386, "in_bounds_one_im": 1, "error_one_im": 0.010891680760304851, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 7.430726058778486, "error_w_gmm": 0.010408909655724947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01040871838956741}, "run_8600": {"edge_length": 1400, "pf": 0.49952857142857143, "in_bounds_one_im": 1, "error_one_im": 0.011296152549890602, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.09835566542459, "error_w_gmm": 0.009947072182445848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009946889402660256}}, "fractal_noise_0.045_12_True_value": {"true_cls": 21.510204081632654, "true_pf": 0.5002582566666667, "run_8601": {"edge_length": 600, "pf": 0.5333472222222222, "in_bounds_one_im": 0, "error_one_im": 0.049075801577931545, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 20.710392141705853, "error_w_gmm": 0.06580304763758697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06328154469126805}, "run_8602": {"edge_length": 600, "pf": 0.5115916666666667, "in_bounds_one_im": 1, "error_one_im": 0.05914477867979661, "one_im_sa_cls": 18.53061224489796, "model_in_bounds": 1, "pred_cls": 21.88949929016409, "error_w_gmm": 0.07264929538672346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06986545149282784}, "run_8603": {"edge_length": 600, "pf": 0.5038472222222222, "in_bounds_one_im": 1, "error_one_im": 0.0531220205093926, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 19.79471720726796, "error_w_gmm": 0.06672266098029705, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06416591942670442}, "run_8604": {"edge_length": 600, "pf": 0.5039055555555556, "in_bounds_one_im": 1, "error_one_im": 0.04749335101279332, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 10.654478830121995, "error_w_gmm": 0.03590918897922617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03453318696926269}, "run_8605": {"edge_length": 600, "pf": 0.4953722222222222, "in_bounds_one_im": 1, "error_one_im": 0.05228071650065803, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 23.41144049517994, "error_w_gmm": 0.0802626815253541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0771871007549882}, "run_8606": {"edge_length": 600, "pf": 0.5141166666666667, "in_bounds_one_im": 1, "error_one_im": 0.054634062458048666, "one_im_sa_cls": 17.20408163265306, "model_in_bounds": 1, "pred_cls": 17.872997459535, "error_w_gmm": 0.05901988112200723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05675830191734548}, "run_8607": {"edge_length": 600, "pf": 0.47454444444444444, "in_bounds_one_im": 1, "error_one_im": 0.061241321229954036, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 23.65058142975906, "error_w_gmm": 0.08453511475005898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08129581887301027}, "run_8608": {"edge_length": 600, "pf": 0.48709444444444444, "in_bounds_one_im": 1, "error_one_im": 0.05595851459544623, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 22.28412767582852, "error_w_gmm": 0.07767361690162929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07469724633977655}, "run_8609": {"edge_length": 600, "pf": 0.5155416666666667, "in_bounds_one_im": 1, "error_one_im": 0.056675672719251516, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 18.31590047055208, "error_w_gmm": 0.06031014628162632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05799912548545306}, "run_8610": {"edge_length": 600, "pf": 0.4748861111111111, "in_bounds_one_im": 0, "error_one_im": 0.0510345345820383, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 17.81659372370716, "error_w_gmm": 0.063638871910996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061200297881602084}, "run_8611": {"edge_length": 600, "pf": 0.5192666666666667, "in_bounds_one_im": 1, "error_one_im": 0.055613055134591756, "one_im_sa_cls": 17.693877551020407, "model_in_bounds": 1, "pred_cls": 30.834878932373037, "error_w_gmm": 0.10077781096535303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09691611220829487}, "run_8612": {"edge_length": 600, "pf": 0.458625, "in_bounds_one_im": 0, "error_one_im": 0.07206826674787985, "one_im_sa_cls": 20.306122448979593, "model_in_bounds": 0, "pred_cls": 23.809915639189295, "error_w_gmm": 0.08787065624159836, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0845035459547245}, "run_8613": {"edge_length": 600, "pf": 0.4751222222222222, "in_bounds_one_im": 1, "error_one_im": 0.0700692036788067, "one_im_sa_cls": 20.408163265306122, "model_in_bounds": 1, "pred_cls": 22.57525538182986, "error_w_gmm": 0.08059811232778548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07750967820507516}, "run_8614": {"edge_length": 600, "pf": 0.4890777777777778, "in_bounds_one_im": 1, "error_one_im": 0.056418239290214854, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.63389713273621, "error_w_gmm": 0.06469309099631411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06221412041045172}, "run_8615": {"edge_length": 600, "pf": 0.5010222222222223, "in_bounds_one_im": 1, "error_one_im": 0.05195937306682549, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.48307738504371, "error_w_gmm": 0.06265448532693123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06025363194667361}, "run_8616": {"edge_length": 600, "pf": 0.49816666666666665, "in_bounds_one_im": 1, "error_one_im": 0.056873781682665374, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 19.060598896927093, "error_w_gmm": 0.06498224927090904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06249219844685825}, "run_8617": {"edge_length": 600, "pf": 0.46525, "in_bounds_one_im": 0, "error_one_im": 0.0643958317941755, "one_im_sa_cls": 18.387755102040817, "model_in_bounds": 0, "pred_cls": 20.189523442898796, "error_w_gmm": 0.07352314073581186, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07070581201558293}, "run_8618": {"edge_length": 600, "pf": 0.5161694444444445, "in_bounds_one_im": 1, "error_one_im": 0.05989619538150002, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 43.60739148725206, "error_w_gmm": 0.14340899289090317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1379137124884725}, "run_8619": {"edge_length": 600, "pf": 0.48714722222222223, "in_bounds_one_im": 1, "error_one_im": 0.05424256133652906, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 20.932860441942296, "error_w_gmm": 0.07295592967991779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07016033588534909}, "run_8620": {"edge_length": 600, "pf": 0.5059194444444445, "in_bounds_one_im": 1, "error_one_im": 0.05053058430765184, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 18.632475289744477, "error_w_gmm": 0.06254527794021929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0601486092711147}, "run_8621": {"edge_length": 600, "pf": 0.47884444444444446, "in_bounds_one_im": 1, "error_one_im": 0.06725331467328875, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 19.695916574396115, "error_w_gmm": 0.06979566228179093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06712116657981236}, "run_8622": {"edge_length": 600, "pf": 0.5371888888888889, "in_bounds_one_im": 0, "error_one_im": 0.04566626581317243, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 26.14182960878039, "error_w_gmm": 0.08242142799642634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07926312635244459}, "run_8623": {"edge_length": 600, "pf": 0.5058277777777778, "in_bounds_one_im": 1, "error_one_im": 0.058578783552063377, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 25.502654307376357, "error_w_gmm": 0.08562271377504972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08234174225767145}, "run_8624": {"edge_length": 600, "pf": 0.5029888888888889, "in_bounds_one_im": 1, "error_one_im": 0.06308724497794081, "one_im_sa_cls": 19.428571428571427, "model_in_bounds": 1, "pred_cls": 22.241000223164654, "error_w_gmm": 0.07509723461706105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07221958828994539}, "run_8625": {"edge_length": 600, "pf": 0.4888638888888889, "in_bounds_one_im": 1, "error_one_im": 0.07062115548387274, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 27.391659747274772, "error_w_gmm": 0.09513896633594324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0914933421203744}, "run_8626": {"edge_length": 600, "pf": 0.5466555555555556, "in_bounds_one_im": 0, "error_one_im": 0.051663947533393595, "one_im_sa_cls": 17.367346938775512, "model_in_bounds": 0, "pred_cls": 24.189220177353047, "error_w_gmm": 0.074824687332652, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07195748472821056}, "run_8627": {"edge_length": 600, "pf": 0.5139027777777778, "in_bounds_one_im": 1, "error_one_im": 0.06425330955276683, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 22.92099641712149, "error_w_gmm": 0.07572170034157838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07282012515066716}, "run_8628": {"edge_length": 600, "pf": 0.5220111111111111, "in_bounds_one_im": 1, "error_one_im": 0.056328798952787064, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 24.56478111702245, "error_w_gmm": 0.07984499591576465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07678542041465333}, "run_8629": {"edge_length": 600, "pf": 0.5140694444444445, "in_bounds_one_im": 1, "error_one_im": 0.05418552017966846, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 20.01582684736113, "error_w_gmm": 0.06610214027995506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06356917642101838}, "run_8630": {"edge_length": 600, "pf": 0.49430277777777776, "in_bounds_one_im": 1, "error_one_im": 0.06574369889055981, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 21.261870400032716, "error_w_gmm": 0.07304929053052069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0702501192472441}, "run_8631": {"edge_length": 600, "pf": 0.49545, "in_bounds_one_im": 1, "error_one_im": 0.05516540385027362, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 20.843626195158958, "error_w_gmm": 0.07144819178251327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06871037290395636}, "run_8632": {"edge_length": 600, "pf": 0.5361583333333333, "in_bounds_one_im": 0, "error_one_im": 0.06008456020777552, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 26.060970161380926, "error_w_gmm": 0.08233693668500441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07918187265840261}, "run_8633": {"edge_length": 600, "pf": 0.4871666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05793399951769458, "one_im_sa_cls": 17.285714285714285, "model_in_bounds": 1, "pred_cls": 20.49155366197627, "error_w_gmm": 0.07141509287588323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06867854231229933}, "run_8634": {"edge_length": 600, "pf": 0.4997083333333333, "in_bounds_one_im": 1, "error_one_im": 0.06423628055087223, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 19.64079855788465, "error_w_gmm": 0.0667541479707717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06419619986912234}, "run_8635": {"edge_length": 600, "pf": 0.5225722222222222, "in_bounds_one_im": 1, "error_one_im": 0.06053479100257172, "one_im_sa_cls": 19.387755102040817, "model_in_bounds": 1, "pred_cls": 22.98250203697616, "error_w_gmm": 0.0746180277536593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07175874412494948}, "run_8636": {"edge_length": 600, "pf": 0.48185833333333333, "in_bounds_one_im": 1, "error_one_im": 0.05855294491200454, "one_im_sa_cls": 17.285714285714285, "model_in_bounds": 1, "pred_cls": 20.810139066256223, "error_w_gmm": 0.07330022899977921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07049144202069074}, "run_8637": {"edge_length": 600, "pf": 0.5060527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05275645969971089, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 20.58127541698645, "error_w_gmm": 0.06906856432742846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06642193024736567}, "run_8638": {"edge_length": 600, "pf": 0.5055916666666667, "in_bounds_one_im": 1, "error_one_im": 0.05135481343569583, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 17.88752853943795, "error_w_gmm": 0.060084030018941095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057781673757968575}, "run_8639": {"edge_length": 600, "pf": 0.47110555555555556, "in_bounds_one_im": 0, "error_one_im": 0.058769159096947, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 18.032980348395864, "error_w_gmm": 0.06490208910331156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06241510993180622}, "run_8640": {"edge_length": 600, "pf": 0.5014638888888889, "in_bounds_one_im": 1, "error_one_im": 0.05284408322879365, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 26.16404484739282, "error_w_gmm": 0.08861334703545778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0852177776256079}, "run_8641": {"edge_length": 800, "pf": 0.4813375, "in_bounds_one_im": 1, "error_one_im": 0.04868357225049966, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 22.597291097381184, "error_w_gmm": 0.05824943050754279, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05746879087040677}, "run_8642": {"edge_length": 800, "pf": 0.509996875, "in_bounds_one_im": 1, "error_one_im": 0.04219692877979726, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 12.777161066407958, "error_w_gmm": 0.031100528187555206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030683729176345566}, "run_8643": {"edge_length": 800, "pf": 0.506740625, "in_bounds_one_im": 1, "error_one_im": 0.04316332475185337, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 15.662759686058918, "error_w_gmm": 0.038373448122100785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03785917983901748}, "run_8644": {"edge_length": 800, "pf": 0.5094046875, "in_bounds_one_im": 1, "error_one_im": 0.05161881050167403, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 21.15259458767901, "error_w_gmm": 0.05154797418898277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05085714525700264}, "run_8645": {"edge_length": 800, "pf": 0.4769234375, "in_bounds_one_im": 0, "error_one_im": 0.040895107638541456, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 20.218456566042917, "error_w_gmm": 0.05258041688639419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05187575149823498}, "run_8646": {"edge_length": 800, "pf": 0.4792703125, "in_bounds_one_im": 0, "error_one_im": 0.04336119626780583, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 0, "pred_cls": 16.145402386861612, "error_w_gmm": 0.04179097525276264, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04123090639934008}, "run_8647": {"edge_length": 800, "pf": 0.49313125, "in_bounds_one_im": 1, "error_one_im": 0.046534087378420796, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 18.271819251617483, "error_w_gmm": 0.046000866693640556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04538437826498528}, "run_8648": {"edge_length": 800, "pf": 0.494153125, "in_bounds_one_im": 1, "error_one_im": 0.048513140965480116, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 25.20067059867323, "error_w_gmm": 0.06331528822667573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0624667576368354}, "run_8649": {"edge_length": 800, "pf": 0.51235, "in_bounds_one_im": 1, "error_one_im": 0.04385230840290346, "one_im_sa_cls": 18.346938775510203, "model_in_bounds": 1, "pred_cls": 20.573017668476844, "error_w_gmm": 0.04984096829063116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04917301608814793}, "run_8650": {"edge_length": 800, "pf": 0.5243109375, "in_bounds_one_im": 0, "error_one_im": 0.0413855684304731, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 20.496601620342606, "error_w_gmm": 0.04848045779958323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04783073870954072}, "run_8651": {"edge_length": 800, "pf": 0.51256875, "in_bounds_one_im": 1, "error_one_im": 0.043443054205865785, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 23.572873657054874, "error_w_gmm": 0.05708353747957834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056318522755894024}, "run_8652": {"edge_length": 800, "pf": 0.49045, "in_bounds_one_im": 1, "error_one_im": 0.04836422912366914, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 1, "pred_cls": 22.568879748898283, "error_w_gmm": 0.05712467786573061, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056359111792173226}, "run_8653": {"edge_length": 800, "pf": 0.5025203125, "in_bounds_one_im": 1, "error_one_im": 0.038952438619973766, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 19.667834787424944, "error_w_gmm": 0.0485942792770543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04794303478914788}, "run_8654": {"edge_length": 800, "pf": 0.518115625, "in_bounds_one_im": 1, "error_one_im": 0.04151674082805837, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 23.30141220580587, "error_w_gmm": 0.05580306432927185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055055210084011284}, "run_8655": {"edge_length": 800, "pf": 0.48479375, "in_bounds_one_im": 1, "error_one_im": 0.04649225560947129, "one_im_sa_cls": 18.408163265306122, "model_in_bounds": 1, "pred_cls": 22.949401844204527, "error_w_gmm": 0.05874909133078348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057961755404252975}, "run_8656": {"edge_length": 800, "pf": 0.5019015625, "in_bounds_one_im": 1, "error_one_im": 0.042387704682447194, "one_im_sa_cls": 17.367346938775512, "model_in_bounds": 1, "pred_cls": 18.10961698452363, "error_w_gmm": 0.044799720959567864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04419932988949314}, "run_8657": {"edge_length": 800, "pf": 0.526696875, "in_bounds_one_im": 0, "error_one_im": 0.03867599522227164, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 0, "pred_cls": 20.05441965446395, "error_w_gmm": 0.047208167414449366, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.046575499140113275}, "run_8658": {"edge_length": 800, "pf": 0.4903140625, "in_bounds_one_im": 1, "error_one_im": 0.03950734797011421, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 20.19173513745929, "error_w_gmm": 0.05112172735600531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05043661084335913}, "run_8659": {"edge_length": 800, "pf": 0.512096875, "in_bounds_one_im": 1, "error_one_im": 0.040799894350788686, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 20.91395084776352, "error_w_gmm": 0.05069259783763216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05001323237711796}, "run_8660": {"edge_length": 800, "pf": 0.5229453125, "in_bounds_one_im": 0, "error_one_im": 0.03892024623801956, "one_im_sa_cls": 16.632653061224488, "model_in_bounds": 1, "pred_cls": 21.890353449786943, "error_w_gmm": 0.051919015466211096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051223213961529394}, "run_8661": {"edge_length": 800, "pf": 0.486609375, "in_bounds_one_im": 1, "error_one_im": 0.056029984920925834, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 21.850911509653404, "error_w_gmm": 0.05573410317374106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054987173123119966}, "run_8662": {"edge_length": 800, "pf": 0.5036453125, "in_bounds_one_im": 1, "error_one_im": 0.03330567270023618, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.872934228309932, "error_w_gmm": 0.039129888496764915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03860548264951247}, "run_8663": {"edge_length": 800, "pf": 0.5199515625, "in_bounds_one_im": 1, "error_one_im": 0.0397789620752642, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 22.679803830309005, "error_w_gmm": 0.054115055496540186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05338982338837487}, "run_8664": {"edge_length": 800, "pf": 0.507240625, "in_bounds_one_im": 1, "error_one_im": 0.04321873496640533, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 22.53381510290392, "error_w_gmm": 0.055152205946864305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05441307429076958}, "run_8665": {"edge_length": 800, "pf": 0.488890625, "in_bounds_one_im": 1, "error_one_im": 0.04263626408488949, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 21.698344872273562, "error_w_gmm": 0.055092870936439615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05435453446856582}, "run_8666": {"edge_length": 800, "pf": 0.4909828125, "in_bounds_one_im": 1, "error_one_im": 0.038945433111215615, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 15.544570398227759, "error_w_gmm": 0.03930334656342944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03877661608843309}, "run_8667": {"edge_length": 800, "pf": 0.4984546875, "in_bounds_one_im": 1, "error_one_im": 0.04594092585175973, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 23.484866950313805, "error_w_gmm": 0.058498950907661044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05771496728049963}, "run_8668": {"edge_length": 800, "pf": 0.4772453125, "in_bounds_one_im": 0, "error_one_im": 0.047933112428384286, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 23.264327405736875, "error_w_gmm": 0.06046253632444136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05965223737378432}, "run_8669": {"edge_length": 800, "pf": 0.5063453125, "in_bounds_one_im": 1, "error_one_im": 0.04862800919905012, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 24.493402085704485, "error_w_gmm": 0.06005581646398537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05925096823862324}, "run_8670": {"edge_length": 800, "pf": 0.46298125, "in_bounds_one_im": 0, "error_one_im": 0.04248660707778125, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 0, "pred_cls": 18.70704360257123, "error_w_gmm": 0.05003062284501033, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04936012895480216}, "run_8671": {"edge_length": 800, "pf": 0.4779703125, "in_bounds_one_im": 0, "error_one_im": 0.03783099202182018, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 0, "pred_cls": 15.842705128746069, "error_w_gmm": 0.041114423638051394, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04056342170601169}, "run_8672": {"edge_length": 800, "pf": 0.4944109375, "in_bounds_one_im": 1, "error_one_im": 0.051673481130982385, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 27.46923293843242, "error_w_gmm": 0.06897934407783513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06805490568141459}, "run_8673": {"edge_length": 800, "pf": 0.5127203125, "in_bounds_one_im": 1, "error_one_im": 0.04552582163892907, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 26.910877661782635, "error_w_gmm": 0.06514700912865382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06427393042001121}, "run_8674": {"edge_length": 800, "pf": 0.4830140625, "in_bounds_one_im": 1, "error_one_im": 0.044537378744284546, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 20.397230492771723, "error_w_gmm": 0.05240206590703032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0516997907198155}, "run_8675": {"edge_length": 800, "pf": 0.496059375, "in_bounds_one_im": 1, "error_one_im": 0.04490167915445778, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 24.85647674040131, "error_w_gmm": 0.06221285790186577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06137910171928101}, "run_8676": {"edge_length": 800, "pf": 0.5013265625, "in_bounds_one_im": 1, "error_one_im": 0.04158874684651907, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 24.086692729308467, "error_w_gmm": 0.05965442447579284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058854955573340494}, "run_8677": {"edge_length": 800, "pf": 0.491703125, "in_bounds_one_im": 1, "error_one_im": 0.04280370390073693, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 18.145714291347367, "error_w_gmm": 0.04581408656724079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04520010130417572}, "run_8678": {"edge_length": 800, "pf": 0.4827984375, "in_bounds_one_im": 1, "error_one_im": 0.043159366439640384, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 27.093769598050176, "error_w_gmm": 0.06963605304469654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0687028136515088}, "run_8679": {"edge_length": 800, "pf": 0.5098671875, "in_bounds_one_im": 1, "error_one_im": 0.040197980332607595, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 22.177518626793674, "error_w_gmm": 0.05399568282936851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05327205051427882}, "run_8680": {"edge_length": 800, "pf": 0.4785859375, "in_bounds_one_im": 1, "error_one_im": 0.045351661627609674, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 24.38608057672189, "error_w_gmm": 0.06320786710344874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06236077613603759}, "run_8681": {"edge_length": 1000, "pf": 0.511935, "in_bounds_one_im": 1, "error_one_im": 0.04335172778044667, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 23.671471620438442, "error_w_gmm": 0.04622603832654588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04530068513399909}, "run_8682": {"edge_length": 1000, "pf": 0.493796, "in_bounds_one_im": 1, "error_one_im": 0.03377591041982107, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 24.648751772482616, "error_w_gmm": 0.04991302938351868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048913869975493005}, "run_8683": {"edge_length": 1000, "pf": 0.500214, "in_bounds_one_im": 1, "error_one_im": 0.03422471951595959, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 21.32753542885853, "error_w_gmm": 0.042636818392581606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04178331423241745}, "run_8684": {"edge_length": 1000, "pf": 0.503719, "in_bounds_one_im": 1, "error_one_im": 0.03740008350357359, "one_im_sa_cls": 19.224489795918366, "model_in_bounds": 1, "pred_cls": 22.226848858651735, "error_w_gmm": 0.044124271692726064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04324099168090163}, "run_8685": {"edge_length": 1000, "pf": 0.496762, "in_bounds_one_im": 1, "error_one_im": 0.03349560817835519, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 22.443594705682536, "error_w_gmm": 0.0451788262277448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04427443613508667}, "run_8686": {"edge_length": 1000, "pf": 0.502742, "in_bounds_one_im": 1, "error_one_im": 0.03285869895585748, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 17.227210777309786, "error_w_gmm": 0.03426598877274732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03358005194461933}, "run_8687": {"edge_length": 1000, "pf": 0.494898, "in_bounds_one_im": 1, "error_one_im": 0.040692387946755296, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 20.238313408574605, "error_w_gmm": 0.040891779231676716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040073207278924654}, "run_8688": {"edge_length": 1000, "pf": 0.499461, "in_bounds_one_im": 1, "error_one_im": 0.03419621597476883, "one_im_sa_cls": 17.428571428571427, "model_in_bounds": 1, "pred_cls": 26.02623829653515, "error_w_gmm": 0.05210861944014294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05106550869339188}, "run_8689": {"edge_length": 1000, "pf": 0.495603, "in_bounds_one_im": 1, "error_one_im": 0.03659978904331922, "one_im_sa_cls": 18.510204081632654, "model_in_bounds": 1, "pred_cls": 20.62426002547344, "error_w_gmm": 0.041612868621247516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040779861895521026}, "run_8690": {"edge_length": 1000, "pf": 0.514179, "in_bounds_one_im": 1, "error_one_im": 0.03180433276739578, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 23.277989547365415, "error_w_gmm": 0.04525394437094097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04434805056271168}, "run_8691": {"edge_length": 1000, "pf": 0.499265, "in_bounds_one_im": 1, "error_one_im": 0.0343297978626483, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 20.896779750175995, "error_w_gmm": 0.041855041255121336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041017186715737904}, "run_8692": {"edge_length": 1000, "pf": 0.499023, "in_bounds_one_im": 1, "error_one_im": 0.03414603005516713, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 21.220813712868114, "error_w_gmm": 0.04252463954780691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04167338098462462}, "run_8693": {"edge_length": 1000, "pf": 0.5104, "in_bounds_one_im": 1, "error_one_im": 0.036903561864766066, "one_im_sa_cls": 19.224489795918366, "model_in_bounds": 1, "pred_cls": 24.581826248772355, "error_w_gmm": 0.04815146577752462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04718756936338062}, "run_8694": {"edge_length": 1000, "pf": 0.50438, "in_bounds_one_im": 1, "error_one_im": 0.034931996053693404, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 22.878136478136735, "error_w_gmm": 0.04535718833945241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04444922779266338}, "run_8695": {"edge_length": 1000, "pf": 0.503806, "in_bounds_one_im": 1, "error_one_im": 0.035924826282872545, "one_im_sa_cls": 18.46938775510204, "model_in_bounds": 1, "pred_cls": 23.306355201094764, "error_w_gmm": 0.0462592346588919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045333216941907596}, "run_8696": {"edge_length": 1000, "pf": 0.484056, "in_bounds_one_im": 1, "error_one_im": 0.03419289141468365, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 20.944389510226213, "error_w_gmm": 0.043246521492879754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04238081229134083}, "run_8697": {"edge_length": 1000, "pf": 0.512791, "in_bounds_one_im": 1, "error_one_im": 0.035284831202819826, "one_im_sa_cls": 18.46938775510204, "model_in_bounds": 1, "pred_cls": 19.598862223811892, "error_w_gmm": 0.03820747253174475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03744263505126156}, "run_8698": {"edge_length": 1000, "pf": 0.487973, "in_bounds_one_im": 1, "error_one_im": 0.03699885602527797, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 24.212590480373272, "error_w_gmm": 0.04960435275310326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04861137243625138}, "run_8699": {"edge_length": 1000, "pf": 0.488804, "in_bounds_one_im": 1, "error_one_im": 0.03652833001026122, "one_im_sa_cls": 18.224489795918366, "model_in_bounds": 1, "pred_cls": 24.8077471243272, "error_w_gmm": 0.05073920635202015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04972350852705275}, "run_8700": {"edge_length": 1000, "pf": 0.508887, "in_bounds_one_im": 1, "error_one_im": 0.035954490751476, "one_im_sa_cls": 18.6734693877551, "model_in_bounds": 1, "pred_cls": 22.39009434586094, "error_w_gmm": 0.043991214910806084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043110598430670694}, "run_8701": {"edge_length": 1000, "pf": 0.492255, "in_bounds_one_im": 1, "error_one_im": 0.03713008696088507, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 22.946034870004784, "error_w_gmm": 0.046608529863394664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04567551995230651}, "run_8702": {"edge_length": 1000, "pf": 0.494538, "in_bounds_one_im": 1, "error_one_im": 0.03489853758692208, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 22.274739525860635, "error_w_gmm": 0.04503882496758426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04413723742123426}, "run_8703": {"edge_length": 1000, "pf": 0.52076, "in_bounds_one_im": 0, "error_one_im": 0.0337286226538303, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 23.047332373927127, "error_w_gmm": 0.04421894545827737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04333377026628231}, "run_8704": {"edge_length": 1000, "pf": 0.504572, "in_bounds_one_im": 1, "error_one_im": 0.03158922949265628, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 20.61565597579832, "error_w_gmm": 0.04085600091182527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04003814516975665}, "run_8705": {"edge_length": 1000, "pf": 0.494282, "in_bounds_one_im": 1, "error_one_im": 0.035644680610659396, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 22.15805444939991, "error_w_gmm": 0.04482583922461452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04392851522851368}, "run_8706": {"edge_length": 1000, "pf": 0.507732, "in_bounds_one_im": 1, "error_one_im": 0.036628446050825984, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 27.28532600716725, "error_w_gmm": 0.05373319658766252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052657565043014526}, "run_8707": {"edge_length": 1000, "pf": 0.509759, "in_bounds_one_im": 1, "error_one_im": 0.03455813390321585, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 21.502778474589324, "error_w_gmm": 0.042174208435213294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04132996480475166}, "run_8708": {"edge_length": 1000, "pf": 0.477756, "in_bounds_one_im": 0, "error_one_im": 0.037261760460340417, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 0, "pred_cls": 21.27375033688923, "error_w_gmm": 0.04448439704907166, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04359390804508011}, "run_8709": {"edge_length": 1000, "pf": 0.512857, "in_bounds_one_im": 1, "error_one_im": 0.03504626916183617, "one_im_sa_cls": 18.346938775510203, "model_in_bounds": 1, "pred_cls": 20.575121497345513, "error_w_gmm": 0.040105366869523804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039302537325516314}, "run_8710": {"edge_length": 1000, "pf": 0.487692, "in_bounds_one_im": 1, "error_one_im": 0.03853653100945858, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 23.971887171330255, "error_w_gmm": 0.0491388483279336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04815518648226311}, "run_8711": {"edge_length": 1000, "pf": 0.511301, "in_bounds_one_im": 1, "error_one_im": 0.03159699459517928, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 19.911149739244618, "error_w_gmm": 0.038932181396305734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03815283668816975}, "run_8712": {"edge_length": 1000, "pf": 0.494912, "in_bounds_one_im": 1, "error_one_im": 0.032649978901371016, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 21.032389438477704, "error_w_gmm": 0.04249503032470118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04164436447917583}, "run_8713": {"edge_length": 1000, "pf": 0.500981, "in_bounds_one_im": 1, "error_one_im": 0.03421217982182395, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 15.906081109855677, "error_w_gmm": 0.031749807867048764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031114239967741042}, "run_8714": {"edge_length": 1000, "pf": 0.480467, "in_bounds_one_im": 0, "error_one_im": 0.03689354759424509, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 22.31407018060499, "error_w_gmm": 0.04640700889692071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04547803303409728}, "run_8715": {"edge_length": 1000, "pf": 0.505543, "in_bounds_one_im": 1, "error_one_im": 0.036551835988667083, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 25.34218261186106, "error_w_gmm": 0.050125558645937374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049122144825493735}, "run_8716": {"edge_length": 1000, "pf": 0.495308, "in_bounds_one_im": 1, "error_one_im": 0.0336739141757236, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 20.452814559601528, "error_w_gmm": 0.04129130562783901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04046473595260023}, "run_8717": {"edge_length": 1000, "pf": 0.511171, "in_bounds_one_im": 1, "error_one_im": 0.03430417522838433, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 21.58111367463518, "error_w_gmm": 0.042208432666158806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04136350393477761}, "run_8718": {"edge_length": 1000, "pf": 0.503098, "in_bounds_one_im": 1, "error_one_im": 0.036333504039745786, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 22.290142786539693, "error_w_gmm": 0.04430491657392001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043418020411467466}, "run_8719": {"edge_length": 1000, "pf": 0.493696, "in_bounds_one_im": 1, "error_one_im": 0.03434976246983146, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 17.78137325897564, "error_w_gmm": 0.036013984161237245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03529305594791047}, "run_8720": {"edge_length": 1000, "pf": 0.501791, "in_bounds_one_im": 1, "error_one_im": 0.03379809433236316, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 22.193484755480597, "error_w_gmm": 0.044228259127376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043342897494280955}, "run_8721": {"edge_length": 1200, "pf": 0.4895055555555556, "in_bounds_one_im": 1, "error_one_im": 0.03131664936710903, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 21.69041361182844, "error_w_gmm": 0.03691758476652255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03617856826929435}, "run_8722": {"edge_length": 1200, "pf": 0.49981597222222224, "in_bounds_one_im": 1, "error_one_im": 0.030610702084205927, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 22.88344848965173, "error_w_gmm": 0.03815312070086865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03738937123575606}, "run_8723": {"edge_length": 1200, "pf": 0.4982284722222222, "in_bounds_one_im": 1, "error_one_im": 0.03589295569143882, "one_im_sa_cls": 21.897959183673468, "model_in_bounds": 1, "pred_cls": 23.52689255637516, "error_w_gmm": 0.039350663062906466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038562941185533606}, "run_8724": {"edge_length": 1200, "pf": 0.5074833333333333, "in_bounds_one_im": 1, "error_one_im": 0.029061204430218437, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 18.961386017828083, "error_w_gmm": 0.031132815877565202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030509598928672294}, "run_8725": {"edge_length": 1200, "pf": 0.5104854166666667, "in_bounds_one_im": 1, "error_one_im": 0.030682430976994624, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 21.970363023082506, "error_w_gmm": 0.0358572624491888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035139471492305265}, "run_8726": {"edge_length": 1200, "pf": 0.5007333333333334, "in_bounds_one_im": 1, "error_one_im": 0.031220268778350668, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 21.700286791230216, "error_w_gmm": 0.03611413834934375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03539120524870523}, "run_8727": {"edge_length": 1200, "pf": 0.49262222222222224, "in_bounds_one_im": 1, "error_one_im": 0.03044542184229761, "one_im_sa_cls": 18.367346938775512, "model_in_bounds": 1, "pred_cls": 24.04370511819058, "error_w_gmm": 0.04066856645973685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03985446278197888}, "run_8728": {"edge_length": 1200, "pf": 0.4918652777777778, "in_bounds_one_im": 1, "error_one_im": 0.029238016989623673, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 18.336439501267442, "error_w_gmm": 0.03106204989570421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030440249540783244}, "run_8729": {"edge_length": 1200, "pf": 0.4993444444444444, "in_bounds_one_im": 1, "error_one_im": 0.030105560076912258, "one_im_sa_cls": 18.408163265306122, "model_in_bounds": 1, "pred_cls": 21.28004558369356, "error_w_gmm": 0.035513274003730166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03480236901020685}, "run_8730": {"edge_length": 1200, "pf": 0.49484236111111113, "in_bounds_one_im": 1, "error_one_im": 0.029131771815101543, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 21.839183099195335, "error_w_gmm": 0.03677605719492267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036039873797716816}, "run_8731": {"edge_length": 1200, "pf": 0.5134243055555555, "in_bounds_one_im": 1, "error_one_im": 0.029464128971133197, "one_im_sa_cls": 18.53061224489796, "model_in_bounds": 1, "pred_cls": 21.105359701770627, "error_w_gmm": 0.03424352792422304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03355804071753439}, "run_8732": {"edge_length": 1200, "pf": 0.5040618055555556, "in_bounds_one_im": 1, "error_one_im": 0.02893015102902788, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 21.97222651762191, "error_w_gmm": 0.036324086412115486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035596950569533534}, "run_8733": {"edge_length": 1200, "pf": 0.5026701388888889, "in_bounds_one_im": 1, "error_one_im": 0.03322149798501948, "one_im_sa_cls": 20.448979591836736, "model_in_bounds": 1, "pred_cls": 22.520808766757177, "error_w_gmm": 0.03733476802443672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03658740034952674}, "run_8734": {"edge_length": 1200, "pf": 0.49868541666666666, "in_bounds_one_im": 1, "error_one_im": 0.03265180272089413, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 23.514578971173403, "error_w_gmm": 0.0392941403415902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03850754993648961}, "run_8735": {"edge_length": 1200, "pf": 0.5000305555555555, "in_bounds_one_im": 1, "error_one_im": 0.02576461864553452, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 21.00105893774063, "error_w_gmm": 0.03499962596484495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03429900318173454}, "run_8736": {"edge_length": 1200, "pf": 0.4944375, "in_bounds_one_im": 1, "error_one_im": 0.03326745997690452, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 21.993444079225156, "error_w_gmm": 0.03706582904973595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036323844997300535}, "run_8737": {"edge_length": 1200, "pf": 0.5033527777777778, "in_bounds_one_im": 1, "error_one_im": 0.029898285579938736, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 19.8380548183639, "error_w_gmm": 0.032842454446274955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032185013939298186}, "run_8738": {"edge_length": 1200, "pf": 0.5060659722222223, "in_bounds_one_im": 1, "error_one_im": 0.028781478680247042, "one_im_sa_cls": 17.836734693877553, "model_in_bounds": 1, "pred_cls": 19.478168003842068, "error_w_gmm": 0.03207212692627104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03143010684154425}, "run_8739": {"edge_length": 1200, "pf": 0.49397847222222224, "in_bounds_one_im": 1, "error_one_im": 0.02854115955581897, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 18.43184605856904, "error_w_gmm": 0.031091957803457748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03046955875180814}, "run_8740": {"edge_length": 1200, "pf": 0.4974659722222222, "in_bounds_one_im": 1, "error_one_im": 0.03189398317105494, "one_im_sa_cls": 19.428571428571427, "model_in_bounds": 1, "pred_cls": 20.575149124527538, "error_w_gmm": 0.03446615117653752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03377620749586316}, "run_8741": {"edge_length": 1200, "pf": 0.4979826388888889, "in_bounds_one_im": 1, "error_one_im": 0.028815501575245085, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 20.488765728760097, "error_w_gmm": 0.03428599941699659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03359966201563738}, "run_8742": {"edge_length": 1200, "pf": 0.49768125, "in_bounds_one_im": 1, "error_one_im": 0.03214815496310495, "one_im_sa_cls": 19.591836734693878, "model_in_bounds": 1, "pred_cls": 20.94760238397599, "error_w_gmm": 0.03507495532019978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03437282459347164}, "run_8743": {"edge_length": 1200, "pf": 0.5049493055555555, "in_bounds_one_im": 1, "error_one_im": 0.029340902844020772, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 20.343283965122655, "error_w_gmm": 0.033571500930832505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03289946636569235}, "run_8744": {"edge_length": 1200, "pf": 0.5152402777777778, "in_bounds_one_im": 1, "error_one_im": 0.034012994267686, "one_im_sa_cls": 21.46938775510204, "model_in_bounds": 1, "pred_cls": 19.518395732344434, "error_w_gmm": 0.031553768123419486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03092212454921506}, "run_8745": {"edge_length": 1200, "pf": 0.49869583333333334, "in_bounds_one_im": 1, "error_one_im": 0.029175465632335723, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 20.943770984981796, "error_w_gmm": 0.03499745125269377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03429687200298795}, "run_8746": {"edge_length": 1200, "pf": 0.49230625, "in_bounds_one_im": 1, "error_one_im": 0.027553603444205564, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 20.862401901511937, "error_w_gmm": 0.035309884017079275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03460305048588097}, "run_8747": {"edge_length": 1200, "pf": 0.5074527777777778, "in_bounds_one_im": 1, "error_one_im": 0.028143474104741443, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 22.80904662993047, "error_w_gmm": 0.0374526026217908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036702876133000134}, "run_8748": {"edge_length": 1200, "pf": 0.4944451388888889, "in_bounds_one_im": 1, "error_one_im": 0.029829029608525695, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 19.612734502456405, "error_w_gmm": 0.033053084091392806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032391427198551814}, "run_8749": {"edge_length": 1200, "pf": 0.5054506944444445, "in_bounds_one_im": 1, "error_one_im": 0.0266408161294926, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 22.61101062707189, "error_w_gmm": 0.03727641371395256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036530214176080995}, "run_8750": {"edge_length": 1200, "pf": 0.5075194444444444, "in_bounds_one_im": 1, "error_one_im": 0.031751587229585425, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 22.78664246674045, "error_w_gmm": 0.03741082527923368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036661935089609264}, "run_8751": {"edge_length": 1200, "pf": 0.5107020833333333, "in_bounds_one_im": 1, "error_one_im": 0.03027761133215097, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 23.192082628005096, "error_w_gmm": 0.03783479348796482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03707741629946076}, "run_8752": {"edge_length": 1200, "pf": 0.4970340277777778, "in_bounds_one_im": 1, "error_one_im": 0.027227203362139896, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 19.330392115799135, "error_w_gmm": 0.0324090017549564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031760238107305015}, "run_8753": {"edge_length": 1200, "pf": 0.49848125, "in_bounds_one_im": 1, "error_one_im": 0.02952233078893423, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 22.938112384428976, "error_w_gmm": 0.03834648840187602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037578868100629895}, "run_8754": {"edge_length": 1200, "pf": 0.5113631944444444, "in_bounds_one_im": 1, "error_one_im": 0.027761230666437552, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 20.66061324159799, "error_w_gmm": 0.033660480603153575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032986664842244995}, "run_8755": {"edge_length": 1200, "pf": 0.5079222222222223, "in_bounds_one_im": 1, "error_one_im": 0.02916693509490637, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 21.425745152370055, "error_w_gmm": 0.035148189063150294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034444592342789564}, "run_8756": {"edge_length": 1200, "pf": 0.5058145833333333, "in_bounds_one_im": 1, "error_one_im": 0.033112053576540075, "one_im_sa_cls": 20.510204081632654, "model_in_bounds": 1, "pred_cls": 20.06564778679378, "error_w_gmm": 0.03305607032669612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03239435365537374}, "run_8757": {"edge_length": 1200, "pf": 0.5000923611111111, "in_bounds_one_im": 1, "error_one_im": 0.03269335938194012, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 23.420847009778303, "error_w_gmm": 0.039027535097308476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0382462815980488}, "run_8758": {"edge_length": 1200, "pf": 0.49063402777777776, "in_bounds_one_im": 1, "error_one_im": 0.0315856519388438, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 20.402067904456775, "error_w_gmm": 0.03464647618889527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03395292276072965}, "run_8759": {"edge_length": 1200, "pf": 0.5086743055555556, "in_bounds_one_im": 1, "error_one_im": 0.026993724712160456, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 24.11990078737002, "error_w_gmm": 0.0395083692970916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038717490455103816}, "run_8760": {"edge_length": 1200, "pf": 0.49797291666666665, "in_bounds_one_im": 1, "error_one_im": 0.030589872902006543, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 22.545648053867847, "error_w_gmm": 0.03772872984216328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036973475836540745}, "run_8761": {"edge_length": 1400, "pf": 0.49796785714285713, "in_bounds_one_im": 1, "error_one_im": 0.03184285950464178, "one_im_sa_cls": 22.653061224489797, "model_in_bounds": 1, "pred_cls": 23.801538135233276, "error_w_gmm": 0.03345786047792581, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033457245681888036}, "run_8762": {"edge_length": 1400, "pf": 0.5080872448979592, "in_bounds_one_im": 1, "error_one_im": 0.026706838259238322, "one_im_sa_cls": 19.387755102040817, "model_in_bounds": 1, "pred_cls": 21.311307734943302, "error_w_gmm": 0.029357091853693205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02935655241024135}, "run_8763": {"edge_length": 1400, "pf": 0.5119801020408163, "in_bounds_one_im": 1, "error_one_im": 0.024240187530920495, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 21.587127496431226, "error_w_gmm": 0.029506324601751257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02950578241611251}, "run_8764": {"edge_length": 1400, "pf": 0.5018642857142858, "in_bounds_one_im": 1, "error_one_im": 0.02436567429233757, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 23.35167253115756, "error_w_gmm": 0.03257067221652568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032570073722780424}, "run_8765": {"edge_length": 1400, "pf": 0.4977551020408163, "in_bounds_one_im": 1, "error_one_im": 0.0262026164370268, "one_im_sa_cls": 18.632653061224488, "model_in_bounds": 1, "pred_cls": 20.923699640230605, "error_w_gmm": 0.02942499647402942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029424455782814232}, "run_8766": {"edge_length": 1400, "pf": 0.5048035714285715, "in_bounds_one_im": 1, "error_one_im": 0.025977311314117554, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 24.00704293735368, "error_w_gmm": 0.03328850163788131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03328788995385202}, "run_8767": {"edge_length": 1400, "pf": 0.515355612244898, "in_bounds_one_im": 0, "error_one_im": 0.023855318304446822, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 24.59323398048655, "error_w_gmm": 0.03338887347295203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03338825994456675}, "run_8768": {"edge_length": 1400, "pf": 0.4981265306122449, "in_bounds_one_im": 1, "error_one_im": 0.025150744834423255, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 21.997025585850324, "error_w_gmm": 0.030911442923688172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030910874918670544}, "run_8769": {"edge_length": 1400, "pf": 0.48768469387755103, "in_bounds_one_im": 1, "error_one_im": 0.026823691888869496, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 24.55513410352198, "error_w_gmm": 0.035234608385959966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03523396094176257}, "run_8770": {"edge_length": 1400, "pf": 0.49623163265306125, "in_bounds_one_im": 1, "error_one_im": 0.025706837867200225, "one_im_sa_cls": 18.224489795918366, "model_in_bounds": 1, "pred_cls": 23.700546833076906, "error_w_gmm": 0.033431789709246436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03343117539226518}, "run_8771": {"edge_length": 1400, "pf": 0.5014352040816327, "in_bounds_one_im": 1, "error_one_im": 0.029286703075757484, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 23.43667491038873, "error_w_gmm": 0.03271729770552964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032716696517506694}, "run_8772": {"edge_length": 1400, "pf": 0.5032081632653062, "in_bounds_one_im": 1, "error_one_im": 0.02867204936076322, "one_im_sa_cls": 20.612244897959183, "model_in_bounds": 1, "pred_cls": 21.73633052095415, "error_w_gmm": 0.0302362307852762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03023567518744002}, "run_8773": {"edge_length": 1400, "pf": 0.5035867346938776, "in_bounds_one_im": 1, "error_one_im": 0.027260380371567094, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 23.770440914123142, "error_w_gmm": 0.033040744264649057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0330401371332196}, "run_8774": {"edge_length": 1400, "pf": 0.4963091836734694, "in_bounds_one_im": 1, "error_one_im": 0.026192154761599595, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 20.57863361644712, "error_w_gmm": 0.02902354327787769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029023009963459016}, "run_8775": {"edge_length": 1400, "pf": 0.5069137755102041, "in_bounds_one_im": 1, "error_one_im": 0.02344453858311885, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 20.547027664681917, "error_w_gmm": 0.02837079002160611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02837026870168177}, "run_8776": {"edge_length": 1400, "pf": 0.508890306122449, "in_bounds_one_im": 1, "error_one_im": 0.02548513791333653, "one_im_sa_cls": 18.53061224489796, "model_in_bounds": 1, "pred_cls": 21.893495578901128, "error_w_gmm": 0.03011066227444186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030110108983956628}, "run_8777": {"edge_length": 1400, "pf": 0.5021668367346939, "in_bounds_one_im": 1, "error_one_im": 0.02628535484668391, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 21.564458164655875, "error_w_gmm": 0.030059689054909657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030059136701069297}, "run_8778": {"edge_length": 1400, "pf": 0.503230612244898, "in_bounds_one_im": 1, "error_one_im": 0.02373144262232159, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 19.817649269533256, "error_w_gmm": 0.027566019595370594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02756551306329171}, "run_8779": {"edge_length": 1400, "pf": 0.510915306122449, "in_bounds_one_im": 1, "error_one_im": 0.02376076833671184, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 21.65115710890693, "error_w_gmm": 0.029656966466704203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029656421512985854}, "run_8780": {"edge_length": 1400, "pf": 0.49515969387755104, "in_bounds_one_im": 1, "error_one_im": 0.028935385726633386, "one_im_sa_cls": 20.46938775510204, "model_in_bounds": 1, "pred_cls": 22.784222640180396, "error_w_gmm": 0.032208212230447515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03220762039698957}, "run_8781": {"edge_length": 1400, "pf": 0.5067484693877551, "in_bounds_one_im": 1, "error_one_im": 0.028216039250070275, "one_im_sa_cls": 20.428571428571427, "model_in_bounds": 1, "pred_cls": 22.558982194184903, "error_w_gmm": 0.03115914520855838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03115857265195317}, "run_8782": {"edge_length": 1400, "pf": 0.49316173469387753, "in_bounds_one_im": 1, "error_one_im": 0.023316312524408637, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 20.894121658254093, "error_w_gmm": 0.029654606593381812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029654061683026728}, "run_8783": {"edge_length": 1400, "pf": 0.5066760204081633, "in_bounds_one_im": 1, "error_one_im": 0.025090823745817094, "one_im_sa_cls": 18.163265306122447, "model_in_bounds": 1, "pred_cls": 24.18571685169054, "error_w_gmm": 0.03341088177089221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03341026783809919}, "run_8784": {"edge_length": 1400, "pf": 0.5019408163265306, "in_bounds_one_im": 1, "error_one_im": 0.024902689191967444, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 20.149665392890014, "error_w_gmm": 0.028100244206253313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02809972785767182}, "run_8785": {"edge_length": 1400, "pf": 0.49555867346938776, "in_bounds_one_im": 1, "error_one_im": 0.026289153505341424, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 23.087077850164846, "error_w_gmm": 0.03261029982064502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03260970059873336}, "run_8786": {"edge_length": 1400, "pf": 0.49737602040816326, "in_bounds_one_im": 1, "error_one_im": 0.02619376906520113, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 21.024497283195352, "error_w_gmm": 0.029589173643152295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029588629935142996}, "run_8787": {"edge_length": 1400, "pf": 0.5033632653061224, "in_bounds_one_im": 1, "error_one_im": 0.024945459676083918, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 21.778754441724534, "error_w_gmm": 0.030285847744311634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030285291234752307}, "run_8788": {"edge_length": 1400, "pf": 0.5025015306122449, "in_bounds_one_im": 1, "error_one_im": 0.027945035981005787, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 24.162860212914804, "error_w_gmm": 0.033659181979235286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03365856348386769}, "run_8789": {"edge_length": 1400, "pf": 0.5051336734693878, "in_bounds_one_im": 1, "error_one_im": 0.025705653532905423, "one_im_sa_cls": 18.551020408163264, "model_in_bounds": 1, "pred_cls": 21.987368909094045, "error_w_gmm": 0.03046786972949269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030467309875236596}, "run_8790": {"edge_length": 1400, "pf": 0.5109698979591837, "in_bounds_one_im": 1, "error_one_im": 0.026273744200581307, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 22.48521841451701, "error_w_gmm": 0.03079606904344629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030795503158450845}, "run_8791": {"edge_length": 1400, "pf": 0.49890663265306123, "in_bounds_one_im": 1, "error_one_im": 0.029034317296852578, "one_im_sa_cls": 20.693877551020407, "model_in_bounds": 1, "pred_cls": 23.430526242758237, "error_w_gmm": 0.032874546222333004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032873942144831574}, "run_8792": {"edge_length": 1400, "pf": 0.4946535714285714, "in_bounds_one_im": 1, "error_one_im": 0.02313132535535951, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 20.537479283869143, "error_w_gmm": 0.029061578519458106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02906104450613298}, "run_8793": {"edge_length": 1400, "pf": 0.5083780612244898, "in_bounds_one_im": 1, "error_one_im": 0.02829278329597974, "one_im_sa_cls": 20.551020408163264, "model_in_bounds": 1, "pred_cls": 23.697556277372993, "error_w_gmm": 0.03262524835021904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03262464885362456}, "run_8794": {"edge_length": 1400, "pf": 0.49890255102040815, "in_bounds_one_im": 1, "error_one_im": 0.022649243059378713, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 23.05135371937433, "error_w_gmm": 0.03234280663112855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032342212324466886}, "run_8795": {"edge_length": 1400, "pf": 0.4982984693877551, "in_bounds_one_im": 1, "error_one_im": 0.025944809781003046, "one_im_sa_cls": 18.46938775510204, "model_in_bounds": 1, "pred_cls": 23.81758101861439, "error_w_gmm": 0.03345828092487658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033457666121113123}, "run_8796": {"edge_length": 1400, "pf": 0.5052765306122449, "in_bounds_one_im": 1, "error_one_im": 0.027846902831711054, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 24.56770492006834, "error_w_gmm": 0.03403371176694005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03403308638949984}, "run_8797": {"edge_length": 1400, "pf": 0.5003948979591837, "in_bounds_one_im": 1, "error_one_im": 0.026264479502766173, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 1, "pred_cls": 23.6273598875823, "error_w_gmm": 0.033052189041862856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033051581700133}, "run_8798": {"edge_length": 1400, "pf": 0.5020908163265306, "in_bounds_one_im": 1, "error_one_im": 0.027626580596711504, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 21.322062038707163, "error_w_gmm": 0.0297263213101286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029725775081998848}, "run_8799": {"edge_length": 1400, "pf": 0.4954086734693878, "in_bounds_one_im": 1, "error_one_im": 0.025403173323443915, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 21.059746779579665, "error_w_gmm": 0.02975563811971117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029755091352878096}, "run_8800": {"edge_length": 1400, "pf": 0.5051872448979592, "in_bounds_one_im": 1, "error_one_im": 0.03000085375324959, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 24.341198713585932, "error_w_gmm": 0.03372595468601575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03372533496368413}}, "fractal_noise_0.055_2_True_simplex": {"true_cls": 6.183673469387755, "true_pf": 0.49996437, "run_8801": {"edge_length": 600, "pf": 0.5038555555555555, "in_bounds_one_im": 1, "error_one_im": 0.025072117312390577, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.895986535003342, "error_w_gmm": 0.02324412608919746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02235343584729079}, "run_8802": {"edge_length": 600, "pf": 0.4943361111111111, "in_bounds_one_im": 1, "error_one_im": 0.025554051893685235, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.541143155564002, "error_w_gmm": 0.022471870991361942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021610772745182107}, "run_8803": {"edge_length": 600, "pf": 0.5019666666666667, "in_bounds_one_im": 1, "error_one_im": 0.022311655940779107, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.973103768570177, "error_w_gmm": 0.02359302737005889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022688967601371162}, "run_8804": {"edge_length": 600, "pf": 0.5067944444444444, "in_bounds_one_im": 1, "error_one_im": 0.022754899233572642, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.067286677123399, "error_w_gmm": 0.023681899994256662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022774434720933396}, "run_8805": {"edge_length": 600, "pf": 0.5134583333333333, "in_bounds_one_im": 0, "error_one_im": 0.022453511778650112, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 0, "pred_cls": 6.297402811084458, "error_w_gmm": 0.020822586109447438, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020024686709496732}, "run_8806": {"edge_length": 600, "pf": 0.5014305555555556, "in_bounds_one_im": 1, "error_one_im": 0.022335592102785958, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.545466128607054, "error_w_gmm": 0.018782840302975078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01806310179747249}, "run_8807": {"edge_length": 600, "pf": 0.4923138888888889, "in_bounds_one_im": 1, "error_one_im": 0.024235968785303028, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 0, "pred_cls": 4.173283845333398, "error_w_gmm": 0.014395286030431219, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013843673947982601}, "run_8808": {"edge_length": 600, "pf": 0.49216944444444444, "in_bounds_one_im": 1, "error_one_im": 0.02221143893643052, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.6638810669581865, "error_w_gmm": 0.019542584241249692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018793733154376182}, "run_8809": {"edge_length": 600, "pf": 0.4973444444444444, "in_bounds_one_im": 1, "error_one_im": 0.02452948633922193, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 5.916056688832301, "error_w_gmm": 0.020202481231540382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019428343592371437}, "run_8810": {"edge_length": 600, "pf": 0.5009277777777777, "in_bounds_one_im": 1, "error_one_im": 0.02249114691401084, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.43701753188907, "error_w_gmm": 0.02521498557340096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02424877408780407}, "run_8811": {"edge_length": 600, "pf": 0.49653055555555553, "in_bounds_one_im": 1, "error_one_im": 0.021750003958695988, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.266937409464493, "error_w_gmm": 0.024855972875827567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023903518375768477}, "run_8812": {"edge_length": 600, "pf": 0.4978638888888889, "in_bounds_one_im": 1, "error_one_im": 0.021959882809710948, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.87213814725082, "error_w_gmm": 0.02685430380955911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025825275389020335}, "run_8813": {"edge_length": 600, "pf": 0.5022166666666666, "in_bounds_one_im": 1, "error_one_im": 0.023627913581285846, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.796254608720566, "error_w_gmm": 0.019601434090260078, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018850327939631987}, "run_8814": {"edge_length": 600, "pf": 0.49671666666666664, "in_bounds_one_im": 1, "error_one_im": 0.02086954870450407, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 4.717649710485095, "error_w_gmm": 0.016130334600526187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01551223729834133}, "run_8815": {"edge_length": 600, "pf": 0.49959166666666666, "in_bounds_one_im": 1, "error_one_im": 0.02128365044282427, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 4.397145532037953, "error_w_gmm": 0.014948282293709337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01437547998136676}, "run_8816": {"edge_length": 600, "pf": 0.4979166666666667, "in_bounds_one_im": 1, "error_one_im": 0.0223592276757662, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.362248693361536, "error_w_gmm": 0.021701311917448722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02086974067715902}, "run_8817": {"edge_length": 600, "pf": 0.4959527777777778, "in_bounds_one_im": 1, "error_one_im": 0.023791371141602943, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 3.3089297132058366, "error_w_gmm": 0.011331013805878419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010896821382851791}, "run_8818": {"edge_length": 600, "pf": 0.5045277777777778, "in_bounds_one_im": 1, "error_one_im": 0.022329786750181005, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 4.99527239284951, "error_w_gmm": 0.016814813983298448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016170488157628404}, "run_8819": {"edge_length": 600, "pf": 0.49948055555555554, "in_bounds_one_im": 1, "error_one_im": 0.022289401707336013, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.049685364965965, "error_w_gmm": 0.027371327853377526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026322487620215912}, "run_8820": {"edge_length": 600, "pf": 0.5058722222222222, "in_bounds_one_im": 1, "error_one_im": 0.023851107465126357, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 7.827786454871532, "error_w_gmm": 0.026278705305354786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02527173320859356}, "run_8821": {"edge_length": 600, "pf": 0.5017583333333333, "in_bounds_one_im": 1, "error_one_im": 0.023782445600755132, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.649584096594846, "error_w_gmm": 0.022507796755397477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021645321872069148}, "run_8822": {"edge_length": 600, "pf": 0.49980833333333335, "in_bounds_one_im": 1, "error_one_im": 0.02267494055655441, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.635990369728076, "error_w_gmm": 0.025947625953491024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02495334046610676}, "run_8823": {"edge_length": 600, "pf": 0.49274444444444443, "in_bounds_one_im": 1, "error_one_im": 0.022997584091004195, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.310846681179394, "error_w_gmm": 0.021749833887621032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020916403336932454}, "run_8824": {"edge_length": 600, "pf": 0.5025222222222222, "in_bounds_one_im": 1, "error_one_im": 0.021490918532303206, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 3.398904503702131, "error_w_gmm": 0.011487193769840828, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011047016696354649}, "run_8825": {"edge_length": 600, "pf": 0.4951333333333333, "in_bounds_one_im": 1, "error_one_im": 0.022349412472564542, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.23504273217012, "error_w_gmm": 0.024816135064698406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023865207107280472}, "run_8826": {"edge_length": 600, "pf": 0.49785, "in_bounds_one_im": 1, "error_one_im": 0.024102979931123304, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 5.209878022403644, "error_w_gmm": 0.017773002843216465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01709196023739493}, "run_8827": {"edge_length": 600, "pf": 0.5042583333333334, "in_bounds_one_im": 1, "error_one_im": 0.0228706247695205, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.266995935787634, "error_w_gmm": 0.021106992677726522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02029819511993046}, "run_8828": {"edge_length": 600, "pf": 0.5092527777777778, "in_bounds_one_im": 1, "error_one_im": 0.02251238072756644, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.011921882754644, "error_w_gmm": 0.026715586022576555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025691873120408666}, "run_8829": {"edge_length": 600, "pf": 0.4930361111111111, "in_bounds_one_im": 1, "error_one_im": 0.019671745528952605, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 5.342261107360252, "error_w_gmm": 0.01840094113829713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01769583660346172}, "run_8830": {"edge_length": 600, "pf": 0.5062444444444445, "in_bounds_one_im": 1, "error_one_im": 0.021199835681641178, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.621329229690578, "error_w_gmm": 0.018857349982402023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018134756345063653}, "run_8831": {"edge_length": 600, "pf": 0.4948194444444444, "in_bounds_one_im": 1, "error_one_im": 0.020948893265968917, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.913567365899708, "error_w_gmm": 0.020296224598681918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019518494813177325}, "run_8832": {"edge_length": 600, "pf": 0.493775, "in_bounds_one_im": 1, "error_one_im": 0.022950223715812054, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.484651368504613, "error_w_gmm": 0.02230281362278745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02144819347554457}, "run_8833": {"edge_length": 600, "pf": 0.49943055555555554, "in_bounds_one_im": 1, "error_one_im": 0.022959044856261154, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.033705451511099, "error_w_gmm": 0.020518447429169365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019732202300653572}, "run_8834": {"edge_length": 600, "pf": 0.49714166666666665, "in_bounds_one_im": 1, "error_one_im": 0.023868960315562557, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 6.413009429395708, "error_w_gmm": 0.021908386778355465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021068880649171787}, "run_8835": {"edge_length": 600, "pf": 0.4987861111111111, "in_bounds_one_im": 1, "error_one_im": 0.023255965640677258, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.246953324789919, "error_w_gmm": 0.024676048430302546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023730488444035636}, "run_8836": {"edge_length": 600, "pf": 0.5066416666666667, "in_bounds_one_im": 1, "error_one_im": 0.02210399737299438, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.399570475997157, "error_w_gmm": 0.02815487722492968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027076012211459503}, "run_8837": {"edge_length": 600, "pf": 0.4971777777777778, "in_bounds_one_im": 1, "error_one_im": 0.021855952482086084, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 4.8380478412359595, "error_w_gmm": 0.01652674449410896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015893457185526077}, "run_8838": {"edge_length": 600, "pf": 0.4971527777777778, "in_bounds_one_im": 1, "error_one_im": 0.024672983699124327, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.919342955805388, "error_w_gmm": 0.02022145366622874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019446589023498707}, "run_8839": {"edge_length": 600, "pf": 0.5025055555555555, "in_bounds_one_im": 1, "error_one_im": 0.023083607883807547, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 10.389551546859689, "error_w_gmm": 0.03511448175840104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033768932085688055}, "run_8840": {"edge_length": 600, "pf": 0.49180555555555555, "in_bounds_one_im": 1, "error_one_im": 0.02507383282950094, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 6.842696207497426, "error_w_gmm": 0.023627146697769344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022721779512655877}, "run_8841": {"edge_length": 800, "pf": 0.4933875, "in_bounds_one_im": 1, "error_one_im": 0.017631332975502394, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 0, "pred_cls": 2.7249660751357827, "error_w_gmm": 0.006856819342518236, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006764926513407114}, "run_8842": {"edge_length": 800, "pf": 0.4989828125, "in_bounds_one_im": 1, "error_one_im": 0.017435113824698024, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.039136753564603, "error_w_gmm": 0.015027132340009255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014825743673461185}, "run_8843": {"edge_length": 800, "pf": 0.48939375, "in_bounds_one_im": 0, "error_one_im": 0.017568485333456146, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 0, "pred_cls": 5.888540882422028, "error_w_gmm": 0.014936170976235986, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014736001343855021}, "run_8844": {"edge_length": 800, "pf": 0.5000203125, "in_bounds_one_im": 1, "error_one_im": 0.016599020622193775, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.073722018824626, "error_w_gmm": 0.015081863160432097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014879741009497518}, "run_8845": {"edge_length": 800, "pf": 0.493628125, "in_bounds_one_im": 1, "error_one_im": 0.0165087603836056, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.534612210222525, "error_w_gmm": 0.01895018582292495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01869622168875975}, "run_8846": {"edge_length": 800, "pf": 0.497609375, "in_bounds_one_im": 1, "error_one_im": 0.01788498203663249, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.936220972964786, "error_w_gmm": 0.014811678380684097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014613177156968691}, "run_8847": {"edge_length": 800, "pf": 0.5001453125, "in_bounds_one_im": 1, "error_one_im": 0.017594562432903013, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.150982030552642, "error_w_gmm": 0.015269892140323423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015065250087076501}, "run_8848": {"edge_length": 800, "pf": 0.500709375, "in_bounds_one_im": 1, "error_one_im": 0.01577730971189537, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.067252413641381, "error_w_gmm": 0.01504504999905803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014843421205958779}, "run_8849": {"edge_length": 800, "pf": 0.504190625, "in_bounds_one_im": 1, "error_one_im": 0.016758637554790283, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 4.314172384895934, "error_w_gmm": 0.010623685528566934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010481310402427372}, "run_8850": {"edge_length": 800, "pf": 0.5012671875, "in_bounds_one_im": 1, "error_one_im": 0.016058953044859922, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.045727543221555, "error_w_gmm": 0.014974958651351348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014774269199353894}, "run_8851": {"edge_length": 800, "pf": 0.5044984375, "in_bounds_one_im": 1, "error_one_im": 0.016649220412313096, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.667944347974908, "error_w_gmm": 0.021331747956074114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021045866912451756}, "run_8852": {"edge_length": 800, "pf": 0.4967578125, "in_bounds_one_im": 1, "error_one_im": 0.01650638746872826, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 3.3012786129689857, "error_w_gmm": 0.008251180241305256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008140600647764335}, "run_8853": {"edge_length": 800, "pf": 0.5018640625, "in_bounds_one_im": 1, "error_one_im": 0.017235306507534763, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.539049403869071, "error_w_gmm": 0.01617756803411158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015960761608197104}, "run_8854": {"edge_length": 800, "pf": 0.5011, "in_bounds_one_im": 1, "error_one_im": 0.016962329357131163, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 3.022425581278996, "error_w_gmm": 0.007488897646175173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007388533912313452}, "run_8855": {"edge_length": 800, "pf": 0.5043515625, "in_bounds_one_im": 1, "error_one_im": 0.018587178819679275, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.080872757940061, "error_w_gmm": 0.01743109635708487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01719749055842706}, "run_8856": {"edge_length": 800, "pf": 0.5079359375, "in_bounds_one_im": 1, "error_one_im": 0.01653513156249412, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.988269941736941, "error_w_gmm": 0.01708023154439603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016851327920122998}, "run_8857": {"edge_length": 800, "pf": 0.5032828125, "in_bounds_one_im": 1, "error_one_im": 0.017484500579238272, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.105097638704809, "error_w_gmm": 0.017528159749961584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017293253139756982}, "run_8858": {"edge_length": 800, "pf": 0.495075, "in_bounds_one_im": 1, "error_one_im": 0.017672907621598326, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.705120765867591, "error_w_gmm": 0.01681520906465174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016589857184157394}, "run_8859": {"edge_length": 800, "pf": 0.501040625, "in_bounds_one_im": 1, "error_one_im": 0.01746329504971286, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.190010170869195, "error_w_gmm": 0.015339288435935957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015133716356445715}, "run_8860": {"edge_length": 800, "pf": 0.50324375, "in_bounds_one_im": 1, "error_one_im": 0.01614462121279715, "one_im_sa_cls": 6.63265306122449, "model_in_bounds": 1, "pred_cls": 5.477416598758178, "error_w_gmm": 0.013513752992687795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013332646136523955}, "run_8861": {"edge_length": 800, "pf": 0.50596875, "in_bounds_one_im": 1, "error_one_im": 0.01748963110569356, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 5.975526423775228, "error_w_gmm": 0.014662541775506539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014466039231337569}, "run_8862": {"edge_length": 800, "pf": 0.5071859375, "in_bounds_one_im": 1, "error_one_im": 0.015623532329360706, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.536096058706061, "error_w_gmm": 0.015999046417544144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01578463247939767}, "run_8863": {"edge_length": 800, "pf": 0.5071421875, "in_bounds_one_im": 1, "error_one_im": 0.015723479537999463, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.063206695214969, "error_w_gmm": 0.014842807477496082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014643889071902264}, "run_8864": {"edge_length": 800, "pf": 0.5019125, "in_bounds_one_im": 1, "error_one_im": 0.017034404097810384, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.265609213635214, "error_w_gmm": 0.017973331262163286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017732458610321616}, "run_8865": {"edge_length": 800, "pf": 0.5035640625, "in_bounds_one_im": 1, "error_one_im": 0.016581076882448822, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.09252265541612, "error_w_gmm": 0.017487297638049102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01725293864837807}, "run_8866": {"edge_length": 800, "pf": 0.49781875, "in_bounds_one_im": 1, "error_one_im": 0.017274881950608282, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.788875301205856, "error_w_gmm": 0.014437983599222288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014244490509596027}, "run_8867": {"edge_length": 800, "pf": 0.5009078125, "in_bounds_one_im": 1, "error_one_im": 0.017467934371233083, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 4.602591898720383, "error_w_gmm": 0.011408582305029365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011255688251418343}, "run_8868": {"edge_length": 800, "pf": 0.4950921875, "in_bounds_one_im": 1, "error_one_im": 0.017167377208040242, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 5.683342323270765, "error_w_gmm": 0.014252286770964906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014061282328924831}, "run_8869": {"edge_length": 800, "pf": 0.500975, "in_bounds_one_im": 1, "error_one_im": 0.016168143641384393, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 4.918779906341386, "error_w_gmm": 0.012190688744043528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01202731315814215}, "run_8870": {"edge_length": 800, "pf": 0.4990796875, "in_bounds_one_im": 1, "error_one_im": 0.017231371303336285, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.059365259244066, "error_w_gmm": 0.01756235515741547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017326990271649592}, "run_8871": {"edge_length": 800, "pf": 0.5079796875, "in_bounds_one_im": 1, "error_one_im": 0.016435269646921657, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 0, "pred_cls": 5.292411256069253, "error_w_gmm": 0.012934202479541565, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01276086256802148}, "run_8872": {"edge_length": 800, "pf": 0.501028125, "in_bounds_one_im": 1, "error_one_im": 0.01571735847547346, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 3.4389276694994964, "error_w_gmm": 0.008522122058982118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008407911392649705}, "run_8873": {"edge_length": 800, "pf": 0.5029015625, "in_bounds_one_im": 1, "error_one_im": 0.016304803689659197, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.753854372715838, "error_w_gmm": 0.014205492671426786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014015115348460139}, "run_8874": {"edge_length": 800, "pf": 0.4959875, "in_bounds_one_im": 1, "error_one_im": 0.019001533962364675, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 4.017069692769297, "error_w_gmm": 0.010055701718829144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009920938524192943}, "run_8875": {"edge_length": 800, "pf": 0.491259375, "in_bounds_one_im": 1, "error_one_im": 0.017910077758526884, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 0, "pred_cls": 6.709641532920706, "error_w_gmm": 0.01695546989891219, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01672823828902306}, "run_8876": {"edge_length": 800, "pf": 0.5025703125, "in_bounds_one_im": 1, "error_one_im": 0.019349914955047516, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.513102756637719, "error_w_gmm": 0.016090631660552822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015874990327215538}, "run_8877": {"edge_length": 800, "pf": 0.5014421875, "in_bounds_one_im": 1, "error_one_im": 0.017249855094120293, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.382546555963074, "error_w_gmm": 0.01827979204291132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018034812304861366}, "run_8878": {"edge_length": 800, "pf": 0.4948984375, "in_bounds_one_im": 1, "error_one_im": 0.016971984092983203, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.284723062319643, "error_w_gmm": 0.01827519790958212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018030279740590377}, "run_8879": {"edge_length": 800, "pf": 0.5000015625, "in_bounds_one_im": 1, "error_one_im": 0.017599621596966444, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 9.184559979203128, "error_w_gmm": 0.022807344651856465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022501688148472258}, "run_8880": {"edge_length": 800, "pf": 0.4995078125, "in_bounds_one_im": 1, "error_one_im": 0.016315753406275196, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 4.070463688968144, "error_w_gmm": 0.010117870619763922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009982274258041945}, "run_8881": {"edge_length": 1000, "pf": 0.500845, "in_bounds_one_im": 1, "error_one_im": 0.014055966586575699, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.115578920577705, "error_w_gmm": 0.012210504621627516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011966074645724824}, "run_8882": {"edge_length": 1000, "pf": 0.498412, "in_bounds_one_im": 1, "error_one_im": 0.012720102095866916, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.898230574044073, "error_w_gmm": 0.015846710631590877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015529491055673096}, "run_8883": {"edge_length": 1000, "pf": 0.497941, "in_bounds_one_im": 1, "error_one_im": 0.013575541010763864, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.362750843521985, "error_w_gmm": 0.010769760619769444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010554171468432894}, "run_8884": {"edge_length": 1000, "pf": 0.49766, "in_bounds_one_im": 1, "error_one_im": 0.013422425150424168, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.684207750738083, "error_w_gmm": 0.0114217447685193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011193104193453292}, "run_8885": {"edge_length": 1000, "pf": 0.49857, "in_bounds_one_im": 1, "error_one_im": 0.01371892881565219, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 5.960738668789301, "error_w_gmm": 0.011955621658965607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011716293932179725}, "run_8886": {"edge_length": 1000, "pf": 0.502776, "in_bounds_one_im": 1, "error_one_im": 0.013922230750959446, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.251786240248195, "error_w_gmm": 0.010445417635778604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010236321184802874}, "run_8887": {"edge_length": 1000, "pf": 0.4938, "in_bounds_one_im": 1, "error_one_im": 0.013526455416619773, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 0, "pred_cls": 5.064162274988437, "error_w_gmm": 0.010254704186362195, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010049425438690971}, "run_8888": {"edge_length": 1000, "pf": 0.49957, "in_bounds_one_im": 1, "error_one_im": 0.013131046765451721, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.536093950031904, "error_w_gmm": 0.013083434819913038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01282153052055334}, "run_8889": {"edge_length": 1000, "pf": 0.503252, "in_bounds_one_im": 1, "error_one_im": 0.013352623307523648, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.4305510773227965, "error_w_gmm": 0.014764757839045621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01446919680249244}, "run_8890": {"edge_length": 1000, "pf": 0.496787, "in_bounds_one_im": 1, "error_one_im": 0.014814624375244789, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.115950873059418, "error_w_gmm": 0.012310758126361033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012064321275025706}, "run_8891": {"edge_length": 1000, "pf": 0.495943, "in_bounds_one_im": 1, "error_one_im": 0.013307298342310751, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.704571035659655, "error_w_gmm": 0.011502094487992585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011271845471621075}, "run_8892": {"edge_length": 1000, "pf": 0.496378, "in_bounds_one_im": 1, "error_one_im": 0.013134565037374346, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.292264953615466, "error_w_gmm": 0.012676024836841094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012422276073671861}, "run_8893": {"edge_length": 1000, "pf": 0.499479, "in_bounds_one_im": 1, "error_one_im": 0.013934256154866183, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.1666055313844055, "error_w_gmm": 0.014348154058052811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014060932599207956}, "run_8894": {"edge_length": 1000, "pf": 0.498722, "in_bounds_one_im": 1, "error_one_im": 0.014276181742041458, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 6.2236732582201935, "error_w_gmm": 0.0124792026983671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012229393922287377}, "run_8895": {"edge_length": 1000, "pf": 0.497409, "in_bounds_one_im": 1, "error_one_im": 0.013509579225503802, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.96627163019796, "error_w_gmm": 0.014004929738891097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013724578947120257}, "run_8896": {"edge_length": 1000, "pf": 0.497711, "in_bounds_one_im": 1, "error_one_im": 0.013581787314365667, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.055625154060238, "error_w_gmm": 0.0121668231093495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011923267550297278}, "run_8897": {"edge_length": 1000, "pf": 0.501907, "in_bounds_one_im": 1, "error_one_im": 0.014504307131525552, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 5.111189605375096, "error_w_gmm": 0.010183465124086322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0099796124405144}, "run_8898": {"edge_length": 1000, "pf": 0.499616, "in_bounds_one_im": 1, "error_one_im": 0.014090558673471854, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.5545262515938445, "error_w_gmm": 0.013119124124497832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012856505396363169}, "run_8899": {"edge_length": 1000, "pf": 0.500212, "in_bounds_one_im": 1, "error_one_im": 0.013993808113665547, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.500841937088626, "error_w_gmm": 0.01099702014871477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010776881714371151}, "run_8900": {"edge_length": 1000, "pf": 0.496853, "in_bounds_one_im": 1, "error_one_im": 0.015577453430119428, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.852457443309074, "error_w_gmm": 0.011778818928859389, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011543030440491582}, "run_8901": {"edge_length": 1000, "pf": 0.497024, "in_bounds_one_im": 1, "error_one_im": 0.014566175318095785, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 7.37767728804576, "error_w_gmm": 0.014843441372990323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014546305248846389}, "run_8902": {"edge_length": 1000, "pf": 0.495629, "in_bounds_one_im": 1, "error_one_im": 0.01363846238811403, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.444246746332978, "error_w_gmm": 0.015019222617494875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014718567703039719}, "run_8903": {"edge_length": 1000, "pf": 0.49809, "in_bounds_one_im": 1, "error_one_im": 0.01325027719737475, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.811735664747884, "error_w_gmm": 0.011667958122040975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011434388846161044}, "run_8904": {"edge_length": 1000, "pf": 0.502438, "in_bounds_one_im": 1, "error_one_im": 0.013215160985384784, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.6200918400515745, "error_w_gmm": 0.013175781174985779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012912028285576426}, "run_8905": {"edge_length": 1000, "pf": 0.503272, "in_bounds_one_im": 1, "error_one_im": 0.012875228862306711, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.526757450723742, "error_w_gmm": 0.010981415836174301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010761589769079696}, "run_8906": {"edge_length": 1000, "pf": 0.505387, "in_bounds_one_im": 1, "error_one_im": 0.013691430934110857, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.1229136506102675, "error_w_gmm": 0.014093160742154007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013811043741477829}, "run_8907": {"edge_length": 1000, "pf": 0.502079, "in_bounds_one_im": 1, "error_one_im": 0.014021318920030309, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.226259708210771, "error_w_gmm": 0.012400849040067767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012152608748125411}, "run_8908": {"edge_length": 1000, "pf": 0.494377, "in_bounds_one_im": 1, "error_one_im": 0.013591756018465953, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.901450536675564, "error_w_gmm": 0.011936391335411394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011697448561391136}, "run_8909": {"edge_length": 1000, "pf": 0.501735, "in_bounds_one_im": 1, "error_one_im": 0.013472919142170641, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.624117679295934, "error_w_gmm": 0.011209271466959075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01098488418408615}, "run_8910": {"edge_length": 1000, "pf": 0.497694, "in_bounds_one_im": 1, "error_one_im": 0.013823354126570885, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.296234684155788, "error_w_gmm": 0.010641435012195917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010428414683863739}, "run_8911": {"edge_length": 1000, "pf": 0.498969, "in_bounds_one_im": 1, "error_one_im": 0.014188967354828415, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.7263475017801575, "error_w_gmm": 0.013480463119101248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01321061110417945}, "run_8912": {"edge_length": 1000, "pf": 0.497358, "in_bounds_one_im": 1, "error_one_im": 0.014636870419822114, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 7.026637755092666, "error_w_gmm": 0.014127730247105985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013844921233812457}, "run_8913": {"edge_length": 1000, "pf": 0.5049, "in_bounds_one_im": 1, "error_one_im": 0.01362555594954181, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.610236164720436, "error_w_gmm": 0.013091540371475729, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012829473815122287}, "run_8914": {"edge_length": 1000, "pf": 0.497937, "in_bounds_one_im": 1, "error_one_im": 0.014298613206462496, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 7.253471065121973, "error_w_gmm": 0.014566921766735895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014275321014207542}, "run_8915": {"edge_length": 1000, "pf": 0.502393, "in_bounds_one_im": 1, "error_one_im": 0.014330982395232093, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 5.937533893216796, "error_w_gmm": 0.01181836906735824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011581788864012234}, "run_8916": {"edge_length": 1000, "pf": 0.501105, "in_bounds_one_im": 1, "error_one_im": 0.014128481284204216, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 7.282921360308216, "error_w_gmm": 0.014533687700239202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014242752227510851}, "run_8917": {"edge_length": 1000, "pf": 0.501455, "in_bounds_one_im": 1, "error_one_im": 0.013959062598815852, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.017009149301349, "error_w_gmm": 0.011999050110039494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011758853032184335}, "run_8918": {"edge_length": 1000, "pf": 0.502861, "in_bounds_one_im": 1, "error_one_im": 0.01479482698383591, "one_im_sa_cls": 7.591836734693877, "model_in_bounds": 1, "pred_cls": 6.379304442855825, "error_w_gmm": 0.012685811802251007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012431867123532572}, "run_8919": {"edge_length": 1000, "pf": 0.500809, "in_bounds_one_im": 1, "error_one_im": 0.015215082010503318, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.263149607289645, "error_w_gmm": 0.012506048032402425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012255701866218412}, "run_8920": {"edge_length": 1000, "pf": 0.503344, "in_bounds_one_im": 1, "error_one_im": 0.013826958206255024, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.508645170953464, "error_w_gmm": 0.012930519894170246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012671676646976264}, "run_8921": {"edge_length": 1200, "pf": 0.49903125, "in_bounds_one_im": 1, "error_one_im": 0.011689077980110724, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.903275233822076, "error_w_gmm": 0.011527772186421016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01129700915368387}, "run_8922": {"edge_length": 1200, "pf": 0.5038, "in_bounds_one_im": 1, "error_one_im": 0.010651871901913164, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.088281610138144, "error_w_gmm": 0.011724356387470478, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011489658130677134}, "run_8923": {"edge_length": 1200, "pf": 0.4961159722222222, "in_bounds_one_im": 1, "error_one_im": 0.011287135374084408, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.189034371349898, "error_w_gmm": 0.01207516297894923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01183344227309593}, "run_8924": {"edge_length": 1200, "pf": 0.49889791666666666, "in_bounds_one_im": 1, "error_one_im": 0.011157695131050646, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.558655312607559, "error_w_gmm": 0.010955212748874706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010735911215384194}, "run_8925": {"edge_length": 1200, "pf": 0.49726805555555553, "in_bounds_one_im": 1, "error_one_im": 0.011127095335857526, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.920995241806515, "error_w_gmm": 0.009922392949603094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009723766410838114}, "run_8926": {"edge_length": 1200, "pf": 0.4969798611111111, "in_bounds_one_im": 1, "error_one_im": 0.010496352173073153, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.970301740885561, "error_w_gmm": 0.010010789326297327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009810393268180456}, "run_8927": {"edge_length": 1200, "pf": 0.5003534722222223, "in_bounds_one_im": 1, "error_one_im": 0.01179144432757975, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 5.242822475812655, "error_w_gmm": 0.00873186233461389, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008557067846902567}, "run_8928": {"edge_length": 1200, "pf": 0.4994263888888889, "in_bounds_one_im": 1, "error_one_im": 0.013114796249700696, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.034941053566138, "error_w_gmm": 0.01006978074660383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009868203797779196}, "run_8929": {"edge_length": 1200, "pf": 0.49961875, "in_bounds_one_im": 1, "error_one_im": 0.010874755831521789, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.571866157944703, "error_w_gmm": 0.009293527211474695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009107489311916673}, "run_8930": {"edge_length": 1200, "pf": 0.4984722222222222, "in_bounds_one_im": 1, "error_one_im": 0.011969632225366239, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.269700051343287, "error_w_gmm": 0.01048147804346489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010271659734969301}, "run_8931": {"edge_length": 1200, "pf": 0.4977798611111111, "in_bounds_one_im": 1, "error_one_im": 0.011718370098425827, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.956508496362678, "error_w_gmm": 0.009971693382891094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009772079947671415}, "run_8932": {"edge_length": 1200, "pf": 0.5024638888888889, "in_bounds_one_im": 1, "error_one_im": 0.011609103557344706, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.695026729366796, "error_w_gmm": 0.011103526689967209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010881256206857396}, "run_8933": {"edge_length": 1200, "pf": 0.5020486111111111, "in_bounds_one_im": 1, "error_one_im": 0.0110876069186739, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.101076519766978, "error_w_gmm": 0.011786735319147448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01155078836041753}, "run_8934": {"edge_length": 1200, "pf": 0.49687430555555556, "in_bounds_one_im": 1, "error_one_im": 0.01100169466782683, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.621587196672153, "error_w_gmm": 0.011105185852191462, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010882882155959582}, "run_8935": {"edge_length": 1200, "pf": 0.49850833333333333, "in_bounds_one_im": 1, "error_one_im": 0.01176817390193434, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.682200915540341, "error_w_gmm": 0.01284192295114295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012584853238239255}, "run_8936": {"edge_length": 1200, "pf": 0.49744652777777776, "in_bounds_one_im": 1, "error_one_im": 0.0107210835458304, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.421228266888913, "error_w_gmm": 0.010756842146399282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010541511597162578}, "run_8937": {"edge_length": 1200, "pf": 0.49987916666666665, "in_bounds_one_im": 1, "error_one_im": 0.01146922735908449, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.039640490757994, "error_w_gmm": 0.011735569904711448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01150064717564334}, "run_8938": {"edge_length": 1200, "pf": 0.49715694444444447, "in_bounds_one_im": 1, "error_one_im": 0.012336389042562963, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.5995150807193586, "error_w_gmm": 0.011061913255471477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010840475790415086}, "run_8939": {"edge_length": 1200, "pf": 0.49581458333333334, "in_bounds_one_im": 1, "error_one_im": 0.01176452239889767, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.92769873675825, "error_w_gmm": 0.009962546573061082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009763116238751379}, "run_8940": {"edge_length": 1200, "pf": 0.497575, "in_bounds_one_im": 1, "error_one_im": 0.012125109804074684, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.216021774180734, "error_w_gmm": 0.010410404906403924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010202009340515376}, "run_8941": {"edge_length": 1200, "pf": 0.49800208333333335, "in_bounds_one_im": 1, "error_one_im": 0.011579298278444268, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.889686533755458, "error_w_gmm": 0.011528786326717083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011298002992911635}, "run_8942": {"edge_length": 1200, "pf": 0.5038138888888889, "in_bounds_one_im": 1, "error_one_im": 0.011710117718176023, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 7.051418306005166, "error_w_gmm": 0.01166305872435376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011429587524654436}, "run_8943": {"edge_length": 1200, "pf": 0.4964722222222222, "in_bounds_one_im": 1, "error_one_im": 0.011883332982919992, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.753276747041152, "error_w_gmm": 0.011335156917651476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011108249658853498}, "run_8944": {"edge_length": 1200, "pf": 0.4970569444444444, "in_bounds_one_im": 1, "error_one_im": 0.012439445155042257, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 5.8160921288004905, "error_w_gmm": 0.009750712736713792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009555522893777486}, "run_8945": {"edge_length": 1200, "pf": 0.5027305555555556, "in_bounds_one_im": 1, "error_one_im": 0.0110061922524064, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.110039527792967, "error_w_gmm": 0.01012793756598417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009925196433499695}, "run_8946": {"edge_length": 1200, "pf": 0.5012173611111111, "in_bounds_one_im": 1, "error_one_im": 0.012070353837919712, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 6.398328183014975, "error_w_gmm": 0.01063794824891721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010424997718639417}, "run_8947": {"edge_length": 1200, "pf": 0.5013951388888889, "in_bounds_one_im": 1, "error_one_im": 0.011567465250016958, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.624130253734066, "error_w_gmm": 0.009347432001434383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009160315035374298}, "run_8948": {"edge_length": 1200, "pf": 0.4981298611111111, "in_bounds_one_im": 1, "error_one_im": 0.011576339458241814, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.922070585703683, "error_w_gmm": 0.009907103923361582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009708783440442088}, "run_8949": {"edge_length": 1200, "pf": 0.5007388888888888, "in_bounds_one_im": 1, "error_one_im": 0.011116688603918255, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.685133582468681, "error_w_gmm": 0.009461230694846596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00927183570566211}, "run_8950": {"edge_length": 1200, "pf": 0.4980513888888889, "in_bounds_one_im": 1, "error_one_im": 0.011712007989367385, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.228042060447462, "error_w_gmm": 0.01042060267674482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01021200297181075}, "run_8951": {"edge_length": 1200, "pf": 0.5015104166666666, "in_bounds_one_im": 1, "error_one_im": 0.01226267436860904, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 6.500939348068889, "error_w_gmm": 0.010802217777222366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010585978898257102}, "run_8952": {"edge_length": 1200, "pf": 0.5043, "in_bounds_one_im": 1, "error_one_im": 0.012194446887330205, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 7.654002079189749, "error_w_gmm": 0.012647430479475098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012394254118372694}, "run_8953": {"edge_length": 1200, "pf": 0.5008805555555556, "in_bounds_one_im": 1, "error_one_im": 0.011978665128183923, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 6.309480356912343, "error_w_gmm": 0.010497297380345359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010287162400241833}, "run_8954": {"edge_length": 1200, "pf": 0.4994173611111111, "in_bounds_one_im": 1, "error_one_im": 0.011880284388710133, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.291871668292402, "error_w_gmm": 0.008830069609639366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008653309207937396}, "run_8955": {"edge_length": 1200, "pf": 0.49669583333333334, "in_bounds_one_im": 1, "error_one_im": 0.01113983743386296, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.607729315977731, "error_w_gmm": 0.009408183864498909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009219850767174319}, "run_8956": {"edge_length": 1200, "pf": 0.5016881944444445, "in_bounds_one_im": 1, "error_one_im": 0.011892891011509471, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.387954596055743, "error_w_gmm": 0.008949655623230662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00877050134778428}, "run_8957": {"edge_length": 1200, "pf": 0.4970145833333333, "in_bounds_one_im": 1, "error_one_im": 0.01140099651109984, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.2053241291859464, "error_w_gmm": 0.01040414393551179, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010195873701786878}, "run_8958": {"edge_length": 1200, "pf": 0.5014333333333333, "in_bounds_one_im": 1, "error_one_im": 0.01150010704368985, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.621991007120147, "error_w_gmm": 0.009343162778262849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009156131273545162}, "run_8959": {"edge_length": 1200, "pf": 0.4974340277777778, "in_bounds_one_im": 1, "error_one_im": 0.011190410715063558, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.301456923389279, "error_w_gmm": 0.008881223128832013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008703438735587486}, "run_8960": {"edge_length": 1200, "pf": 0.49975625, "in_bounds_one_im": 1, "error_one_im": 0.011005161581604266, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.4519604933725425, "error_w_gmm": 0.010758510985268777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010543147029202758}, "run_8961": {"edge_length": 1400, "pf": 0.5023025510204082, "in_bounds_one_im": 1, "error_one_im": 0.009669475287714035, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.057587988057711, "error_w_gmm": 0.009835226193495734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009835045468906414}, "run_8962": {"edge_length": 1400, "pf": 0.4989811224489796, "in_bounds_one_im": 1, "error_one_im": 0.009733922393352969, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 5.943594908545826, "error_w_gmm": 0.008338006410731352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00833785319790686}, "run_8963": {"edge_length": 1400, "pf": 0.5016005102040816, "in_bounds_one_im": 1, "error_one_im": 0.010423531194734015, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 6.7133999738196595, "error_w_gmm": 0.009368722339471306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009368550186999869}, "run_8964": {"edge_length": 1400, "pf": 0.5022030612244898, "in_bounds_one_im": 1, "error_one_im": 0.01018341481657478, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.967147040350578, "error_w_gmm": 0.009711122778232825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0097109443340729}, "run_8965": {"edge_length": 1400, "pf": 0.4975280612244898, "in_bounds_one_im": 1, "error_one_im": 0.009532551829343419, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.495769145546084, "error_w_gmm": 0.006325271250154874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006325155021811356}, "run_8966": {"edge_length": 1400, "pf": 0.499984693877551, "in_bounds_one_im": 1, "error_one_im": 0.010285840151138934, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 5.748474713115672, "error_w_gmm": 0.008048110965334896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008047963079407304}, "run_8967": {"edge_length": 1400, "pf": 0.5033061224489795, "in_bounds_one_im": 1, "error_one_im": 0.010700242548427063, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.619064580759042, "error_w_gmm": 0.007814844770854446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007814701171247933}, "run_8968": {"edge_length": 1400, "pf": 0.4978561224489796, "in_bounds_one_im": 1, "error_one_im": 0.00969846126031917, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.970436607282752, "error_w_gmm": 0.009800543876521062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00980036378922744}, "run_8969": {"edge_length": 1400, "pf": 0.5045622448979592, "in_bounds_one_im": 1, "error_one_im": 0.01056014743384012, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 0, "pred_cls": 6.4968907654710915, "error_w_gmm": 0.009013029136368634, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009012863519843237}, "run_8970": {"edge_length": 1400, "pf": 0.4997744897959184, "in_bounds_one_im": 1, "error_one_im": 0.009432651535744933, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 4.840455951571215, "error_w_gmm": 0.00677969542394711, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006779570845452735}, "run_8971": {"edge_length": 1400, "pf": 0.5002448979591837, "in_bounds_one_im": 1, "error_one_im": 0.00965223662042358, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.375886656051437, "error_w_gmm": 0.010321184805648543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010320995151455715}, "run_8972": {"edge_length": 1400, "pf": 0.4994336734693878, "in_bounds_one_im": 1, "error_one_im": 0.010125562123141231, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.368379220603563, "error_w_gmm": 0.008925835064243801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008925671049929982}, "run_8973": {"edge_length": 1400, "pf": 0.4982989795918367, "in_bounds_one_im": 1, "error_one_im": 0.010148567171790808, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 7.803717471263374, "error_w_gmm": 0.010962435890419257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010962234453087286}, "run_8974": {"edge_length": 1400, "pf": 0.5027377551020408, "in_bounds_one_im": 1, "error_one_im": 0.010683998358119295, "one_im_sa_cls": 7.673469387755102, "model_in_bounds": 1, "pred_cls": 6.745078243637207, "error_w_gmm": 0.009391544484439903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009391371912606115}, "run_8975": {"edge_length": 1400, "pf": 0.5006964285714286, "in_bounds_one_im": 1, "error_one_im": 0.009586461713995837, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.0150376055155546, "error_w_gmm": 0.007011280125514871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007011151291597283}, "run_8976": {"edge_length": 1400, "pf": 0.50015, "in_bounds_one_im": 1, "error_one_im": 0.009939692085477885, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.584766837465283, "error_w_gmm": 0.007816328322114504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007816184695247296}, "run_8977": {"edge_length": 1400, "pf": 0.5003122448979592, "in_bounds_one_im": 1, "error_one_im": 0.010707400085496633, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.605616453917773, "error_w_gmm": 0.009242089641535119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009241919815969116}, "run_8978": {"edge_length": 1400, "pf": 0.49966989795918365, "in_bounds_one_im": 1, "error_one_im": 0.009548983989140973, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.194250707050272, "error_w_gmm": 0.008677678138477066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008677518684104976}, "run_8979": {"edge_length": 1400, "pf": 0.5018474489795919, "in_bounds_one_im": 1, "error_one_im": 0.010361453393813856, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.309693301492233, "error_w_gmm": 0.008800991556990887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008800829836705744}, "run_8980": {"edge_length": 1400, "pf": 0.49859642857142855, "in_bounds_one_im": 1, "error_one_im": 0.009798716918295659, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 6.936627622139686, "error_w_gmm": 0.00973857798787184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009738399039216023}, "run_8981": {"edge_length": 1400, "pf": 0.4982892857142857, "in_bounds_one_im": 1, "error_one_im": 0.009403374492448853, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.280365897530859, "error_w_gmm": 0.007417848626630777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007417712321921601}, "run_8982": {"edge_length": 1400, "pf": 0.4998714285714286, "in_bounds_one_im": 1, "error_one_im": 0.010345326975425315, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 5.925561386296127, "error_w_gmm": 0.008297919417252945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008297766941036492}, "run_8983": {"edge_length": 1400, "pf": 0.5008244897959183, "in_bounds_one_im": 1, "error_one_im": 0.010211530963829835, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.5597044021798006, "error_w_gmm": 0.00777076175319479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007770618963624035}, "run_8984": {"edge_length": 1400, "pf": 0.49980408163265305, "in_bounds_one_im": 1, "error_one_im": 0.010003735310966272, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.468177383945179, "error_w_gmm": 0.009058997290272262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009058830829071217}, "run_8985": {"edge_length": 1400, "pf": 0.4987892857142857, "in_bounds_one_im": 1, "error_one_im": 0.010081339815443784, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 5.980733378766641, "error_w_gmm": 0.00839332602282609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008393171793490839}, "run_8986": {"edge_length": 1400, "pf": 0.5038561224489796, "in_bounds_one_im": 1, "error_one_im": 0.009582773512498727, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.7174465206030085, "error_w_gmm": 0.007942929263133992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007942783309944858}, "run_8987": {"edge_length": 1400, "pf": 0.5032173469387755, "in_bounds_one_im": 1, "error_one_im": 0.010872468514462141, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 6.607849178414686, "error_w_gmm": 0.009191651861921214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009191482963161312}, "run_8988": {"edge_length": 1400, "pf": 0.498275, "in_bounds_one_im": 1, "error_one_im": 0.009690339605328656, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.266918680326755, "error_w_gmm": 0.00739916940412129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007399033442647245}, "run_8989": {"edge_length": 1400, "pf": 0.4998959183673469, "in_bounds_one_im": 1, "error_one_im": 0.010230512871528343, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.319724742390217, "error_w_gmm": 0.007449165120521768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007449028240364624}, "run_8990": {"edge_length": 1400, "pf": 0.4992739795918367, "in_bounds_one_im": 1, "error_one_im": 0.009842672427165172, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.07506663305698, "error_w_gmm": 0.00851745200807671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008517295497897304}, "run_8991": {"edge_length": 1400, "pf": 0.5002382653061225, "in_bounds_one_im": 1, "error_one_im": 0.009995052163939911, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.462737462654314, "error_w_gmm": 0.010442854921412363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010442663031502581}, "run_8992": {"edge_length": 1400, "pf": 0.5009372448979592, "in_bounds_one_im": 1, "error_one_im": 0.009867019638293782, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.418201223770601, "error_w_gmm": 0.008968654276143753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008968489475016819}, "run_8993": {"edge_length": 1400, "pf": 0.4965295918367347, "in_bounds_one_im": 1, "error_one_im": 0.009609147254981, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.824780249116371, "error_w_gmm": 0.009621241467526616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009621064674956917}, "run_8994": {"edge_length": 1400, "pf": 0.4955780612244898, "in_bounds_one_im": 1, "error_one_im": 0.00962745260885273, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.286932708626508, "error_w_gmm": 0.008879894273913691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008879731103772584}, "run_8995": {"edge_length": 1400, "pf": 0.5004785714285714, "in_bounds_one_im": 1, "error_one_im": 0.009704813869074548, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.70759352519536, "error_w_gmm": 0.009381647057319496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00938147466735323}, "run_8996": {"edge_length": 1400, "pf": 0.5037326530612245, "in_bounds_one_im": 1, "error_one_im": 0.009755290718899415, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.886435157349701, "error_w_gmm": 0.008179715497903826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008179565193712037}, "run_8997": {"edge_length": 1400, "pf": 0.4974418367346939, "in_bounds_one_im": 1, "error_one_im": 0.01010854504162817, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 6.404134948622323, "error_w_gmm": 0.009011778782356313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009011613188806477}, "run_8998": {"edge_length": 1400, "pf": 0.49718469387755104, "in_bounds_one_im": 1, "error_one_im": 0.010286138593520762, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.612849934874377, "error_w_gmm": 0.009310265646710857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009310094568394852}, "run_8999": {"edge_length": 1400, "pf": 0.5012239795918367, "in_bounds_one_im": 1, "error_one_im": 0.009234339731953076, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.175348025540164, "error_w_gmm": 0.010020926318289311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010020742181416645}, "run_9000": {"edge_length": 1400, "pf": 0.502334693877551, "in_bounds_one_im": 1, "error_one_im": 0.010351361004156914, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.782577420877741, "error_w_gmm": 0.009451372747250669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009451199076058523}}, "fractal_noise_0.055_2_True_value": {"true_cls": 18.428571428571427, "true_pf": 0.49998031666666665, "run_9001": {"edge_length": 600, "pf": 0.4911361111111111, "in_bounds_one_im": 1, "error_one_im": 0.05089345171497487, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 7.596739016609582, "error_w_gmm": 0.02626593508385514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025259452328428248}, "run_9002": {"edge_length": 600, "pf": 0.4922472222222222, "in_bounds_one_im": 1, "error_one_im": 0.05050962044806193, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 16.975723667108998, "error_w_gmm": 0.05856371133159275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05631961206915014}, "run_9003": {"edge_length": 600, "pf": 0.48305, "in_bounds_one_im": 1, "error_one_im": 0.05468927606259994, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 19.61151217560597, "error_w_gmm": 0.06891362347531774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06627292656426355}, "run_9004": {"edge_length": 600, "pf": 0.48825555555555555, "in_bounds_one_im": 1, "error_one_im": 0.06347265732033823, "one_im_sa_cls": 18.979591836734695, "model_in_bounds": 1, "pred_cls": 21.47015647408097, "error_w_gmm": 0.07466274593482825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07180174875287715}, "run_9005": {"edge_length": 600, "pf": 0.5069388888888889, "in_bounds_one_im": 1, "error_one_im": 0.04865248764805369, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 21.280599044943223, "error_w_gmm": 0.07128894653549714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06855722976579308}, "run_9006": {"edge_length": 600, "pf": 0.49116666666666664, "in_bounds_one_im": 1, "error_one_im": 0.05475800657200444, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 24.214762245949817, "error_w_gmm": 0.08371809176923367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08051010334567413}, "run_9007": {"edge_length": 600, "pf": 0.49894444444444447, "in_bounds_one_im": 1, "error_one_im": 0.05311103129795871, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 18.16022817611812, "error_w_gmm": 0.061816430453446876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05944769044648325}, "run_9008": {"edge_length": 600, "pf": 0.4918222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05068811250010037, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 17.026147457999297, "error_w_gmm": 0.05878762680799285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056534947342144315}, "run_9009": {"edge_length": 600, "pf": 0.4973666666666667, "in_bounds_one_im": 1, "error_one_im": 0.061522042761224895, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 16.04428201732444, "error_w_gmm": 0.05478647641905961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05268711678954936}, "run_9010": {"edge_length": 600, "pf": 0.5169416666666666, "in_bounds_one_im": 1, "error_one_im": 0.05200598367125757, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 20.28298828453276, "error_w_gmm": 0.06660038457565245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06404832852410935}, "run_9011": {"edge_length": 600, "pf": 0.49977222222222223, "in_bounds_one_im": 1, "error_one_im": 0.048954730693893216, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 14.319592597815578, "error_w_gmm": 0.04866248520025676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04679779041463772}, "run_9012": {"edge_length": 600, "pf": 0.5045222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05767491257628541, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 13.6164136860298, "error_w_gmm": 0.04583533978493333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044078978211077834}, "run_9013": {"edge_length": 600, "pf": 0.49840833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05356927706466095, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 16.08007654634774, "error_w_gmm": 0.054794428010032835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05269476368399584}, "run_9014": {"edge_length": 600, "pf": 0.5045027777777777, "in_bounds_one_im": 1, "error_one_im": 0.0506739730058137, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 14.994603681697127, "error_w_gmm": 0.05047654256831302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048542335029674775}, "run_9015": {"edge_length": 600, "pf": 0.4908138888888889, "in_bounds_one_im": 1, "error_one_im": 0.06009299976217088, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 16.704387689447557, "error_w_gmm": 0.05779312665046346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05557855537515246}, "run_9016": {"edge_length": 600, "pf": 0.5154722222222222, "in_bounds_one_im": 1, "error_one_im": 0.051383607994502645, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 12.433489023173218, "error_w_gmm": 0.04094637872135095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03937735694662079}, "run_9017": {"edge_length": 600, "pf": 0.48888055555555554, "in_bounds_one_im": 1, "error_one_im": 0.05841728945230537, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 16.11943422567882, "error_w_gmm": 0.0559854780716775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05384017397138273}, "run_9018": {"edge_length": 600, "pf": 0.4938416666666667, "in_bounds_one_im": 1, "error_one_im": 0.05986509986522097, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 23.42330048887565, "error_w_gmm": 0.08054956472530751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07746299089519885}, "run_9019": {"edge_length": 600, "pf": 0.4781722222222222, "in_bounds_one_im": 0, "error_one_im": 0.03962638475005862, "one_im_sa_cls": 11.612244897959183, "model_in_bounds": 0, "pred_cls": 10.344027026813505, "error_w_gmm": 0.03670513694693517, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03529863505561745}, "run_9020": {"edge_length": 600, "pf": 0.5126833333333334, "in_bounds_one_im": 1, "error_one_im": 0.05420606031947047, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 19.462046368270997, "error_w_gmm": 0.06445183890289441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06198211284120219}, "run_9021": {"edge_length": 600, "pf": 0.49873055555555557, "in_bounds_one_im": 1, "error_one_im": 0.04785379785687883, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 20.617148296474227, "error_w_gmm": 0.07020968099204794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06751932053250531}, "run_9022": {"edge_length": 600, "pf": 0.5171472222222222, "in_bounds_one_im": 1, "error_one_im": 0.052822004994213086, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 16.656619991357644, "error_w_gmm": 0.05467048464812502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05257556970017067}, "run_9023": {"edge_length": 600, "pf": 0.4775916666666667, "in_bounds_one_im": 0, "error_one_im": 0.04636594159169537, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 19.261193266585565, "error_w_gmm": 0.0684267075889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06580466877783196}, "run_9024": {"edge_length": 600, "pf": 0.5001277777777777, "in_bounds_one_im": 1, "error_one_im": 0.048386743557070774, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 17.613960550535662, "error_w_gmm": 0.05981523456474399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057523178260293927}, "run_9025": {"edge_length": 600, "pf": 0.4853027777777778, "in_bounds_one_im": 1, "error_one_im": 0.0486075287738569, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 20.81638854396612, "error_w_gmm": 0.07281832524783269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07002800430905692}, "run_9026": {"edge_length": 600, "pf": 0.5161388888888889, "in_bounds_one_im": 1, "error_one_im": 0.046732218082278176, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 17.287032123882994, "error_w_gmm": 0.05685429572540712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05467569945472898}, "run_9027": {"edge_length": 600, "pf": 0.49573055555555556, "in_bounds_one_im": 1, "error_one_im": 0.050427856284667394, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 15.295705933472378, "error_w_gmm": 0.0524015079957119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05039353782493106}, "run_9028": {"edge_length": 600, "pf": 0.49365, "in_bounds_one_im": 1, "error_one_im": 0.059753021069296516, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 23.42847734761433, "error_w_gmm": 0.08059826215559501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07750982229164205}, "run_9029": {"edge_length": 600, "pf": 0.48341944444444446, "in_bounds_one_im": 1, "error_one_im": 0.04920462682716881, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 18.462992298920874, "error_w_gmm": 0.06482982298372748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062345612973226}, "run_9030": {"edge_length": 600, "pf": 0.49041111111111113, "in_bounds_one_im": 1, "error_one_im": 0.048520894288524824, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 22.694375063854213, "error_w_gmm": 0.07858032661701697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0755692119011944}, "run_9031": {"edge_length": 600, "pf": 0.4708, "in_bounds_one_im": 0, "error_one_im": 0.047425833410273774, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 0, "pred_cls": 15.175485098688103, "error_w_gmm": 0.05465124380271611, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05255706614353684}, "run_9032": {"edge_length": 600, "pf": 0.5073472222222222, "in_bounds_one_im": 1, "error_one_im": 0.0518317161153622, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 22.534922904936607, "error_w_gmm": 0.0754292306848894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07253886262081387}, "run_9033": {"edge_length": 600, "pf": 0.48375833333333335, "in_bounds_one_im": 1, "error_one_im": 0.05605798240581754, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 14.022149533591719, "error_w_gmm": 0.04920312297524701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04731771152388887}, "run_9034": {"edge_length": 600, "pf": 0.49646944444444446, "in_bounds_one_im": 1, "error_one_im": 0.04545232274759048, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 18.944855561993187, "error_w_gmm": 0.06480727015432788, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06232392434431279}, "run_9035": {"edge_length": 600, "pf": 0.5016916666666666, "in_bounds_one_im": 1, "error_one_im": 0.049165800177573084, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 20.090279945097503, "error_w_gmm": 0.06801150683354201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06540537807475166}, "run_9036": {"edge_length": 600, "pf": 0.49698055555555554, "in_bounds_one_im": 1, "error_one_im": 0.05332005359396962, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 18.029387468877342, "error_w_gmm": 0.06161258601021136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05925165710596506}, "run_9037": {"edge_length": 600, "pf": 0.5245416666666667, "in_bounds_one_im": 1, "error_one_im": 0.05433013212565805, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 25.435161806762544, "error_w_gmm": 0.08225579759448155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07910384273171275}, "run_9038": {"edge_length": 600, "pf": 0.4771166666666667, "in_bounds_one_im": 1, "error_one_im": 0.05436611807669354, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 19.996809530791445, "error_w_gmm": 0.0711076936857337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06838292233286235}, "run_9039": {"edge_length": 600, "pf": 0.5032055555555556, "in_bounds_one_im": 1, "error_one_im": 0.05186545286904569, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 23.187734372285057, "error_w_gmm": 0.078259982332646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07526114286980762}, "run_9040": {"edge_length": 600, "pf": 0.49909166666666666, "in_bounds_one_im": 1, "error_one_im": 0.05429755518490887, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 23.325022218706543, "error_w_gmm": 0.07937373419476541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07633221694263562}, "run_9041": {"edge_length": 800, "pf": 0.52620625, "in_bounds_one_im": 0, "error_one_im": 0.043553330199802884, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 0, "pred_cls": 19.38223402488411, "error_w_gmm": 0.045670758420334336, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04505869399377557}, "run_9042": {"edge_length": 800, "pf": 0.4976046875, "in_bounds_one_im": 1, "error_one_im": 0.04601909308167585, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 19.88471764810674, "error_w_gmm": 0.049615539093587624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04895060801877976}, "run_9043": {"edge_length": 800, "pf": 0.5033984375, "in_bounds_one_im": 1, "error_one_im": 0.044446049801280224, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 20.857409027668076, "error_w_gmm": 0.05144298908261432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050753567126369775}, "run_9044": {"edge_length": 800, "pf": 0.49695625, "in_bounds_one_im": 1, "error_one_im": 0.041853246435687746, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 19.32152872195854, "error_w_gmm": 0.04827285812480942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04762592121707108}, "run_9045": {"edge_length": 800, "pf": 0.495746875, "in_bounds_one_im": 1, "error_one_im": 0.0403913944365028, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 19.013992931786877, "error_w_gmm": 0.0476195582877842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046981376688780684}, "run_9046": {"edge_length": 800, "pf": 0.5209078125, "in_bounds_one_im": 0, "error_one_im": 0.03452420044366404, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 0, "pred_cls": 16.777673900451937, "error_w_gmm": 0.039955685488072934, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03942021258217227}, "run_9047": {"edge_length": 800, "pf": 0.4999828125, "in_bounds_one_im": 1, "error_one_im": 0.04140066238859491, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 17.55969549240495, "error_w_gmm": 0.04360634005781721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0430219422846037}, "run_9048": {"edge_length": 800, "pf": 0.5099328125, "in_bounds_one_im": 1, "error_one_im": 0.03989860967892965, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 20.552318440187523, "error_w_gmm": 0.050032232465076994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049361717003272}, "run_9049": {"edge_length": 800, "pf": 0.4969546875, "in_bounds_one_im": 1, "error_one_im": 0.0429600771108711, "one_im_sa_cls": 17.428571428571427, "model_in_bounds": 1, "pred_cls": 21.07137703578403, "error_w_gmm": 0.05264483921416237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0519393104592348}, "run_9050": {"edge_length": 800, "pf": 0.4836375, "in_bounds_one_im": 1, "error_one_im": 0.04308691880025428, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 18.032481056305645, "error_w_gmm": 0.04626904931615185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045648966792527675}, "run_9051": {"edge_length": 800, "pf": 0.5098609375, "in_bounds_one_im": 1, "error_one_im": 0.03490404865899285, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 19.741603734331196, "error_w_gmm": 0.048065553297860476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047421394620973174}, "run_9052": {"edge_length": 800, "pf": 0.5193, "in_bounds_one_im": 1, "error_one_im": 0.03915744338218024, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 17.91594361876712, "error_w_gmm": 0.042804094558405566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04223044821452105}, "run_9053": {"edge_length": 800, "pf": 0.483003125, "in_bounds_one_im": 1, "error_one_im": 0.040503520660743766, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 20.705650505416575, "error_w_gmm": 0.05319558580791045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05248267612895748}, "run_9054": {"edge_length": 800, "pf": 0.5002015625, "in_bounds_one_im": 1, "error_one_im": 0.035984829182165806, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 8.195447087196872, "error_w_gmm": 0.020343014266284258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02007038390515087}, "run_9055": {"edge_length": 800, "pf": 0.4943203125, "in_bounds_one_im": 1, "error_one_im": 0.04682809996366348, "one_im_sa_cls": 18.897959183673468, "model_in_bounds": 1, "pred_cls": 21.16522011716827, "error_w_gmm": 0.05315866227892452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052446247436917025}, "run_9056": {"edge_length": 800, "pf": 0.4892828125, "in_bounds_one_im": 1, "error_one_im": 0.042194158319739196, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 19.76125997567345, "error_w_gmm": 0.05013518437643087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04946328918709863}, "run_9057": {"edge_length": 800, "pf": 0.4808609375, "in_bounds_one_im": 1, "error_one_im": 0.04223618412083363, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 0, "pred_cls": 13.376651545108626, "error_w_gmm": 0.03451415513720176, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.034051607824591185}, "run_9058": {"edge_length": 800, "pf": 0.4862203125, "in_bounds_one_im": 1, "error_one_im": 0.04116863391155065, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 19.713457032441486, "error_w_gmm": 0.05032136749418912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04964697714017939}, "run_9059": {"edge_length": 800, "pf": 0.5010859375, "in_bounds_one_im": 1, "error_one_im": 0.03726828354244032, "one_im_sa_cls": 15.244897959183673, "model_in_bounds": 1, "pred_cls": 16.366926036577627, "error_w_gmm": 0.04055473920762663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04001123798154869}, "run_9060": {"edge_length": 800, "pf": 0.5145328125, "in_bounds_one_im": 1, "error_one_im": 0.03156812471020803, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 16.562162468131007, "error_w_gmm": 0.03994920779081695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03941382169687636}, "run_9061": {"edge_length": 800, "pf": 0.5030625, "in_bounds_one_im": 1, "error_one_im": 0.03781695822484911, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 21.803651093374146, "error_w_gmm": 0.05381295795768099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05309177446099668}, "run_9062": {"edge_length": 800, "pf": 0.48343125, "in_bounds_one_im": 1, "error_one_im": 0.04207102891027063, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 23.678845350427856, "error_w_gmm": 0.06078199544228808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05996741520600026}, "run_9063": {"edge_length": 800, "pf": 0.4814921875, "in_bounds_one_im": 1, "error_one_im": 0.04114511126710905, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 18.61603783512929, "error_w_gmm": 0.04797202051032162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0473291153289738}, "run_9064": {"edge_length": 800, "pf": 0.4958875, "in_bounds_one_im": 1, "error_one_im": 0.04335434486511433, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 20.391211145751292, "error_w_gmm": 0.0510543677480264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050370153966608114}, "run_9065": {"edge_length": 800, "pf": 0.4747484375, "in_bounds_one_im": 0, "error_one_im": 0.03870719878208938, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 0, "pred_cls": 16.46226286876489, "error_w_gmm": 0.04299908010343612, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04242282062764984}, "run_9066": {"edge_length": 800, "pf": 0.497753125, "in_bounds_one_im": 1, "error_one_im": 0.040530987279101816, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 17.6732773015527, "error_w_gmm": 0.04408455321665839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04349374658856791}, "run_9067": {"edge_length": 800, "pf": 0.488575, "in_bounds_one_im": 1, "error_one_im": 0.03995198982918603, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.151782550418, "error_w_gmm": 0.046117139845611034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045499093162559456}, "run_9068": {"edge_length": 800, "pf": 0.5106515625, "in_bounds_one_im": 1, "error_one_im": 0.03621933849448964, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 16.591474670715698, "error_w_gmm": 0.040331974761663766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03979145895114694}, "run_9069": {"edge_length": 800, "pf": 0.5113296875, "in_bounds_one_im": 1, "error_one_im": 0.037147799255815524, "one_im_sa_cls": 15.510204081632653, "model_in_bounds": 1, "pred_cls": 19.24683610224052, "error_w_gmm": 0.046723411989464246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04609724024729614}, "run_9070": {"edge_length": 800, "pf": 0.5012609375, "in_bounds_one_im": 1, "error_one_im": 0.045035453003827594, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 15.277999223231324, "error_w_gmm": 0.03784329758269052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03733613420211196}, "run_9071": {"edge_length": 800, "pf": 0.5269140625, "in_bounds_one_im": 0, "error_one_im": 0.03415839162904883, "one_im_sa_cls": 14.714285714285714, "model_in_bounds": 0, "pred_cls": 15.330252201864466, "error_w_gmm": 0.0360717450099347, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03558832339207402}, "run_9072": {"edge_length": 800, "pf": 0.50665625, "in_bounds_one_im": 1, "error_one_im": 0.04006232653031681, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 20.658980952589935, "error_w_gmm": 0.050622633729320424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04994420590468769}, "run_9073": {"edge_length": 800, "pf": 0.49358125, "in_bounds_one_im": 1, "error_one_im": 0.04233931848826668, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 16.68799853962126, "error_w_gmm": 0.04197566089916876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04141311694968532}, "run_9074": {"edge_length": 800, "pf": 0.5110328125, "in_bounds_one_im": 1, "error_one_im": 0.03790348927517334, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 13.869829624884892, "error_w_gmm": 0.03369025664322935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03323875094623225}, "run_9075": {"edge_length": 800, "pf": 0.5074953125, "in_bounds_one_im": 1, "error_one_im": 0.039354823578660485, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 19.808640716400188, "error_w_gmm": 0.048457563045109044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04780815078300753}, "run_9076": {"edge_length": 800, "pf": 0.4825234375, "in_bounds_one_im": 1, "error_one_im": 0.043390252594723656, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 20.78136389430745, "error_w_gmm": 0.053441410347350775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05272520620907715}, "run_9077": {"edge_length": 800, "pf": 0.522259375, "in_bounds_one_im": 0, "error_one_im": 0.03510031777254913, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 0, "pred_cls": 17.814153245952863, "error_w_gmm": 0.042309303532220933, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04174228821431855}, "run_9078": {"edge_length": 800, "pf": 0.497659375, "in_bounds_one_im": 1, "error_one_im": 0.04274887006525995, "one_im_sa_cls": 17.367346938775512, "model_in_bounds": 1, "pred_cls": 21.606625618817336, "error_w_gmm": 0.05390607742870873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05318364597561625}, "run_9079": {"edge_length": 800, "pf": 0.4999375, "in_bounds_one_im": 1, "error_one_im": 0.042904574439087614, "one_im_sa_cls": 17.510204081632654, "model_in_bounds": 1, "pred_cls": 17.165493946777413, "error_w_gmm": 0.04263127482605869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04205994455517221}, "run_9080": {"edge_length": 800, "pf": 0.50663125, "in_bounds_one_im": 1, "error_one_im": 0.03730127280560827, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 15.350378584438518, "error_w_gmm": 0.037616349815720714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037112227914190346}, "run_9081": {"edge_length": 1000, "pf": 0.505258, "in_bounds_one_im": 1, "error_one_im": 0.028181544785465692, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 17.6909597210905, "error_w_gmm": 0.03501177914163691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03431091307613947}, "run_9082": {"edge_length": 1000, "pf": 0.508729, "in_bounds_one_im": 1, "error_one_im": 0.031091796104832613, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 20.903756891688342, "error_w_gmm": 0.0410838994965448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04026148167884553}, "run_9083": {"edge_length": 1000, "pf": 0.48765, "in_bounds_one_im": 1, "error_one_im": 0.034029797076992184, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 17.225605187958298, "error_w_gmm": 0.035312928948091356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034606034463440516}, "run_9084": {"edge_length": 1000, "pf": 0.492956, "in_bounds_one_im": 1, "error_one_im": 0.03143927040097768, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 18.37682966378963, "error_w_gmm": 0.03727514409517091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03652896997253794}, "run_9085": {"edge_length": 1000, "pf": 0.496838, "in_bounds_one_im": 1, "error_one_im": 0.029948250800581434, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 13.822356016324543, "error_w_gmm": 0.027820093501271587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027263190654514567}, "run_9086": {"edge_length": 1000, "pf": 0.484481, "in_bounds_one_im": 0, "error_one_im": 0.029955225612273307, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.94268958742917, "error_w_gmm": 0.039080094159255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038297788532287}, "run_9087": {"edge_length": 1000, "pf": 0.505049, "in_bounds_one_im": 1, "error_one_im": 0.034647699912300434, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 20.06442123126987, "error_w_gmm": 0.03972564686722791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03893041856116156}, "run_9088": {"edge_length": 1000, "pf": 0.504729, "in_bounds_one_im": 1, "error_one_im": 0.03304535196851813, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 16.672995944367777, "error_w_gmm": 0.033032082952570006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03237084646068839}, "run_9089": {"edge_length": 1000, "pf": 0.486094, "in_bounds_one_im": 1, "error_one_im": 0.03639795599181158, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 19.57016010105795, "error_w_gmm": 0.0402444584906917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03943884460953638}, "run_9090": {"edge_length": 1000, "pf": 0.503263, "in_bounds_one_im": 1, "error_one_im": 0.03119517467068468, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 19.601206399252675, "error_w_gmm": 0.03894740722066635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03816775772186069}, "run_9091": {"edge_length": 1000, "pf": 0.492004, "in_bounds_one_im": 1, "error_one_im": 0.03349076379260928, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.651539119678645, "error_w_gmm": 0.03790447629889986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03714570419934792}, "run_9092": {"edge_length": 1000, "pf": 0.49116, "in_bounds_one_im": 1, "error_one_im": 0.03277381651595259, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 19.287093025842232, "error_w_gmm": 0.03926231449492943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038476361179873346}, "run_9093": {"edge_length": 1000, "pf": 0.49833, "in_bounds_one_im": 1, "error_one_im": 0.031103141952742573, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 18.68412479437574, "error_w_gmm": 0.03749326867291513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0367427281307988}, "run_9094": {"edge_length": 1000, "pf": 0.496439, "in_bounds_one_im": 1, "error_one_im": 0.03005273044812931, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 20.89228919551432, "error_w_gmm": 0.04208323546339928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04124081293059069}, "run_9095": {"edge_length": 1000, "pf": 0.512178, "in_bounds_one_im": 1, "error_one_im": 0.031112188658682795, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 14.565390694838463, "error_w_gmm": 0.02842970578929306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02786059971904218}, "run_9096": {"edge_length": 1000, "pf": 0.504973, "in_bounds_one_im": 1, "error_one_im": 0.03152429938798246, "one_im_sa_cls": 16.244897959183675, "model_in_bounds": 1, "pred_cls": 18.924369909537276, "error_w_gmm": 0.037474149824763006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03672399200389673}, "run_9097": {"edge_length": 1000, "pf": 0.526786, "in_bounds_one_im": 0, "error_one_im": 0.03214841332691118, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 0, "pred_cls": 16.794294526734497, "error_w_gmm": 0.03183489641115345, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.031197625208712023}, "run_9098": {"edge_length": 1000, "pf": 0.517109, "in_bounds_one_im": 0, "error_one_im": 0.03270061205426678, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 18.9449238555717, "error_w_gmm": 0.03661477477899576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035881819934438584}, "run_9099": {"edge_length": 1000, "pf": 0.503844, "in_bounds_one_im": 1, "error_one_im": 0.03195280357097622, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 17.888485691813774, "error_w_gmm": 0.03550296725068036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03479226857781921}, "run_9100": {"edge_length": 1000, "pf": 0.500279, "in_bounds_one_im": 1, "error_one_im": 0.03334077765478367, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 20.948735222970207, "error_w_gmm": 0.04187409817647552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041035862155493104}, "run_9101": {"edge_length": 1000, "pf": 0.504871, "in_bounds_one_im": 1, "error_one_im": 0.02923326625483607, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 14.610323779211317, "error_w_gmm": 0.02893735321487328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028358085054532942}, "run_9102": {"edge_length": 1000, "pf": 0.500296, "in_bounds_one_im": 1, "error_one_im": 0.034498936267730804, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 20.68159673936202, "error_w_gmm": 0.041338713712050695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040511195021415786}, "run_9103": {"edge_length": 1000, "pf": 0.489812, "in_bounds_one_im": 1, "error_one_im": 0.0361281473080137, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 18.257539573885452, "error_w_gmm": 0.03726684745414203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03652083941373326}, "run_9104": {"edge_length": 1000, "pf": 0.505835, "in_bounds_one_im": 1, "error_one_im": 0.03273511727015249, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 17.459822311117126, "error_w_gmm": 0.03451448269423364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03382357151286444}, "run_9105": {"edge_length": 1000, "pf": 0.497612, "in_bounds_one_im": 1, "error_one_im": 0.03022345141620557, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 17.211652661305965, "error_w_gmm": 0.03458810551146945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0338957205479757}, "run_9106": {"edge_length": 1000, "pf": 0.498369, "in_bounds_one_im": 1, "error_one_im": 0.03009746707340173, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 19.035299317131855, "error_w_gmm": 0.03819498813718497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03743040056940854}, "run_9107": {"edge_length": 1000, "pf": 0.49458, "in_bounds_one_im": 1, "error_one_im": 0.026525512701088116, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 16.859192228963785, "error_w_gmm": 0.034085894446024535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03340356274752101}, "run_9108": {"edge_length": 1000, "pf": 0.520762, "in_bounds_one_im": 0, "error_one_im": 0.030582030196547042, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 0, "pred_cls": 19.275792338080386, "error_w_gmm": 0.036982665973292805, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03624234667996446}, "run_9109": {"edge_length": 1000, "pf": 0.503177, "in_bounds_one_im": 1, "error_one_im": 0.03004790947660705, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 17.511423110074357, "error_w_gmm": 0.034801013578515935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03410436661969029}, "run_9110": {"edge_length": 1000, "pf": 0.500101, "in_bounds_one_im": 1, "error_one_im": 0.03435242873533249, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 18.453533588567712, "error_w_gmm": 0.03689961270239153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036160955970082065}, "run_9111": {"edge_length": 1000, "pf": 0.500984, "in_bounds_one_im": 1, "error_one_im": 0.03377284768738475, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 18.249408754137214, "error_w_gmm": 0.03642705837692207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035697861240752714}, "run_9112": {"edge_length": 1000, "pf": 0.502602, "in_bounds_one_im": 1, "error_one_im": 0.03008248560851495, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 16.978711941284622, "error_w_gmm": 0.03378116687607603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03310493521642323}, "run_9113": {"edge_length": 1000, "pf": 0.513697, "in_bounds_one_im": 1, "error_one_im": 0.028254562784001434, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 17.22888037029668, "error_w_gmm": 0.03352640683524862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03285527496406236}, "run_9114": {"edge_length": 1000, "pf": 0.499415, "in_bounds_one_im": 1, "error_one_im": 0.032517426330649794, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 17.60751763704797, "error_w_gmm": 0.03525626099652281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0345505008913644}, "run_9115": {"edge_length": 1000, "pf": 0.488154, "in_bounds_one_im": 1, "error_one_im": 0.03567478764770715, "one_im_sa_cls": 17.775510204081634, "model_in_bounds": 1, "pred_cls": 20.217045380327324, "error_w_gmm": 0.04140367703691059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04057485790993637}, "run_9116": {"edge_length": 1000, "pf": 0.486781, "in_bounds_one_im": 1, "error_one_im": 0.028626571869661582, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 17.956500299515067, "error_w_gmm": 0.03687535810639071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03613718690277148}, "run_9117": {"edge_length": 1000, "pf": 0.504657, "in_bounds_one_im": 1, "error_one_im": 0.02991946523041761, "one_im_sa_cls": 15.408163265306122, "model_in_bounds": 1, "pred_cls": 18.184690048697007, "error_w_gmm": 0.03603219863241744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035310905801665765}, "run_9118": {"edge_length": 1000, "pf": 0.500127, "in_bounds_one_im": 1, "error_one_im": 0.034310653348921395, "one_im_sa_cls": 17.510204081632654, "model_in_bounds": 1, "pred_cls": 17.125603994317842, "error_w_gmm": 0.03424250928640141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0335570424708126}, "run_9119": {"edge_length": 1000, "pf": 0.499857, "in_bounds_one_im": 1, "error_one_im": 0.03240867219757444, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 20.607057225666296, "error_w_gmm": 0.041225903374122706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040400642921704394}, "run_9120": {"edge_length": 1000, "pf": 0.498344, "in_bounds_one_im": 1, "error_one_im": 0.032667417611359516, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 17.619898343385813, "error_w_gmm": 0.03535670481385892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034648934023588714}, "run_9121": {"edge_length": 1200, "pf": 0.49102708333333334, "in_bounds_one_im": 1, "error_one_im": 0.02504504059631702, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.74557423718763, "error_w_gmm": 0.03011157140849985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02950879773928287}, "run_9122": {"edge_length": 1200, "pf": 0.49859791666666664, "in_bounds_one_im": 1, "error_one_im": 0.027075321429012103, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 19.665536060328364, "error_w_gmm": 0.03286793172800904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032209981216609535}, "run_9123": {"edge_length": 1200, "pf": 0.5009958333333333, "in_bounds_one_im": 1, "error_one_im": 0.02930769763891507, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 19.81340411818029, "error_w_gmm": 0.0329566360679456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032296909872383504}, "run_9124": {"edge_length": 1200, "pf": 0.4983340277777778, "in_bounds_one_im": 1, "error_one_im": 0.026454179672816644, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 19.568033562219085, "error_w_gmm": 0.03272223691080797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0320672029193854}, "run_9125": {"edge_length": 1200, "pf": 0.5024208333333333, "in_bounds_one_im": 1, "error_one_im": 0.02779790446550753, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 19.392891755177985, "error_w_gmm": 0.032165373404301464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03152148671085674}, "run_9126": {"edge_length": 1200, "pf": 0.5138166666666667, "in_bounds_one_im": 0, "error_one_im": 0.026652534994108933, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 18.003385839321115, "error_w_gmm": 0.029187633111539067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02860335484629271}, "run_9127": {"edge_length": 1200, "pf": 0.5149958333333333, "in_bounds_one_im": 0, "error_one_im": 0.023743115327833943, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 0, "pred_cls": 17.682404425241465, "error_w_gmm": 0.028599665003887536, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028027156688765067}, "run_9128": {"edge_length": 1200, "pf": 0.5015666666666667, "in_bounds_one_im": 1, "error_one_im": 0.02920780000412347, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 16.976568209245865, "error_w_gmm": 0.02820576339628213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02764114020658553}, "run_9129": {"edge_length": 1200, "pf": 0.4894368055555556, "in_bounds_one_im": 1, "error_one_im": 0.026146190703000373, "one_im_sa_cls": 15.673469387755102, "model_in_bounds": 1, "pred_cls": 14.989460585281682, "error_w_gmm": 0.025515917754067797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025005139915229478}, "run_9130": {"edge_length": 1200, "pf": 0.5054013888888889, "in_bounds_one_im": 1, "error_one_im": 0.025489334084958307, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.268808864478675, "error_w_gmm": 0.03176960748459457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031133643236389716}, "run_9131": {"edge_length": 1200, "pf": 0.5024243055555555, "in_bounds_one_im": 1, "error_one_im": 0.02305418787272881, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 19.755369924711697, "error_w_gmm": 0.03276635818589204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032110440974443794}, "run_9132": {"edge_length": 1200, "pf": 0.5044722222222222, "in_bounds_one_im": 1, "error_one_im": 0.029104627608657778, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 19.049186369866685, "error_w_gmm": 0.03146592867866396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030836043475143668}, "run_9133": {"edge_length": 1200, "pf": 0.5185180555555555, "in_bounds_one_im": 0, "error_one_im": 0.027173725811901348, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 0, "pred_cls": 20.408619233973955, "error_w_gmm": 0.03277709302338969, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.032120960921881464}, "run_9134": {"edge_length": 1200, "pf": 0.5022895833333333, "in_bounds_one_im": 1, "error_one_im": 0.0272079547480782, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 16.612552301341907, "error_w_gmm": 0.02756109005521646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027009371941444708}, "run_9135": {"edge_length": 1200, "pf": 0.5004951388888889, "in_bounds_one_im": 1, "error_one_im": 0.027105978999406526, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 16.05990736230625, "error_w_gmm": 0.026740019099524483, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02620473719049053}, "run_9136": {"edge_length": 1200, "pf": 0.49051805555555555, "in_bounds_one_im": 1, "error_one_im": 0.026327484590956133, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 19.25963914245127, "error_w_gmm": 0.032714010982484235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03205914165775846}, "run_9137": {"edge_length": 1200, "pf": 0.4951027777777778, "in_bounds_one_im": 1, "error_one_im": 0.028207759539695027, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 18.040908347991532, "error_w_gmm": 0.030364138172378055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02975630861972944}, "run_9138": {"edge_length": 1200, "pf": 0.49299444444444446, "in_bounds_one_im": 1, "error_one_im": 0.028259364350107178, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 16.82190727725774, "error_w_gmm": 0.028432125725196808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027862971212650172}, "run_9139": {"edge_length": 1200, "pf": 0.4795493055555556, "in_bounds_one_im": 0, "error_one_im": 0.026217476025861684, "one_im_sa_cls": 15.408163265306122, "model_in_bounds": 0, "pred_cls": 15.130858432038298, "error_w_gmm": 0.026271536930601278, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025745633101246213}, "run_9140": {"edge_length": 1200, "pf": 0.50615625, "in_bounds_one_im": 1, "error_one_im": 0.028183635182986368, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 1, "pred_cls": 17.35140866041095, "error_w_gmm": 0.02856511435305873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027993297673131644}, "run_9141": {"edge_length": 1200, "pf": 0.51235625, "in_bounds_one_im": 1, "error_one_im": 0.02653543647966504, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 18.585806847031055, "error_w_gmm": 0.030220071049225403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029615125433361623}, "run_9142": {"edge_length": 1200, "pf": 0.5065527777777777, "in_bounds_one_im": 1, "error_one_im": 0.02454243198308891, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 17.988217125467287, "error_w_gmm": 0.029589993810131995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028997661085310968}, "run_9143": {"edge_length": 1200, "pf": 0.4859347222222222, "in_bounds_one_im": 0, "error_one_im": 0.026227226642286702, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 0, "pred_cls": 16.75598556215608, "error_w_gmm": 0.028723601721454897, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028148612440162108}, "run_9144": {"edge_length": 1200, "pf": 0.5031180555555556, "in_bounds_one_im": 1, "error_one_im": 0.023452852860954065, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 17.290393578372562, "error_w_gmm": 0.028638171466281948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02806489232849757}, "run_9145": {"edge_length": 1200, "pf": 0.5132444444444444, "in_bounds_one_im": 1, "error_one_im": 0.02755952862310946, "one_im_sa_cls": 17.3265306122449, "model_in_bounds": 1, "pred_cls": 21.608978459865224, "error_w_gmm": 0.035073274655200645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034371177572037406}, "run_9146": {"edge_length": 1200, "pf": 0.50795625, "in_bounds_one_im": 1, "error_one_im": 0.026638851685282697, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 18.8970917595149, "error_w_gmm": 0.030997911014141243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03037739459184713}, "run_9147": {"edge_length": 1200, "pf": 0.5196118055555555, "in_bounds_one_im": 0, "error_one_im": 0.024390015702341904, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 0, "pred_cls": 21.11783135927654, "error_w_gmm": 0.033841899017892633, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.033164451621755575}, "run_9148": {"edge_length": 1200, "pf": 0.4978402777777778, "in_bounds_one_im": 1, "error_one_im": 0.026011638295336606, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 17.582614324456685, "error_w_gmm": 0.029431210309525366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02884205611404685}, "run_9149": {"edge_length": 1200, "pf": 0.4987770833333333, "in_bounds_one_im": 1, "error_one_im": 0.02753342196865671, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.16617647242165, "error_w_gmm": 0.03035110396911107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029743535335244143}, "run_9150": {"edge_length": 1200, "pf": 0.49227291666666667, "in_bounds_one_im": 1, "error_one_im": 0.026506032168294957, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.335609424082858, "error_w_gmm": 0.029342698888539544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02875531651537054}, "run_9151": {"edge_length": 1200, "pf": 0.4932402777777778, "in_bounds_one_im": 1, "error_one_im": 0.02506954478658695, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 15.910257194934285, "error_w_gmm": 0.02687804815691956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026340003181147705}, "run_9152": {"edge_length": 1200, "pf": 0.4960625, "in_bounds_one_im": 1, "error_one_im": 0.027212968789346356, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 19.068353134196595, "error_w_gmm": 0.03203185394500135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03139064004512494}, "run_9153": {"edge_length": 1200, "pf": 0.5074048611111112, "in_bounds_one_im": 1, "error_one_im": 0.027916273192080586, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 17.583373936927565, "error_w_gmm": 0.028874781784525363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028296766179561405}, "run_9154": {"edge_length": 1200, "pf": 0.5049694444444445, "in_bounds_one_im": 1, "error_one_im": 0.025445359802200168, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 15.611853777446596, "error_w_gmm": 0.02576242128589764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025246708937453764}, "run_9155": {"edge_length": 1200, "pf": 0.4890097222222222, "in_bounds_one_im": 1, "error_one_im": 0.026679648210254057, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 18.43070210575901, "error_w_gmm": 0.03140061840175472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030772040579862468}, "run_9156": {"edge_length": 1200, "pf": 0.48824097222222224, "in_bounds_one_im": 1, "error_one_im": 0.027710377333888845, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 17.788893875041744, "error_w_gmm": 0.030353818942653914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029746195960425655}, "run_9157": {"edge_length": 1200, "pf": 0.48704305555555555, "in_bounds_one_im": 0, "error_one_im": 0.023842968345194344, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 16.42023049191946, "error_w_gmm": 0.02808566929738031, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02752345015228394}, "run_9158": {"edge_length": 1200, "pf": 0.5002826388888889, "in_bounds_one_im": 1, "error_one_im": 0.02498541292627352, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 15.785193967661119, "error_w_gmm": 0.02629378911476753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02576743984101788}, "run_9159": {"edge_length": 1200, "pf": 0.4904986111111111, "in_bounds_one_im": 1, "error_one_im": 0.032205711442080655, "one_im_sa_cls": 19.346938775510203, "model_in_bounds": 1, "pred_cls": 18.28063465973584, "error_w_gmm": 0.031052302915586773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030430697675789015}, "run_9160": {"edge_length": 1200, "pf": 0.4880729166666667, "in_bounds_one_im": 1, "error_one_im": 0.025978682386917605, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 19.014310531854825, "error_w_gmm": 0.03245570374735388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031806005218857646}, "run_9161": {"edge_length": 1400, "pf": 0.49731785714285714, "in_bounds_one_im": 1, "error_one_im": 0.02154343450535939, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 19.892120477762948, "error_w_gmm": 0.027998761336589673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027998246852779757}, "run_9162": {"edge_length": 1400, "pf": 0.5058301020408164, "in_bounds_one_im": 1, "error_one_im": 0.02372133187384141, "one_im_sa_cls": 17.142857142857142, "model_in_bounds": 1, "pred_cls": 18.912042504899702, "error_w_gmm": 0.02616991301742994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026169432139137045}, "run_9163": {"edge_length": 1400, "pf": 0.49879846938775513, "in_bounds_one_im": 1, "error_one_im": 0.023770904427098533, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 18.147114386850085, "error_w_gmm": 0.025467085751814836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025466617788137916}, "run_9164": {"edge_length": 1400, "pf": 0.510505612244898, "in_bounds_one_im": 1, "error_one_im": 0.022773090822211444, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 16.65306844055721, "error_w_gmm": 0.022829473751483358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022829054254545834}, "run_9165": {"edge_length": 1400, "pf": 0.5016770408163266, "in_bounds_one_im": 1, "error_one_im": 0.0243178503428935, "one_im_sa_cls": 17.428571428571427, "model_in_bounds": 1, "pred_cls": 16.714548262207032, "error_w_gmm": 0.023322012009131726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023321583461688108}, "run_9166": {"edge_length": 1400, "pf": 0.4945887755102041, "in_bounds_one_im": 1, "error_one_im": 0.023249850736164413, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 19.56493645345111, "error_w_gmm": 0.027688969360326773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027688460569017064}, "run_9167": {"edge_length": 1400, "pf": 0.5092714285714286, "in_bounds_one_im": 1, "error_one_im": 0.020922270807005875, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 19.306854679848158, "error_w_gmm": 0.026532952509176845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026532464959948127}, "run_9168": {"edge_length": 1400, "pf": 0.5065596938775511, "in_bounds_one_im": 1, "error_one_im": 0.02563243436022153, "one_im_sa_cls": 18.551020408163264, "model_in_bounds": 1, "pred_cls": 17.99491814935964, "error_w_gmm": 0.02486451008787443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024864053196666645}, "run_9169": {"edge_length": 1400, "pf": 0.4976219387755102, "in_bounds_one_im": 1, "error_one_im": 0.023826905425033917, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 20.250095476333062, "error_w_gmm": 0.028485292554492142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028484769130556937}, "run_9170": {"edge_length": 1400, "pf": 0.5080739795918368, "in_bounds_one_im": 1, "error_one_im": 0.019426226293414388, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 18.59673000763343, "error_w_gmm": 0.025618343372369453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02561787262929816}, "run_9171": {"edge_length": 1400, "pf": 0.5045066326530612, "in_bounds_one_im": 1, "error_one_im": 0.025171623015931052, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 19.07907769386514, "error_w_gmm": 0.02647103332807465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026470546916625416}, "run_9172": {"edge_length": 1400, "pf": 0.5057030612244898, "in_bounds_one_im": 1, "error_one_im": 0.02319067029716648, "one_im_sa_cls": 16.755102040816325, "model_in_bounds": 1, "pred_cls": 20.43389140443986, "error_w_gmm": 0.028282987774716436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02828246806817902}, "run_9173": {"edge_length": 1400, "pf": 0.5064617346938776, "in_bounds_one_im": 1, "error_one_im": 0.02467852076195486, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 17.24870984062474, "error_w_gmm": 0.023838106090245777, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023837668059452397}, "run_9174": {"edge_length": 1400, "pf": 0.49090102040816325, "in_bounds_one_im": 1, "error_one_im": 0.026040610188700367, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 18.5241004447355, "error_w_gmm": 0.026410055190522193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026409569899560587}, "run_9175": {"edge_length": 1400, "pf": 0.5035903061224489, "in_bounds_one_im": 1, "error_one_im": 0.025047600337916438, "one_im_sa_cls": 18.020408163265305, "model_in_bounds": 1, "pred_cls": 19.150211869325307, "error_w_gmm": 0.026618468521709626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026617979401104094}, "run_9176": {"edge_length": 1400, "pf": 0.5009336734693878, "in_bounds_one_im": 1, "error_one_im": 0.02455365488777704, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 17.619549271687017, "error_w_gmm": 0.02462134937157897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024620896948506537}, "run_9177": {"edge_length": 1400, "pf": 0.5008107142857143, "in_bounds_one_im": 1, "error_one_im": 0.023618381535832823, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 17.15572190923809, "error_w_gmm": 0.023979098705112313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02397865808354655}, "run_9178": {"edge_length": 1400, "pf": 0.5032841836734694, "in_bounds_one_im": 1, "error_one_im": 0.021656878824147435, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 18.158556746798396, "error_w_gmm": 0.025255543357340576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02525507928080481}, "run_9179": {"edge_length": 1400, "pf": 0.5099785714285714, "in_bounds_one_im": 0, "error_one_im": 0.01884823168540576, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 17.65544055379207, "error_w_gmm": 0.024229149331049613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024228704114744863}, "run_9180": {"edge_length": 1400, "pf": 0.4949224489795918, "in_bounds_one_im": 1, "error_one_im": 0.023609551408599633, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 16.896644524547195, "error_w_gmm": 0.02389675656477052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023896317456260877}, "run_9181": {"edge_length": 1400, "pf": 0.4976581632653061, "in_bounds_one_im": 1, "error_one_im": 0.02175841667988728, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 17.66709216907924, "error_w_gmm": 0.024850047250651812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024849590625202093}, "run_9182": {"edge_length": 1400, "pf": 0.48848775510204084, "in_bounds_one_im": 1, "error_one_im": 0.02376926197693939, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 0, "pred_cls": 15.089397245907291, "error_w_gmm": 0.021617282800002063, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02161688557735772}, "run_9183": {"edge_length": 1400, "pf": 0.4970897959183673, "in_bounds_one_im": 1, "error_one_im": 0.021265886651826636, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 17.21810134518683, "error_w_gmm": 0.024246055509059627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024245609982099913}, "run_9184": {"edge_length": 1400, "pf": 0.5019081632653061, "in_bounds_one_im": 1, "error_one_im": 0.02305428069652836, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 18.16002632577603, "error_w_gmm": 0.025327194867431197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025326729474282064}, "run_9185": {"edge_length": 1400, "pf": 0.5174515306122449, "in_bounds_one_im": 0, "error_one_im": 0.023396746027973845, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 0, "pred_cls": 19.14033267018143, "error_w_gmm": 0.02587695381630532, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025876478321206493}, "run_9186": {"edge_length": 1400, "pf": 0.4862076530612245, "in_bounds_one_im": 0, "error_one_im": 0.024318525134168475, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 0, "pred_cls": 18.12333291122554, "error_w_gmm": 0.026082488473429127, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026082009201582743}, "run_9187": {"edge_length": 1400, "pf": 0.5003045918367347, "in_bounds_one_im": 1, "error_one_im": 0.024156264328931195, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 19.623495244223424, "error_w_gmm": 0.027456162398382538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027455657884955412}, "run_9188": {"edge_length": 1400, "pf": 0.512120918367347, "in_bounds_one_im": 0, "error_one_im": 0.020245589974855746, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.909706609705832, "error_w_gmm": 0.025839414421944512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02583893961664086}, "run_9189": {"edge_length": 1400, "pf": 0.5086418367346939, "in_bounds_one_im": 1, "error_one_im": 0.02142602274905371, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 16.20826005749362, "error_w_gmm": 0.02230270193665747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022302292119275768}, "run_9190": {"edge_length": 1400, "pf": 0.4984372448979592, "in_bounds_one_im": 1, "error_one_im": 0.022154444524058153, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.77516753942688, "error_w_gmm": 0.02777190068790027, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027771390372707927}, "run_9191": {"edge_length": 1400, "pf": 0.5050076530612245, "in_bounds_one_im": 1, "error_one_im": 0.02441096979870501, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 19.062142186988584, "error_w_gmm": 0.02642104572934044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02642056023642498}, "run_9192": {"edge_length": 1400, "pf": 0.49611989795918365, "in_bounds_one_im": 1, "error_one_im": 0.022890821849516355, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 17.022519665004253, "error_w_gmm": 0.0240171882258641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024016746904394416}, "run_9193": {"edge_length": 1400, "pf": 0.49387704081632655, "in_bounds_one_im": 1, "error_one_im": 0.023716818407879214, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 17.48239857920948, "error_w_gmm": 0.024776939122834837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0247764838407641}, "run_9194": {"edge_length": 1400, "pf": 0.49688061224489793, "in_bounds_one_im": 1, "error_one_im": 0.02391975915792054, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 19.321626311620804, "error_w_gmm": 0.027219567170444124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02721906700450986}, "run_9195": {"edge_length": 1400, "pf": 0.5097438775510205, "in_bounds_one_im": 1, "error_one_im": 0.023704447768188766, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 21.606958777504687, "error_w_gmm": 0.029665876397307573, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02966533127986716}, "run_9196": {"edge_length": 1400, "pf": 0.499059693877551, "in_bounds_one_im": 1, "error_one_im": 0.02370123915876713, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 19.4966440980406, "error_w_gmm": 0.02734668197451303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02734617947281434}, "run_9197": {"edge_length": 1400, "pf": 0.5071183673469388, "in_bounds_one_im": 1, "error_one_im": 0.021491422407218495, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 20.420142718066092, "error_w_gmm": 0.028184053571052435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02818353568245428}, "run_9198": {"edge_length": 1400, "pf": 0.5008959183673469, "in_bounds_one_im": 1, "error_one_im": 0.02227392861915007, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.78373439834845, "error_w_gmm": 0.0262501499586892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026249667606023656}, "run_9199": {"edge_length": 1400, "pf": 0.493384693877551, "in_bounds_one_im": 1, "error_one_im": 0.023566478822310274, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 20.91245697854445, "error_w_gmm": 0.029667394962125438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029666849816781072}, "run_9200": {"edge_length": 1400, "pf": 0.49336632653061224, "in_bounds_one_im": 1, "error_one_im": 0.02249610175679163, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 16.914039563791242, "error_w_gmm": 0.023995933597740923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023995492666830008}}, "fractal_noise_0.055_7_True_simplex": {"true_cls": 5.979591836734694, "true_pf": 0.49990500666666665, "run_9201": {"edge_length": 600, "pf": 0.49228055555555555, "in_bounds_one_im": 1, "error_one_im": 0.022071096913414287, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 3.7034103172257717, "error_w_gmm": 0.012775360568013571, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012285822309999356}, "run_9202": {"edge_length": 600, "pf": 0.4951277777777778, "in_bounds_one_im": 1, "error_one_im": 0.022484297335294466, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 4.550579118668306, "error_w_gmm": 0.015608621136196928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015010515340251804}, "run_9203": {"edge_length": 600, "pf": 0.5054333333333333, "in_bounds_one_im": 1, "error_one_im": 0.020245085579284026, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.753607879424639, "error_w_gmm": 0.01933243321347861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018591634890948346}, "run_9204": {"edge_length": 600, "pf": 0.510825, "in_bounds_one_im": 0, "error_one_im": 0.02081073881614286, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 0, "pred_cls": 5.117690152972266, "error_w_gmm": 0.01701123407348166, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016359381638423667}, "run_9205": {"edge_length": 600, "pf": 0.49698888888888887, "in_bounds_one_im": 1, "error_one_im": 0.020321643981324845, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 8.798828155125053, "error_w_gmm": 0.030068105301410374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028915927418627464}, "run_9206": {"edge_length": 600, "pf": 0.49759722222222225, "in_bounds_one_im": 1, "error_one_im": 0.021703651794196345, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.124878901925146, "error_w_gmm": 0.024318137334536125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023386292121594966}, "run_9207": {"edge_length": 600, "pf": 0.5016083333333333, "in_bounds_one_im": 1, "error_one_im": 0.021264430378278788, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 3.7761131009080073, "error_w_gmm": 0.012785384270022616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012295461914385852}, "run_9208": {"edge_length": 600, "pf": 0.49746388888888887, "in_bounds_one_im": 1, "error_one_im": 0.021709440347679937, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.106424366871426, "error_w_gmm": 0.02426161866907598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023331939191409953}, "run_9209": {"edge_length": 600, "pf": 0.49793055555555554, "in_bounds_one_im": 1, "error_one_im": 0.0220908388405025, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.63400097983354, "error_w_gmm": 0.026038472012975433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02504070540101001}, "run_9210": {"edge_length": 600, "pf": 0.49928333333333336, "in_bounds_one_im": 1, "error_one_im": 0.02022860240084936, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 3.91797463431855, "error_w_gmm": 0.013327536676341541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012816839615900702}, "run_9211": {"edge_length": 600, "pf": 0.5024166666666666, "in_bounds_one_im": 1, "error_one_im": 0.020566640089594967, "one_im_sa_cls": 6.326530612244898, "model_in_bounds": 1, "pred_cls": 3.268546371478265, "error_w_gmm": 0.011048957972119872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010625573629286799}, "run_9212": {"edge_length": 600, "pf": 0.5001222222222222, "in_bounds_one_im": 1, "error_one_im": 0.020927832360661997, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 6.727976628305302, "error_w_gmm": 0.022847784321092742, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021972281475088024}, "run_9213": {"edge_length": 600, "pf": 0.5016111111111111, "in_bounds_one_im": 1, "error_one_im": 0.020001743702309706, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.713054363267591, "error_w_gmm": 0.02272932524399412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021858361624098873}, "run_9214": {"edge_length": 600, "pf": 0.5083222222222222, "in_bounds_one_im": 1, "error_one_im": 0.020849642973586824, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 0, "pred_cls": 3.2768431929786836, "error_w_gmm": 0.010946925909684877, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010527451327193894}, "run_9215": {"edge_length": 600, "pf": 0.4896, "in_bounds_one_im": 1, "error_one_im": 0.02130491110504753, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 0, "pred_cls": 2.1889103791846227, "error_w_gmm": 0.007591513803650486, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007300615051842714}, "run_9216": {"edge_length": 600, "pf": 0.4972722222222222, "in_bounds_one_im": 1, "error_one_im": 0.02131558330869841, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.08639832498215, "error_w_gmm": 0.017371826608058295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01670615664978513}, "run_9217": {"edge_length": 600, "pf": 0.4944, "in_bounds_one_im": 1, "error_one_im": 0.021303558093882558, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.2519798207211155, "error_w_gmm": 0.021475715716575194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02065278908326954}, "run_9218": {"edge_length": 600, "pf": 0.48949166666666666, "in_bounds_one_im": 0, "error_one_im": 0.02090104030151906, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 0, "pred_cls": 4.767469048996114, "error_w_gmm": 0.01653797861466191, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.015904260826502654}, "run_9219": {"edge_length": 600, "pf": 0.4987638888888889, "in_bounds_one_im": 1, "error_one_im": 0.021385746453631293, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 2.809337805794468, "error_w_gmm": 0.009566287206613351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009199717233902331}, "run_9220": {"edge_length": 600, "pf": 0.5086694444444444, "in_bounds_one_im": 1, "error_one_im": 0.02214555263158062, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.485892420519988, "error_w_gmm": 0.02165232711201525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020822632917480374}, "run_9221": {"edge_length": 600, "pf": 0.4991888888888889, "in_bounds_one_im": 1, "error_one_im": 0.021100481512651547, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.754479859502942, "error_w_gmm": 0.0263829267877443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025371961034391953}, "run_9222": {"edge_length": 600, "pf": 0.4968472222222222, "in_bounds_one_im": 1, "error_one_im": 0.022943801197225874, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.2601796347120695, "error_w_gmm": 0.024817135265191602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02386616898115234}, "run_9223": {"edge_length": 600, "pf": 0.5062361111111111, "in_bounds_one_im": 1, "error_one_im": 0.020805154491277785, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.372412750940311, "error_w_gmm": 0.024731959155611098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02378425672969048}, "run_9224": {"edge_length": 600, "pf": 0.5040777777777777, "in_bounds_one_im": 1, "error_one_im": 0.020564547525854463, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.668562047390708, "error_w_gmm": 0.02246756373187684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021606630535309007}, "run_9225": {"edge_length": 600, "pf": 0.49983333333333335, "in_bounds_one_im": 1, "error_one_im": 0.020072987818102697, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.5039868659536, "error_w_gmm": 0.02209989435452064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021253049858272234}, "run_9226": {"edge_length": 600, "pf": 0.5001694444444444, "in_bounds_one_im": 1, "error_one_im": 0.02119242734952587, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 4.34413759036003, "error_w_gmm": 0.014751024069970017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014185780483403826}, "run_9227": {"edge_length": 600, "pf": 0.5071583333333334, "in_bounds_one_im": 1, "error_one_im": 0.021226833273604893, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 6.874923773621357, "error_w_gmm": 0.023020544423772906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02213842159398995}, "run_9228": {"edge_length": 600, "pf": 0.5003805555555556, "in_bounds_one_im": 1, "error_one_im": 0.019118424966400028, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 6.65893085322052, "error_w_gmm": 0.022601628694785287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021735558271126786}, "run_9229": {"edge_length": 600, "pf": 0.5000194444444445, "in_bounds_one_im": 1, "error_one_im": 0.02033216899272573, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.92363895217602, "error_w_gmm": 0.020120439742784327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01934944584639096}, "run_9230": {"edge_length": 600, "pf": 0.5046472222222222, "in_bounds_one_im": 1, "error_one_im": 0.02001274892870502, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 0, "pred_cls": 2.761456418743606, "error_w_gmm": 0.009293243756668141, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00893713651916818}, "run_9231": {"edge_length": 600, "pf": 0.4970777777777778, "in_bounds_one_im": 1, "error_one_im": 0.019647469344872746, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.415177470820393, "error_w_gmm": 0.01850191623144265, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01779294243820638}, "run_9232": {"edge_length": 600, "pf": 0.5030416666666667, "in_bounds_one_im": 1, "error_one_im": 0.021866169474525708, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 4.544362827158146, "error_w_gmm": 0.015342523076115576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014754613875413231}, "run_9233": {"edge_length": 600, "pf": 0.5004111111111111, "in_bounds_one_im": 1, "error_one_im": 0.02291406372366485, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.095808567217457, "error_w_gmm": 0.027476975143768487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026424086618566336}, "run_9234": {"edge_length": 600, "pf": 0.5039083333333333, "in_bounds_one_im": 1, "error_one_im": 0.02222517727141552, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 4.1690536624472445, "error_w_gmm": 0.014051039610704658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01351261868569873}, "run_9235": {"edge_length": 600, "pf": 0.4993194444444444, "in_bounds_one_im": 1, "error_one_im": 0.021094972649433896, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.87522925745972, "error_w_gmm": 0.023385361354232855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022489259126868114}, "run_9236": {"edge_length": 600, "pf": 0.4997611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02074286046487329, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 4.442211957233335, "error_w_gmm": 0.015096370651624579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014517893750578308}, "run_9237": {"edge_length": 600, "pf": 0.5129111111111111, "in_bounds_one_im": 0, "error_one_im": 0.02130873469110151, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 0, "pred_cls": 4.352097890126277, "error_w_gmm": 0.014406135332118963, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013854107515944422}, "run_9238": {"edge_length": 600, "pf": 0.5043916666666667, "in_bounds_one_im": 1, "error_one_im": 0.02260019650934058, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 3.476593792165476, "error_w_gmm": 0.011705907183274586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011257349243913955}, "run_9239": {"edge_length": 600, "pf": 0.499225, "in_bounds_one_im": 1, "error_one_im": 0.02163310846651551, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.942888051334362, "error_w_gmm": 0.023619956683702273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022714865012296744}, "run_9240": {"edge_length": 600, "pf": 0.49653888888888886, "in_bounds_one_im": 1, "error_one_im": 0.022152412582094713, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.408217931581626, "error_w_gmm": 0.018498064605312916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017789238402302045}, "run_9241": {"edge_length": 800, "pf": 0.495215625, "in_bounds_one_im": 1, "error_one_im": 0.01569922432808289, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 0, "pred_cls": 3.125330142653739, "error_w_gmm": 0.00783554863674341, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007730539200749764}, "run_9242": {"edge_length": 800, "pf": 0.505184375, "in_bounds_one_im": 1, "error_one_im": 0.016725359907516012, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.650328940995202, "error_w_gmm": 0.018801590287221608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018549617581368333}, "run_9243": {"edge_length": 800, "pf": 0.5009390625, "in_bounds_one_im": 1, "error_one_im": 0.016867979478959426, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.480231855467784, "error_w_gmm": 0.016061740774107436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015846486626892177}, "run_9244": {"edge_length": 800, "pf": 0.49586875, "in_bounds_one_im": 1, "error_one_im": 0.017342388317612045, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.851428009613736, "error_w_gmm": 0.019658701155693858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01939524173294874}, "run_9245": {"edge_length": 800, "pf": 0.4986828125, "in_bounds_one_im": 1, "error_one_im": 0.01644295865887595, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.4891160808640285, "error_w_gmm": 0.016156503099469654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01593997897885495}, "run_9246": {"edge_length": 800, "pf": 0.49835, "in_bounds_one_im": 1, "error_one_im": 0.0175575229731964, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.72467115261565, "error_w_gmm": 0.016754132912966763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016529599554893654}, "run_9247": {"edge_length": 800, "pf": 0.5, "in_bounds_one_im": 1, "error_one_im": 0.01659969497110454, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.354312792089289, "error_w_gmm": 0.015779248553483116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015567780273746447}, "run_9248": {"edge_length": 800, "pf": 0.503696875, "in_bounds_one_im": 1, "error_one_im": 0.017370765000952883, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.310710036276352, "error_w_gmm": 0.01802047206150839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017778967644236993}, "run_9249": {"edge_length": 800, "pf": 0.496615625, "in_bounds_one_im": 1, "error_one_im": 0.0167124370091366, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.543792777850253, "error_w_gmm": 0.02136033748114329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02107407329014455}, "run_9250": {"edge_length": 800, "pf": 0.500784375, "in_bounds_one_im": 1, "error_one_im": 0.017372405899046834, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 4.6803901695165875, "error_w_gmm": 0.011604287670663843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011448770838352839}, "run_9251": {"edge_length": 800, "pf": 0.4967375, "in_bounds_one_im": 1, "error_one_im": 0.015148245374686946, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.7939684705907775, "error_w_gmm": 0.014481970791453608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014287888199999096}, "run_9252": {"edge_length": 800, "pf": 0.49921875, "in_bounds_one_im": 1, "error_one_im": 0.0159746478323762, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.916285683660663, "error_w_gmm": 0.017201615567626578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01697108519474807}, "run_9253": {"edge_length": 800, "pf": 0.497978125, "in_bounds_one_im": 1, "error_one_im": 0.015512317720676006, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.553961265091041, "error_w_gmm": 0.0188342646830629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018581854085743768}, "run_9254": {"edge_length": 800, "pf": 0.505784375, "in_bounds_one_im": 1, "error_one_im": 0.016112211556566346, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.373699973032909, "error_w_gmm": 0.015645335323799085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015435661704956397}, "run_9255": {"edge_length": 800, "pf": 0.500840625, "in_bounds_one_im": 1, "error_one_im": 0.016172489428278987, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.4601436369414005, "error_w_gmm": 0.013536040255732002, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013354634713026725}, "run_9256": {"edge_length": 800, "pf": 0.50140625, "in_bounds_one_im": 1, "error_one_im": 0.015206890085353898, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.945729080708451, "error_w_gmm": 0.019675692413109607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019412005279142105}, "run_9257": {"edge_length": 800, "pf": 0.4993078125, "in_bounds_one_im": 1, "error_one_im": 0.0147701622747965, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 5.872541123701665, "error_w_gmm": 0.014603098731033526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014407392822921966}, "run_9258": {"edge_length": 800, "pf": 0.4950359375, "in_bounds_one_im": 1, "error_one_im": 0.015704867787194265, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.212312796652385, "error_w_gmm": 0.01558055466228595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015371749212482048}, "run_9259": {"edge_length": 800, "pf": 0.4983578125, "in_bounds_one_im": 1, "error_one_im": 0.016754631555563754, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 4.720187742057477, "error_w_gmm": 0.011759893582846586, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011602291371472484}, "run_9260": {"edge_length": 800, "pf": 0.503653125, "in_bounds_one_im": 1, "error_one_im": 0.015783961883146572, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 4.653849486290522, "error_w_gmm": 0.01147247026580599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011318720006836579}, "run_9261": {"edge_length": 800, "pf": 0.5028484375, "in_bounds_one_im": 1, "error_one_im": 0.014864799789901961, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 4.805197455653364, "error_w_gmm": 0.011864646911443925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011705640830543292}, "run_9262": {"edge_length": 800, "pf": 0.5065578125, "in_bounds_one_im": 1, "error_one_im": 0.015593827883985601, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.160294560639706, "error_w_gmm": 0.015098118742018381, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014895778739146024}, "run_9263": {"edge_length": 800, "pf": 0.5035609375, "in_bounds_one_im": 1, "error_one_im": 0.016184026495338923, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.210911127642925, "error_w_gmm": 0.015313695229655328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015108466141866424}, "run_9264": {"edge_length": 800, "pf": 0.5043234375, "in_bounds_one_im": 1, "error_one_im": 0.014920148163820082, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.401581379535667, "error_w_gmm": 0.01329790627792046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013119692128168065}, "run_9265": {"edge_length": 800, "pf": 0.4999421875, "in_bounds_one_im": 1, "error_one_im": 0.01610156579464727, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.359946882019443, "error_w_gmm": 0.015795065518679857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0155833852651975}, "run_9266": {"edge_length": 800, "pf": 0.4969625, "in_bounds_one_im": 1, "error_one_im": 0.016197808759371834, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.447705626628277, "error_w_gmm": 0.016108729940024543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015892846059520738}, "run_9267": {"edge_length": 800, "pf": 0.502071875, "in_bounds_one_im": 1, "error_one_im": 0.016132713309999835, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.242812552155859, "error_w_gmm": 0.01296529612526371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012791539506968985}, "run_9268": {"edge_length": 800, "pf": 0.4932234375, "in_bounds_one_im": 1, "error_one_im": 0.01682621816341047, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 0, "pred_cls": 5.247429950672194, "error_w_gmm": 0.013208417428696908, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013031402578957843}, "run_9269": {"edge_length": 800, "pf": 0.4950703125, "in_bounds_one_im": 1, "error_one_im": 0.01590576598977837, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 4.895417416399184, "error_w_gmm": 0.012276921176328006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01211238993183813}, "run_9270": {"edge_length": 800, "pf": 0.5017484375, "in_bounds_one_im": 1, "error_one_im": 0.016442099959764724, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.78422276338805, "error_w_gmm": 0.014313441208757443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014121617195131728}, "run_9271": {"edge_length": 800, "pf": 0.5015421875, "in_bounds_one_im": 1, "error_one_im": 0.01575105236474082, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.0177537516881126, "error_w_gmm": 0.014897473068284164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014697822052489859}, "run_9272": {"edge_length": 800, "pf": 0.50468125, "in_bounds_one_im": 1, "error_one_im": 0.01550387151669577, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 3.8954841670992053, "error_w_gmm": 0.009583253371273453, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009454821773416637}, "run_9273": {"edge_length": 800, "pf": 0.4981875, "in_bounds_one_im": 1, "error_one_im": 0.016559617011775364, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.015505080136008, "error_w_gmm": 0.01249990542128717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012332385815562527}, "run_9274": {"edge_length": 800, "pf": 0.4970203125, "in_bounds_one_im": 1, "error_one_im": 0.016045042115202694, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.465510882341709, "error_w_gmm": 0.01615134631443914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015934891303354955}, "run_9275": {"edge_length": 800, "pf": 0.5023703125, "in_bounds_one_im": 1, "error_one_im": 0.015924036325629568, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.231076587949717, "error_w_gmm": 0.01787153461533855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01763202620855037}, "run_9276": {"edge_length": 800, "pf": 0.4999421875, "in_bounds_one_im": 1, "error_one_im": 0.01720167277440578, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.403127335196815, "error_w_gmm": 0.01590230510726686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01568918766422243}, "run_9277": {"edge_length": 800, "pf": 0.5054546875, "in_bounds_one_im": 1, "error_one_im": 0.014490773727319469, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 8.300166967758322, "error_w_gmm": 0.02038761798901209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020114389863512293}, "run_9278": {"edge_length": 800, "pf": 0.49946875, "in_bounds_one_im": 1, "error_one_im": 0.016016714724553578, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.053151882197212, "error_w_gmm": 0.012561500443415738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012393155361539662}, "run_9279": {"edge_length": 800, "pf": 0.5002984375, "in_bounds_one_im": 1, "error_one_im": 0.016190036007804914, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.028587915204678, "error_w_gmm": 0.019924969982340474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019657942112686927}, "run_9280": {"edge_length": 800, "pf": 0.5010265625, "in_bounds_one_im": 1, "error_one_im": 0.015717407592502803, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.040107437185161, "error_w_gmm": 0.014968239705778682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014767640298871709}, "run_9281": {"edge_length": 1000, "pf": 0.502518, "in_bounds_one_im": 1, "error_one_im": 0.013292643343568252, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.494234150316628, "error_w_gmm": 0.012923222250142728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012664525087243163}, "run_9282": {"edge_length": 1000, "pf": 0.500352, "in_bounds_one_im": 1, "error_one_im": 0.012950641393884365, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.343110074260341, "error_w_gmm": 0.014675884686338174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014382102713242898}, "run_9283": {"edge_length": 1000, "pf": 0.50149, "in_bounds_one_im": 1, "error_one_im": 0.012243234987081665, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.721352838571669, "error_w_gmm": 0.01340270592505238, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013134410454242167}, "run_9284": {"edge_length": 1000, "pf": 0.497708, "in_bounds_one_im": 1, "error_one_im": 0.012095096186154747, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.26893513214875, "error_w_gmm": 0.01259547619700763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012343339857133186}, "run_9285": {"edge_length": 1000, "pf": 0.503465, "in_bounds_one_im": 1, "error_one_im": 0.013267489996897553, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.465989186721227, "error_w_gmm": 0.012842668150943967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012585583520624881}, "run_9286": {"edge_length": 1000, "pf": 0.49535, "in_bounds_one_im": 1, "error_one_im": 0.01271749629885285, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 5.512523153525688, "error_w_gmm": 0.011128060481088312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010905298880358336}, "run_9287": {"edge_length": 1000, "pf": 0.498937, "in_bounds_one_im": 1, "error_one_im": 0.013468356389487214, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.132179662576524, "error_w_gmm": 0.010286204599289325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010080295276108585}, "run_9288": {"edge_length": 1000, "pf": 0.49941, "in_bounds_one_im": 1, "error_one_im": 0.01245445901314439, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.621525381374781, "error_w_gmm": 0.013258686793350584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012993274298631981}, "run_9289": {"edge_length": 1000, "pf": 0.506541, "in_bounds_one_im": 0, "error_one_im": 0.013028193081853103, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 6.112239566532819, "error_w_gmm": 0.012065590986146357, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011824061892518948}, "run_9290": {"edge_length": 1000, "pf": 0.50012, "in_bounds_one_im": 1, "error_one_im": 0.013036631219902067, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.848890401578934, "error_w_gmm": 0.011694973672580378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01146086359920081}, "run_9291": {"edge_length": 1000, "pf": 0.506024, "in_bounds_one_im": 1, "error_one_im": 0.012211748664519679, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.006147283620914, "error_w_gmm": 0.013844479271637304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013567340378560219}, "run_9292": {"edge_length": 1000, "pf": 0.503411, "in_bounds_one_im": 1, "error_one_im": 0.012553831370603197, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.155137641560756, "error_w_gmm": 0.014212981322817989, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013928465752831807}, "run_9293": {"edge_length": 1000, "pf": 0.499716, "in_bounds_one_im": 1, "error_one_im": 0.012807037129329906, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.224641665413369, "error_w_gmm": 0.01245635653311862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012207005091751327}, "run_9294": {"edge_length": 1000, "pf": 0.504118, "in_bounds_one_im": 1, "error_one_im": 0.01372622708580239, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.837130135488403, "error_w_gmm": 0.011578503764818336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011346725186952657}, "run_9295": {"edge_length": 1000, "pf": 0.500078, "in_bounds_one_im": 1, "error_one_im": 0.012437830959083995, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.834141414281953, "error_w_gmm": 0.011666462718400192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011432923377521794}, "run_9296": {"edge_length": 1000, "pf": 0.511714, "in_bounds_one_im": 0, "error_one_im": 0.012307959301991099, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 5.76245610842821, "error_w_gmm": 0.011257996592463263, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01103263392965135}, "run_9297": {"edge_length": 1000, "pf": 0.502792, "in_bounds_one_im": 1, "error_one_im": 0.012967148531207486, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 8.087918045391671, "error_w_gmm": 0.016085761009514855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015763756121283834}, "run_9298": {"edge_length": 1000, "pf": 0.492292, "in_bounds_one_im": 0, "error_one_im": 0.014054769384943709, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 0, "pred_cls": 6.448234799367381, "error_w_gmm": 0.013096837918319504, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012834665315632335}, "run_9299": {"edge_length": 1000, "pf": 0.500626, "in_bounds_one_im": 1, "error_one_im": 0.013023444814090422, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.5584036438175755, "error_w_gmm": 0.015097892877919333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014795663141582914}, "run_9300": {"edge_length": 1000, "pf": 0.501373, "in_bounds_one_im": 1, "error_one_im": 0.013482677162292065, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.087103657813315, "error_w_gmm": 0.014135338236310436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01385237692623021}, "run_9301": {"edge_length": 1000, "pf": 0.49798, "in_bounds_one_im": 1, "error_one_im": 0.013253192624083582, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.92719699944158, "error_w_gmm": 0.01190238288400118, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011664120891424197}, "run_9302": {"edge_length": 1000, "pf": 0.499093, "in_bounds_one_im": 1, "error_one_im": 0.013143579784719795, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.26478784992967, "error_w_gmm": 0.012552325002511123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012301052463581695}, "run_9303": {"edge_length": 1000, "pf": 0.498781, "in_bounds_one_im": 1, "error_one_im": 0.012710718049294108, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 5.52800855719478, "error_w_gmm": 0.011083004621988572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010861144949794354}, "run_9304": {"edge_length": 1000, "pf": 0.499022, "in_bounds_one_im": 1, "error_one_im": 0.013706532435286784, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.9022190251903, "error_w_gmm": 0.01583538182381484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015518389028058613}, "run_9305": {"edge_length": 1000, "pf": 0.503214, "in_bounds_one_im": 1, "error_one_im": 0.011724176385202591, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.109339650904337, "error_w_gmm": 0.014127573504176259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01384476762856385}, "run_9306": {"edge_length": 1000, "pf": 0.492836, "in_bounds_one_im": 0, "error_one_im": 0.013390258095797131, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 5.38098727063002, "error_w_gmm": 0.010917292784170531, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010698750332826704}, "run_9307": {"edge_length": 1000, "pf": 0.503915, "in_bounds_one_im": 1, "error_one_im": 0.012501495517250345, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.738857154052641, "error_w_gmm": 0.013372593740862287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013104901055987923}, "run_9308": {"edge_length": 1000, "pf": 0.504436, "in_bounds_one_im": 1, "error_one_im": 0.012607412690212805, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.8115687207990785, "error_w_gmm": 0.013502804395636406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013232505152868194}, "run_9309": {"edge_length": 1000, "pf": 0.500917, "in_bounds_one_im": 1, "error_one_im": 0.012257273859987367, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.4522994985821915, "error_w_gmm": 0.010884618268130485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010666729895501275}, "run_9310": {"edge_length": 1000, "pf": 0.495628, "in_bounds_one_im": 1, "error_one_im": 0.012226220027061663, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.499271745234786, "error_w_gmm": 0.01311270404685325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012850213835882418}, "run_9311": {"edge_length": 1000, "pf": 0.501103, "in_bounds_one_im": 1, "error_one_im": 0.014048715551068654, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.06970970042753, "error_w_gmm": 0.014108262170176045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013825842868996931}, "run_9312": {"edge_length": 1000, "pf": 0.500888, "in_bounds_one_im": 1, "error_one_im": 0.012257984804804918, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.108531834047401, "error_w_gmm": 0.014191836544812982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013907744251156448}, "run_9313": {"edge_length": 1000, "pf": 0.499655, "in_bounds_one_im": 1, "error_one_im": 0.013929352156125667, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.972693301994722, "error_w_gmm": 0.011953631766308535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011714343873209363}, "run_9314": {"edge_length": 1000, "pf": 0.502382, "in_bounds_one_im": 1, "error_one_im": 0.012221412194619643, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 4.476813017197218, "error_w_gmm": 0.008911072082031849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008732690172211387}, "run_9315": {"edge_length": 1000, "pf": 0.500783, "in_bounds_one_im": 1, "error_one_im": 0.012260559259120129, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 4.7756006642212805, "error_w_gmm": 0.009536255840316506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009345358997190046}, "run_9316": {"edge_length": 1000, "pf": 0.499565, "in_bounds_one_im": 1, "error_one_im": 0.012690803202151572, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 4.756042500167309, "error_w_gmm": 0.00952036411726734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009329785394775775}, "run_9317": {"edge_length": 1000, "pf": 0.503064, "in_bounds_one_im": 1, "error_one_im": 0.012522792223405155, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 5.735349890852868, "error_w_gmm": 0.011400621395709399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011172403668483544}, "run_9318": {"edge_length": 1000, "pf": 0.495509, "in_bounds_one_im": 1, "error_one_im": 0.013883897267926461, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.703864546093558, "error_w_gmm": 0.011510657643031165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011280237209355863}, "run_9319": {"edge_length": 1000, "pf": 0.500027, "in_bounds_one_im": 1, "error_one_im": 0.01303905625889, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.76088327666918, "error_w_gmm": 0.011521144394742264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011290514037190221}, "run_9320": {"edge_length": 1000, "pf": 0.50382, "in_bounds_one_im": 1, "error_one_im": 0.01294051428941638, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 3.1207510498965276, "error_w_gmm": 0.0061939977969754255, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006070006301196204}, "run_9321": {"edge_length": 1200, "pf": 0.50333125, "in_bounds_one_im": 1, "error_one_im": 0.010363860835128634, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.533526208060037, "error_w_gmm": 0.0108169010606991, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010600368251651743}, "run_9322": {"edge_length": 1200, "pf": 0.5001069444444445, "in_bounds_one_im": 1, "error_one_im": 0.011264050126145316, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.702370121870258, "error_w_gmm": 0.01116822785441791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010944662182898043}, "run_9323": {"edge_length": 1200, "pf": 0.5023798611111111, "in_bounds_one_im": 1, "error_one_im": 0.01094756589905759, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.402854222871, "error_w_gmm": 0.010620750999237276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010408144723636463}, "run_9324": {"edge_length": 1200, "pf": 0.5018784722222223, "in_bounds_one_im": 1, "error_one_im": 0.010327602787064613, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.0750278477635105, "error_w_gmm": 0.011747495174736557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011512333725520858}, "run_9325": {"edge_length": 1200, "pf": 0.4981013888888889, "in_bounds_one_im": 1, "error_one_im": 0.010673591282010382, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.20805487024013, "error_w_gmm": 0.010386121935396125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010178212466208841}, "run_9326": {"edge_length": 1200, "pf": 0.4999673611111111, "in_bounds_one_im": 1, "error_one_im": 0.010100473725090542, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.607722009239632, "error_w_gmm": 0.011013588934546409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01079311882611994}, "run_9327": {"edge_length": 1200, "pf": 0.5030027777777778, "in_bounds_one_im": 1, "error_one_im": 0.011397799067997913, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.405646437331521, "error_w_gmm": 0.010612152994019798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01039971883335386}, "run_9328": {"edge_length": 1200, "pf": 0.4975673611111111, "in_bounds_one_im": 1, "error_one_im": 0.010919464607175995, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 3.877193687641862, "error_w_gmm": 0.006493505707324839, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00636351865988099}, "run_9329": {"edge_length": 1200, "pf": 0.5044347222222222, "in_bounds_one_im": 1, "error_one_im": 0.010968741380228937, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.934459988402493, "error_w_gmm": 0.009803426652931399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009607181582412846}, "run_9330": {"edge_length": 1200, "pf": 0.49859305555555555, "in_bounds_one_im": 1, "error_one_im": 0.011298206934142279, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.617213294621456, "error_w_gmm": 0.011059766114849587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010838371631270827}, "run_9331": {"edge_length": 1200, "pf": 0.4964923611111111, "in_bounds_one_im": 1, "error_one_im": 0.011614315253614178, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.3049011355320514, "error_w_gmm": 0.010582146679332948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010370313185306427}, "run_9332": {"edge_length": 1200, "pf": 0.4993361111111111, "in_bounds_one_im": 1, "error_one_im": 0.010513757738370355, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 4.817920219377426, "error_w_gmm": 0.008040535999010546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007879580487229176}, "run_9333": {"edge_length": 1200, "pf": 0.4986583333333333, "in_bounds_one_im": 1, "error_one_im": 0.010126952037296535, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.386531177268638, "error_w_gmm": 0.010672819039135048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010459170465108995}, "run_9334": {"edge_length": 1200, "pf": 0.49986180555555554, "in_bounds_one_im": 1, "error_one_im": 0.011602993342657025, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.768719166392286, "error_w_gmm": 0.00961718966112085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009424672684143895}, "run_9335": {"edge_length": 1200, "pf": 0.49924583333333333, "in_bounds_one_im": 1, "error_one_im": 0.011149933908371445, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.901767418854615, "error_w_gmm": 0.009851126624968393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009653926696040826}, "run_9336": {"edge_length": 1200, "pf": 0.5025993055555555, "in_bounds_one_im": 1, "error_one_im": 0.010876442298985108, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.3302637149543575, "error_w_gmm": 0.010495733720268302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010285630041524232}, "run_9337": {"edge_length": 1200, "pf": 0.49273055555555556, "in_bounds_one_im": 0, "error_one_im": 0.011431469695713565, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 0, "pred_cls": 6.305490913877619, "error_w_gmm": 0.010663069945079552, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010449616528493702}, "run_9338": {"edge_length": 1200, "pf": 0.49692569444444445, "in_bounds_one_im": 1, "error_one_im": 0.011268870390610258, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.285065675900058, "error_w_gmm": 0.010539716065320186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010328731947652853}, "run_9339": {"edge_length": 1200, "pf": 0.49784375, "in_bounds_one_im": 1, "error_one_im": 0.011114290787471903, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.352204297834743, "error_w_gmm": 0.012306632235905375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012060277976677003}, "run_9340": {"edge_length": 1200, "pf": 0.5012395833333333, "in_bounds_one_im": 1, "error_one_im": 0.01064005940401715, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.721000411066115, "error_w_gmm": 0.009511391059066137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009320991959322967}, "run_9341": {"edge_length": 1200, "pf": 0.4955041666666667, "in_bounds_one_im": 1, "error_one_im": 0.009921970178475282, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.290213856764619, "error_w_gmm": 0.010578383245198324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010366625087625345}, "run_9342": {"edge_length": 1200, "pf": 0.4971673611111111, "in_bounds_one_im": 1, "error_one_im": 0.010794115525248846, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 4.373559060296958, "error_w_gmm": 0.007330678453456125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007183932875508892}, "run_9343": {"edge_length": 1200, "pf": 0.49858541666666667, "in_bounds_one_im": 1, "error_one_im": 0.010061574686530447, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.9616118443128405, "error_w_gmm": 0.009964170273976728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00976470743640947}, "run_9344": {"edge_length": 1200, "pf": 0.5001291666666666, "in_bounds_one_im": 1, "error_one_im": 0.011196901290822913, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.853175638785445, "error_w_gmm": 0.009752772939451178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009557541855360625}, "run_9345": {"edge_length": 1200, "pf": 0.49779444444444443, "in_bounds_one_im": 1, "error_one_im": 0.01118234701670764, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.345492878130291, "error_w_gmm": 0.01062257593413685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010409933126975126}, "run_9346": {"edge_length": 1200, "pf": 0.49629930555555557, "in_bounds_one_im": 1, "error_one_im": 0.010745711693690506, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.565240535201272, "error_w_gmm": 0.009344307687801659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00915725326427601}, "run_9347": {"edge_length": 1200, "pf": 0.49726597222222224, "in_bounds_one_im": 1, "error_one_im": 0.010624409394502992, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 4.068905043924114, "error_w_gmm": 0.0068186920102090015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006682195380840348}, "run_9348": {"edge_length": 1200, "pf": 0.4965, "in_bounds_one_im": 1, "error_one_im": 0.010305029786808589, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.061432151262928, "error_w_gmm": 0.010173352877401827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009969702620862225}, "run_9349": {"edge_length": 1200, "pf": 0.5001236111111111, "in_bounds_one_im": 1, "error_one_im": 0.010630509520208642, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.939270245698091, "error_w_gmm": 0.009896336845942214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00969823189846172}, "run_9350": {"edge_length": 1200, "pf": 0.5024229166666667, "in_bounds_one_im": 1, "error_one_im": 0.010581735770476094, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.198299768512179, "error_w_gmm": 0.00862195068838021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008449356412852738}, "run_9351": {"edge_length": 1200, "pf": 0.49932569444444447, "in_bounds_one_im": 1, "error_one_im": 0.011548685603402156, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.333133016268393, "error_w_gmm": 0.010569466194659975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010357886538673622}, "run_9352": {"edge_length": 1200, "pf": 0.5030284722222222, "in_bounds_one_im": 1, "error_one_im": 0.010734584658865554, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 4.730548644378714, "error_w_gmm": 0.007836637041088591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0076797631802230995}, "run_9353": {"edge_length": 1200, "pf": 0.5002569444444445, "in_bounds_one_im": 1, "error_one_im": 0.010627675095182764, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 4.971384228170448, "error_w_gmm": 0.008281383575236657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008115606774812737}, "run_9354": {"edge_length": 1200, "pf": 0.5001222222222222, "in_bounds_one_im": 1, "error_one_im": 0.010663863623267262, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.929353515358292, "error_w_gmm": 0.009879840491562668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009682065768231675}, "run_9355": {"edge_length": 1200, "pf": 0.4994423611111111, "in_bounds_one_im": 1, "error_one_im": 0.010678373382982801, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.152995609017726, "error_w_gmm": 0.010266436232072596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010060922632219691}, "run_9356": {"edge_length": 1200, "pf": 0.50355, "in_bounds_one_im": 1, "error_one_im": 0.011319137312067818, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 5.921144215721052, "error_w_gmm": 0.0097987538003512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009602602271031671}, "run_9357": {"edge_length": 1200, "pf": 0.49692291666666666, "in_bounds_one_im": 1, "error_one_im": 0.010598163176679857, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.810141319772128, "error_w_gmm": 0.01142030304112724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011191691326571362}, "run_9358": {"edge_length": 1200, "pf": 0.5005326388888889, "in_bounds_one_im": 1, "error_one_im": 0.010521925031352783, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.84796929856047, "error_w_gmm": 0.011401130317504985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011172902402678729}, "run_9359": {"edge_length": 1200, "pf": 0.5013784722222222, "in_bounds_one_im": 1, "error_one_im": 0.010072008060345394, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.105776117375058, "error_w_gmm": 0.008486198544556473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00831632175649343}, "run_9360": {"edge_length": 1200, "pf": 0.5023875, "in_bounds_one_im": 1, "error_one_im": 0.01108009438317068, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.962869205262735, "error_w_gmm": 0.009890773599898697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009692780017520476}, "run_9361": {"edge_length": 1400, "pf": 0.498559693877551, "in_bounds_one_im": 1, "error_one_im": 0.009512903614885519, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.037914945425556, "error_w_gmm": 0.009881504827241603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009881323252271638}, "run_9362": {"edge_length": 1400, "pf": 0.5015831632653062, "in_bounds_one_im": 1, "error_one_im": 0.008857460853627383, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.174328321279447, "error_w_gmm": 0.008616732928559084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008616574594069466}, "run_9363": {"edge_length": 1400, "pf": 0.5003683673469388, "in_bounds_one_im": 1, "error_one_im": 0.009307255056646344, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.554412951818155, "error_w_gmm": 0.009169420212238178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009169251721989978}, "run_9364": {"edge_length": 1400, "pf": 0.5015852040816327, "in_bounds_one_im": 1, "error_one_im": 0.009056787957359811, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.869239917686674, "error_w_gmm": 0.008190926009755628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008190775499568077}, "run_9365": {"edge_length": 1400, "pf": 0.5001219387755103, "in_bounds_one_im": 1, "error_one_im": 0.008940512159609237, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.039005907404739, "error_w_gmm": 0.00845254663256985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008452391315041854}, "run_9366": {"edge_length": 1400, "pf": 0.503344387755102, "in_bounds_one_im": 1, "error_one_im": 0.008656032393809214, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 0, "pred_cls": 4.879542233066047, "error_w_gmm": 0.00678581749814504, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006785692807156109}, "run_9367": {"edge_length": 1400, "pf": 0.4993780612244898, "in_bounds_one_im": 1, "error_one_im": 0.009039642750620679, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.311318938240255, "error_w_gmm": 0.00744510155573689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007444964750248716}, "run_9368": {"edge_length": 1400, "pf": 0.5024938775510204, "in_bounds_one_im": 1, "error_one_im": 0.00966577585608606, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.831691158602257, "error_w_gmm": 0.009516781277194136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009516606404104884}, "run_9369": {"edge_length": 1400, "pf": 0.5032642857142857, "in_bounds_one_im": 1, "error_one_im": 0.009139963979334415, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.694177647568656, "error_w_gmm": 0.009310862349939367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009310691260658735}, "run_9370": {"edge_length": 1400, "pf": 0.5019770408163265, "in_bounds_one_im": 1, "error_one_im": 0.009448107243804462, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.83205160319068, "error_w_gmm": 0.008132651249372156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008132501809997039}, "run_9371": {"edge_length": 1400, "pf": 0.5006673469387755, "in_bounds_one_im": 1, "error_one_im": 0.008417174692838104, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.0430505109512715, "error_w_gmm": 0.008448986369353899, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00844883111724661}, "run_9372": {"edge_length": 1400, "pf": 0.5011719387755103, "in_bounds_one_im": 1, "error_one_im": 0.008921756745859663, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.386866073691787, "error_w_gmm": 0.008920678962429492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008920515042860174}, "run_9373": {"edge_length": 1400, "pf": 0.4996673469387755, "in_bounds_one_im": 1, "error_one_im": 0.009063004097676327, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 6.1650588682647784, "error_w_gmm": 0.008636826639014335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008636667935298024}, "run_9374": {"edge_length": 1400, "pf": 0.5008974489795919, "in_bounds_one_im": 1, "error_one_im": 0.009183332982842093, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.347767018875506, "error_w_gmm": 0.008870937084308398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008870774078757753}, "run_9375": {"edge_length": 1400, "pf": 0.5009556122448979, "in_bounds_one_im": 1, "error_one_im": 0.009096715725330653, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.346418185007899, "error_w_gmm": 0.010265347291464395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010265158663299079}, "run_9376": {"edge_length": 1400, "pf": 0.4976760204081633, "in_bounds_one_im": 1, "error_one_im": 0.009529731324615048, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.756975461238341, "error_w_gmm": 0.008097314573224691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008097165783169144}, "run_9377": {"edge_length": 1400, "pf": 0.49813928571428573, "in_bounds_one_im": 1, "error_one_im": 0.009291486257127366, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 3.8053093288503854, "error_w_gmm": 0.005347295749553301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005347197491739086}, "run_9378": {"edge_length": 1400, "pf": 0.5016270408163266, "in_bounds_one_im": 1, "error_one_im": 0.008628858934016801, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.574739680074162, "error_w_gmm": 0.007779279818594038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007779136872501879}, "run_9379": {"edge_length": 1400, "pf": 0.49756173469387754, "in_bounds_one_im": 1, "error_one_im": 0.008986408982543468, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.719147587307186, "error_w_gmm": 0.00804594772893282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00804579988275523}, "run_9380": {"edge_length": 1400, "pf": 0.49826377551020407, "in_bounds_one_im": 1, "error_one_im": 0.00963321657376883, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.584843606918466, "error_w_gmm": 0.009250848569615435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00925067858310206}, "run_9381": {"edge_length": 1400, "pf": 0.4994515306122449, "in_bounds_one_im": 1, "error_one_im": 0.009267132662783995, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.290701356781441, "error_w_gmm": 0.007415111366358351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007414975111946851}, "run_9382": {"edge_length": 1400, "pf": 0.4968683673469388, "in_bounds_one_im": 1, "error_one_im": 0.008768876464292738, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.422922157583892, "error_w_gmm": 0.009048588355316306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009048422085381853}, "run_9383": {"edge_length": 1400, "pf": 0.5002561224489795, "in_bounds_one_im": 1, "error_one_im": 0.009023781955682065, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.328714966002509, "error_w_gmm": 0.008855663521511056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00885550079661568}, "run_9384": {"edge_length": 1400, "pf": 0.49811275510204084, "in_bounds_one_im": 1, "error_one_im": 0.008689721377518155, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.3849925165735995, "error_w_gmm": 0.008972793564849394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008972628687662009}, "run_9385": {"edge_length": 1400, "pf": 0.5017071428571429, "in_bounds_one_im": 1, "error_one_im": 0.009054579455455514, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.860367612951568, "error_w_gmm": 0.008176549759519881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008176399513499244}, "run_9386": {"edge_length": 1400, "pf": 0.4978576530612245, "in_bounds_one_im": 1, "error_one_im": 0.008866317619323905, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.569207801004863, "error_w_gmm": 0.009236381567544177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009236211846865449}, "run_9387": {"edge_length": 1400, "pf": 0.5006428571428572, "in_bounds_one_im": 1, "error_one_im": 0.009302146960461093, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.8974451081898245, "error_w_gmm": 0.008245814565692011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00824566304691433}, "run_9388": {"edge_length": 1400, "pf": 0.4992045918367347, "in_bounds_one_im": 1, "error_one_im": 0.008727999204462262, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.411017811055646, "error_w_gmm": 0.00898971456313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0089895493750153}, "run_9389": {"edge_length": 1400, "pf": 0.49629285714285715, "in_bounds_one_im": 1, "error_one_im": 0.009383429983416547, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.840715201281877, "error_w_gmm": 0.008237854332846824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008237702960340348}, "run_9390": {"edge_length": 1400, "pf": 0.5020367346938776, "in_bounds_one_im": 1, "error_one_im": 0.008991703193582699, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 4.491610108142359, "error_w_gmm": 0.006262691099722062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0062625760213034405}, "run_9391": {"edge_length": 1400, "pf": 0.500334693877551, "in_bounds_one_im": 1, "error_one_im": 0.00959339974268509, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.245047609835729, "error_w_gmm": 0.0073381529389068756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007338018098624665}, "run_9392": {"edge_length": 1400, "pf": 0.49938673469387757, "in_bounds_one_im": 1, "error_one_im": 0.008925062068933525, "one_im_sa_cls": 6.36734693877551, "model_in_bounds": 1, "pred_cls": 5.955215509964623, "error_w_gmm": 0.008347533948648985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008347380560753792}, "run_9393": {"edge_length": 1400, "pf": 0.4960954081632653, "in_bounds_one_im": 1, "error_one_im": 0.008782443590002133, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.66727944744299, "error_w_gmm": 0.009407370491005962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00940719762836552}, "run_9394": {"edge_length": 1400, "pf": 0.5017045918367347, "in_bounds_one_im": 1, "error_one_im": 0.009510204302149843, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.271480626815446, "error_w_gmm": 0.008750190846275718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008750030059465546}, "run_9395": {"edge_length": 1400, "pf": 0.4966816326530612, "in_bounds_one_im": 1, "error_one_im": 0.008887196737127349, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.5441871179749285, "error_w_gmm": 0.009222869930971656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009222700458572373}, "run_9396": {"edge_length": 1400, "pf": 0.5014403061224489, "in_bounds_one_im": 1, "error_one_im": 0.009287322742484566, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.899296172533734, "error_w_gmm": 0.009631230725404356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009631053749279615}, "run_9397": {"edge_length": 1400, "pf": 0.5009081632653061, "in_bounds_one_im": 1, "error_one_im": 0.00906905997253257, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.467404627082433, "error_w_gmm": 0.009037935700140956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009037769625951621}, "run_9398": {"edge_length": 1400, "pf": 0.5018775510204082, "in_bounds_one_im": 1, "error_one_im": 0.009051493993086916, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.994294909733086, "error_w_gmm": 0.008360558954414354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008360405327181714}, "run_9399": {"edge_length": 1400, "pf": 0.4970510204081633, "in_bounds_one_im": 1, "error_one_im": 0.0088231534335518, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.42643754871158, "error_w_gmm": 0.007641952355578508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007641811932910685}, "run_9400": {"edge_length": 1400, "pf": 0.4959642857142857, "in_bounds_one_im": 1, "error_one_im": 0.009389598634069985, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 5.56496016482084, "error_w_gmm": 0.007854084123554643, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.007853939802915726}}, "fractal_noise_0.055_7_True_value": {"true_cls": 18.428571428571427, "true_pf": 0.49987429333333333, "run_9401": {"edge_length": 600, "pf": 0.48936944444444447, "in_bounds_one_im": 1, "error_one_im": 0.04555770659518513, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 18.20551550099729, "error_w_gmm": 0.06316896088098191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06074839334352458}, "run_9402": {"edge_length": 600, "pf": 0.46855, "in_bounds_one_im": 0, "error_one_im": 0.05048049396281907, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 0, "pred_cls": 17.768703003461418, "error_w_gmm": 0.06427983305318814, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.061816698073100695}, "run_9403": {"edge_length": 600, "pf": 0.5125138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05474458349915193, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 22.468824448915015, "error_w_gmm": 0.07443452685822569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0715822747890728}, "run_9404": {"edge_length": 600, "pf": 0.4947638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04493396980358229, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 13.277893403707477, "error_w_gmm": 0.04557672863302275, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043830276764035135}, "run_9405": {"edge_length": 600, "pf": 0.5015972222222222, "in_bounds_one_im": 1, "error_one_im": 0.05110221985673809, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 24.579529596220883, "error_w_gmm": 0.08322465623850699, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0800355757407838}, "run_9406": {"edge_length": 600, "pf": 0.4854277777777778, "in_bounds_one_im": 1, "error_one_im": 0.047703080163224526, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 18.7190449498988, "error_w_gmm": 0.06546517320766526, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06295661725090254}, "run_9407": {"edge_length": 600, "pf": 0.4847722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04666607839824466, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.468875296167415, "error_w_gmm": 0.05066771536962641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04872618229214039}, "run_9408": {"edge_length": 600, "pf": 0.49430277777777776, "in_bounds_one_im": 1, "error_one_im": 0.048144616418317646, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 17.54040035328444, "error_w_gmm": 0.06026345647496522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05795422478262959}, "run_9409": {"edge_length": 600, "pf": 0.4874861111111111, "in_bounds_one_im": 1, "error_one_im": 0.04921584581033358, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 19.07732244595508, "error_w_gmm": 0.06644386597882718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06389780755379569}, "run_9410": {"edge_length": 600, "pf": 0.508925, "in_bounds_one_im": 1, "error_one_im": 0.04387555098250206, "one_im_sa_cls": 13.673469387755102, "model_in_bounds": 1, "pred_cls": 18.620376938585768, "error_w_gmm": 0.06212998739472212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059749232218558136}, "run_9411": {"edge_length": 600, "pf": 0.5000888888888889, "in_bounds_one_im": 1, "error_one_im": 0.05532248058830109, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 23.88882345682479, "error_w_gmm": 0.0811303463892464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07802151762218014}, "run_9412": {"edge_length": 600, "pf": 0.5126777777777778, "in_bounds_one_im": 1, "error_one_im": 0.042247399220634, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 16.260908123007585, "error_w_gmm": 0.053851330093231946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05178780427842282}, "run_9413": {"edge_length": 600, "pf": 0.486475, "in_bounds_one_im": 1, "error_one_im": 0.05904165989050006, "one_im_sa_cls": 17.591836734693878, "model_in_bounds": 1, "pred_cls": 18.082739749616067, "error_w_gmm": 0.06310743684518064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060689226843477544}, "run_9414": {"edge_length": 600, "pf": 0.5139638888888889, "in_bounds_one_im": 1, "error_one_im": 0.04518575092971285, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 16.87062309110104, "error_w_gmm": 0.05572689754626756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053591501977265636}, "run_9415": {"edge_length": 600, "pf": 0.48083333333333333, "in_bounds_one_im": 1, "error_one_im": 0.05230025772520896, "one_im_sa_cls": 15.408163265306122, "model_in_bounds": 1, "pred_cls": 24.838753539889193, "error_w_gmm": 0.08767013840968067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08431071175330915}, "run_9416": {"edge_length": 600, "pf": 0.49955, "in_bounds_one_im": 1, "error_one_im": 0.04964374787381204, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 21.455764139875534, "error_w_gmm": 0.072945856629346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07015064882338436}, "run_9417": {"edge_length": 600, "pf": 0.4871027777777778, "in_bounds_one_im": 1, "error_one_im": 0.05062177285033734, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 20.558051622709762, "error_w_gmm": 0.0716560063767972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06891022426354837}, "run_9418": {"edge_length": 600, "pf": 0.5038694444444445, "in_bounds_one_im": 1, "error_one_im": 0.05001053865328557, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 14.508794279511699, "error_w_gmm": 0.04890306464475018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04702915111015388}, "run_9419": {"edge_length": 600, "pf": 0.5315666666666666, "in_bounds_one_im": 0, "error_one_im": 0.05294392683661256, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 25.772375468617646, "error_w_gmm": 0.08217983274038972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07903078877020549}, "run_9420": {"edge_length": 600, "pf": 0.4809833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04972225803578557, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 20.58504899534419, "error_w_gmm": 0.07263456173010639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06985128241429502}, "run_9421": {"edge_length": 600, "pf": 0.5213638888888888, "in_bounds_one_im": 1, "error_one_im": 0.052377753794776855, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 23.264461805550127, "error_w_gmm": 0.07571658956901318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07281521021748248}, "run_9422": {"edge_length": 600, "pf": 0.5082583333333334, "in_bounds_one_im": 1, "error_one_im": 0.04583573361726376, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 18.939205045118563, "error_w_gmm": 0.06327814999055123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06085339844230159}, "run_9423": {"edge_length": 600, "pf": 0.4871972222222222, "in_bounds_one_im": 1, "error_one_im": 0.051159364523237126, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 19.183643127548688, "error_w_gmm": 0.0668528069383242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06429107832974845}, "run_9424": {"edge_length": 600, "pf": 0.5194305555555555, "in_bounds_one_im": 1, "error_one_im": 0.04392438225745798, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 22.153900779196817, "error_w_gmm": 0.07238195579702653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.069608356072471}, "run_9425": {"edge_length": 600, "pf": 0.4938138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05284890394088516, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 18.25143589341, "error_w_gmm": 0.06276770888782184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06036251690087917}, "run_9426": {"edge_length": 600, "pf": 0.49219444444444443, "in_bounds_one_im": 1, "error_one_im": 0.0446915139013542, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 22.978174010453838, "error_w_gmm": 0.07927963854232366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07624172693572841}, "run_9427": {"edge_length": 600, "pf": 0.5005333333333334, "in_bounds_one_im": 1, "error_one_im": 0.03975683872964716, "one_im_sa_cls": 12.183673469387756, "model_in_bounds": 1, "pred_cls": 19.333011652469963, "error_w_gmm": 0.06559972854893004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06308601657429855}, "run_9428": {"edge_length": 600, "pf": 0.4853472222222222, "in_bounds_one_im": 1, "error_one_im": 0.0428367226734988, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 20.268600511706342, "error_w_gmm": 0.07089578677931262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06817913547419091}, "run_9429": {"edge_length": 600, "pf": 0.5097, "in_bounds_one_im": 1, "error_one_im": 0.04387295741776927, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 20.603591295641667, "error_w_gmm": 0.06864079950836482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06601055692216634}, "run_9430": {"edge_length": 600, "pf": 0.49143888888888887, "in_bounds_one_im": 1, "error_one_im": 0.04631890433931671, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 16.02491433947918, "error_w_gmm": 0.05537303237965672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05325119654826933}, "run_9431": {"edge_length": 600, "pf": 0.5241055555555556, "in_bounds_one_im": 1, "error_one_im": 0.059840828704342375, "one_im_sa_cls": 19.224489795918366, "model_in_bounds": 1, "pred_cls": 17.08658993268502, "error_w_gmm": 0.05530534550067955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05318610335865617}, "run_9432": {"edge_length": 600, "pf": 0.49691111111111114, "in_bounds_one_im": 1, "error_one_im": 0.05044308161085207, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 18.90888599690849, "error_w_gmm": 0.0646271091132512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06215066688311874}, "run_9433": {"edge_length": 600, "pf": 0.47954722222222224, "in_bounds_one_im": 1, "error_one_im": 0.050421104730379425, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 13.886976220747947, "error_w_gmm": 0.049141504051379785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047258453771785704}, "run_9434": {"edge_length": 600, "pf": 0.5190888888888889, "in_bounds_one_im": 1, "error_one_im": 0.0451094596435437, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 16.234824589900942, "error_w_gmm": 0.05307926702118921, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05104532584388225}, "run_9435": {"edge_length": 600, "pf": 0.5301361111111111, "in_bounds_one_im": 0, "error_one_im": 0.042866083416493755, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 0, "pred_cls": 16.45771106856209, "error_w_gmm": 0.052629294856166964, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05061259613465186}, "run_9436": {"edge_length": 600, "pf": 0.49940555555555555, "in_bounds_one_im": 1, "error_one_im": 0.049858325728350875, "one_im_sa_cls": 15.244897959183673, "model_in_bounds": 1, "pred_cls": 17.258131927944724, "error_w_gmm": 0.0586915920084866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056442592494229823}, "run_9437": {"edge_length": 600, "pf": 0.504425, "in_bounds_one_im": 1, "error_one_im": 0.051739105509278384, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 22.805799663810244, "error_w_gmm": 0.07678342416974009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07384116484857964}, "run_9438": {"edge_length": 600, "pf": 0.5179, "in_bounds_one_im": 1, "error_one_im": 0.04592451543518576, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 14.059249544300897, "error_w_gmm": 0.04607586815931793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04431028979343749}, "run_9439": {"edge_length": 600, "pf": 0.5033694444444444, "in_bounds_one_im": 1, "error_one_im": 0.04873622294863203, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 22.080647000597274, "error_w_gmm": 0.07449907242266463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07164434703598702}, "run_9440": {"edge_length": 600, "pf": 0.5171722222222223, "in_bounds_one_im": 1, "error_one_im": 0.043608179625067925, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 19.04063362463964, "error_w_gmm": 0.062492183930570044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060097549767564686}, "run_9441": {"edge_length": 800, "pf": 0.492784375, "in_bounds_one_im": 1, "error_one_im": 0.04291412228675533, "one_im_sa_cls": 17.26530612244898, "model_in_bounds": 1, "pred_cls": 21.41095190811872, "error_w_gmm": 0.053941317696756724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05321841396522621}, "run_9442": {"edge_length": 800, "pf": 0.4864796875, "in_bounds_one_im": 1, "error_one_im": 0.03688356794213743, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 18.124559608540977, "error_w_gmm": 0.04624147179873456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045621758859894286}, "run_9443": {"edge_length": 800, "pf": 0.50813125, "in_bounds_one_im": 1, "error_one_im": 0.03522181320980667, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 18.926459073936083, "error_w_gmm": 0.04624063199840978, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04562093031429628}, "run_9444": {"edge_length": 800, "pf": 0.491528125, "in_bounds_one_im": 1, "error_one_im": 0.0321394458026579, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 14.156188269707291, "error_w_gmm": 0.03575389326237422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035274731388698535}, "run_9445": {"edge_length": 800, "pf": 0.5157328125, "in_bounds_one_im": 1, "error_one_im": 0.03764550980638998, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 17.510156338145503, "error_w_gmm": 0.04213450456648039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041569831846608535}, "run_9446": {"edge_length": 800, "pf": 0.49110625, "in_bounds_one_im": 1, "error_one_im": 0.03776519723805803, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 15.119156398503755, "error_w_gmm": 0.03821827802999911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03770608928526216}, "run_9447": {"edge_length": 800, "pf": 0.46366875, "in_bounds_one_im": 0, "error_one_im": 0.03860993816864514, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 0, "pred_cls": 16.225188415380433, "error_w_gmm": 0.043333135474653305, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.042752399099067334}, "run_9448": {"edge_length": 800, "pf": 0.4849734375, "in_bounds_one_im": 1, "error_one_im": 0.039262037477437804, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 17.774288091459276, "error_w_gmm": 0.045484746748387726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044875175188846296}, "run_9449": {"edge_length": 800, "pf": 0.5067109375, "in_bounds_one_im": 1, "error_one_im": 0.03591401891100335, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 18.161427966667002, "error_w_gmm": 0.04449777791484167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04390143338576854}, "run_9450": {"edge_length": 800, "pf": 0.500321875, "in_bounds_one_im": 1, "error_one_im": 0.03792488065455988, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 16.08048817866712, "error_w_gmm": 0.03990592481384054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039371118784067946}, "run_9451": {"edge_length": 800, "pf": 0.49768125, "in_bounds_one_im": 1, "error_one_im": 0.03737223014460951, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 18.398616031486537, "error_w_gmm": 0.04590044955420747, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04528530688290299}, "run_9452": {"edge_length": 800, "pf": 0.4979765625, "in_bounds_one_im": 1, "error_one_im": 0.03910722740414902, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 17.88478910882694, "error_w_gmm": 0.04459222025645783, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04399461004230167}, "run_9453": {"edge_length": 800, "pf": 0.5028796875, "in_bounds_one_im": 1, "error_one_im": 0.03922272245032928, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 17.377134698397327, "error_w_gmm": 0.042903685761850004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04232870472953614}, "run_9454": {"edge_length": 800, "pf": 0.4866296875, "in_bounds_one_im": 1, "error_one_im": 0.03548592632301425, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 14.341916673748115, "error_w_gmm": 0.03657977232212922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03608954228995127}, "run_9455": {"edge_length": 800, "pf": 0.510996875, "in_bounds_one_im": 1, "error_one_im": 0.04030286602272662, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 20.91505649918547, "error_w_gmm": 0.05080698986055877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050126091355918764}, "run_9456": {"edge_length": 800, "pf": 0.481021875, "in_bounds_one_im": 1, "error_one_im": 0.042378374609971015, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 22.444684666934567, "error_w_gmm": 0.05789263927173028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057116781232945175}, "run_9457": {"edge_length": 800, "pf": 0.477134375, "in_bounds_one_im": 0, "error_one_im": 0.0350157017111558, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 0, "pred_cls": 15.344313473058921, "error_w_gmm": 0.039887781523965396, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.039353218644573855}, "run_9458": {"edge_length": 800, "pf": 0.485925, "in_bounds_one_im": 1, "error_one_im": 0.03512459683971064, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 18.696127589146368, "error_w_gmm": 0.04775270872771743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04711274269047631}, "run_9459": {"edge_length": 800, "pf": 0.4930328125, "in_bounds_one_im": 1, "error_one_im": 0.03898884569954261, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 12.80351216906027, "error_w_gmm": 0.032240284122794914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03180821047882138}, "run_9460": {"edge_length": 800, "pf": 0.487390625, "in_bounds_one_im": 1, "error_one_im": 0.03199641347796442, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 17.819695980464136, "error_w_gmm": 0.045380858240773425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04477267896071315}, "run_9461": {"edge_length": 800, "pf": 0.4945765625, "in_bounds_one_im": 1, "error_one_im": 0.03522943878617309, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 15.90483505079416, "error_w_gmm": 0.0399261854884679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039391107931822836}, "run_9462": {"edge_length": 800, "pf": 0.5171328125, "in_bounds_one_im": 0, "error_one_im": 0.0316941174648188, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 20.874719502746938, "error_w_gmm": 0.05009001667508722, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04941872680837663}, "run_9463": {"edge_length": 800, "pf": 0.4751703125, "in_bounds_one_im": 0, "error_one_im": 0.04114417259777431, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 0, "pred_cls": 19.09093217248833, "error_w_gmm": 0.049822946710684414, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04915523602746597}, "run_9464": {"edge_length": 800, "pf": 0.5034078125, "in_bounds_one_im": 1, "error_one_im": 0.03441400555317026, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 12.986443505678706, "error_w_gmm": 0.032029335186502694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031600088610530416}, "run_9465": {"edge_length": 800, "pf": 0.495203125, "in_bounds_one_im": 1, "error_one_im": 0.03972861241369702, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 20.33092665961546, "error_w_gmm": 0.05097315816714246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0502900327297166}, "run_9466": {"edge_length": 800, "pf": 0.4970921875, "in_bounds_one_im": 1, "error_one_im": 0.03721512362823303, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 20.473299182819282, "error_w_gmm": 0.051136533381565014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05045121844345226}, "run_9467": {"edge_length": 800, "pf": 0.4832359375, "in_bounds_one_im": 1, "error_one_im": 0.0362965774582988, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 15.41697296629916, "error_w_gmm": 0.03958980643693818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039059236921289216}, "run_9468": {"edge_length": 800, "pf": 0.4957921875, "in_bounds_one_im": 1, "error_one_im": 0.04018604730905118, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 13.257478399897083, "error_w_gmm": 0.03319965739065727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032754726542876325}, "run_9469": {"edge_length": 800, "pf": 0.51359375, "in_bounds_one_im": 1, "error_one_im": 0.03245469754876611, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 17.061946372428118, "error_w_gmm": 0.041232152630275666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040679572933149416}, "run_9470": {"edge_length": 800, "pf": 0.4920390625, "in_bounds_one_im": 1, "error_one_im": 0.04140330402106301, "one_im_sa_cls": 16.632653061224488, "model_in_bounds": 1, "pred_cls": 15.816772609674464, "error_w_gmm": 0.03990717319517107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03937235043500409}, "run_9471": {"edge_length": 800, "pf": 0.5114578125, "in_bounds_one_im": 1, "error_one_im": 0.031567534946324104, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 17.290984791240525, "error_w_gmm": 0.041964648008573545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04140225165021416}, "run_9472": {"edge_length": 800, "pf": 0.501334375, "in_bounds_one_im": 1, "error_one_im": 0.04248568185065596, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 19.913236866680073, "error_w_gmm": 0.049317444157221633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048656508052337594}, "run_9473": {"edge_length": 800, "pf": 0.534140625, "in_bounds_one_im": 0, "error_one_im": 0.03287261836837491, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 0, "pred_cls": 17.38487154648896, "error_w_gmm": 0.04031705756969022, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03977674167445542}, "run_9474": {"edge_length": 800, "pf": 0.5159390625, "in_bounds_one_im": 1, "error_one_im": 0.03762996864950418, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 18.923202806328266, "error_w_gmm": 0.045515905338959384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044905916202273834}, "run_9475": {"edge_length": 800, "pf": 0.4999640625, "in_bounds_one_im": 1, "error_one_im": 0.03935210526544235, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 17.854911329016588, "error_w_gmm": 0.044341118160314774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04374687313355197}, "run_9476": {"edge_length": 800, "pf": 0.4907328125, "in_bounds_one_im": 1, "error_one_im": 0.03881211361577752, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 18.470414030379775, "error_w_gmm": 0.046724499420547405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046098313104986875}, "run_9477": {"edge_length": 800, "pf": 0.506540625, "in_bounds_one_im": 1, "error_one_im": 0.03311334892229641, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.815574865233236, "error_w_gmm": 0.0387633472290472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03824385364685437}, "run_9478": {"edge_length": 800, "pf": 0.5059703125, "in_bounds_one_im": 1, "error_one_im": 0.033842824472823996, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 20.79560700020679, "error_w_gmm": 0.05102738767518122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0503435354717921}, "run_9479": {"edge_length": 800, "pf": 0.50095, "in_bounds_one_im": 1, "error_one_im": 0.029992408009677615, "one_im_sa_cls": 12.26530612244898, "model_in_bounds": 1, "pred_cls": 16.18451350427103, "error_w_gmm": 0.040113653317051155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03957606337845835}, "run_9480": {"edge_length": 800, "pf": 0.505003125, "in_bounds_one_im": 1, "error_one_im": 0.037719957187262926, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 17.086351733011735, "error_w_gmm": 0.04200696124386315, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0414439978174937}, "run_9481": {"edge_length": 1000, "pf": 0.499797, "in_bounds_one_im": 1, "error_one_im": 0.03033175505656994, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 20.854428989743656, "error_w_gmm": 0.04172579521478372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0408905279236349}, "run_9482": {"edge_length": 1000, "pf": 0.500732, "in_bounds_one_im": 1, "error_one_im": 0.029316509669929432, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 19.307434679605525, "error_w_gmm": 0.03855837851150054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03778651659240208}, "run_9483": {"edge_length": 1000, "pf": 0.516602, "in_bounds_one_im": 0, "error_one_im": 0.029677120354181054, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 19.94229743411549, "error_w_gmm": 0.0385815408282512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037809215245717}, "run_9484": {"edge_length": 1000, "pf": 0.49532, "in_bounds_one_im": 1, "error_one_im": 0.0305238226510929, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 16.886920307859505, "error_w_gmm": 0.03409145716605484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03340901411297869}, "run_9485": {"edge_length": 1000, "pf": 0.49933, "in_bounds_one_im": 1, "error_one_im": 0.026875495876656247, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 15.616821918175463, "error_w_gmm": 0.03127552499827059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03064945129709624}, "run_9486": {"edge_length": 1000, "pf": 0.492212, "in_bounds_one_im": 1, "error_one_im": 0.030632925510390766, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 19.18434450939148, "error_w_gmm": 0.03897104742322003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038190924694656896}, "run_9487": {"edge_length": 1000, "pf": 0.506843, "in_bounds_one_im": 1, "error_one_im": 0.02564609473630227, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 17.283535780977978, "error_w_gmm": 0.034097180083472484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03341462246899127}, "run_9488": {"edge_length": 1000, "pf": 0.502222, "in_bounds_one_im": 1, "error_one_im": 0.029069988082597756, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 18.07551720228321, "error_w_gmm": 0.035990734602383334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035270271798905496}, "run_9489": {"edge_length": 1000, "pf": 0.479547, "in_bounds_one_im": 0, "error_one_im": 0.02779412547708708, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 0, "pred_cls": 17.020120503137527, "error_w_gmm": 0.03546237313612582, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03475248707656372}, "run_9490": {"edge_length": 1000, "pf": 0.493332, "in_bounds_one_im": 1, "error_one_im": 0.029267208612214036, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 15.171783488585834, "error_w_gmm": 0.03075096342042022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030135390396966086}, "run_9491": {"edge_length": 1000, "pf": 0.491204, "in_bounds_one_im": 1, "error_one_im": 0.028455753072274083, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 18.108067040429155, "error_w_gmm": 0.03685895227892465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03612110948728643}, "run_9492": {"edge_length": 1000, "pf": 0.504843, "in_bounds_one_im": 1, "error_one_im": 0.031017519586260707, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.832742350826067, "error_w_gmm": 0.0353216857711798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034614615992376675}, "run_9493": {"edge_length": 1000, "pf": 0.508587, "in_bounds_one_im": 1, "error_one_im": 0.031572447475050704, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 21.00622355887393, "error_w_gmm": 0.04129701600062409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040470332015098726}, "run_9494": {"edge_length": 1000, "pf": 0.495382, "in_bounds_one_im": 1, "error_one_im": 0.029874110882740185, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 20.89265616999723, "error_w_gmm": 0.04217304028123219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041328820034886075}, "run_9495": {"edge_length": 1000, "pf": 0.503987, "in_bounds_one_im": 1, "error_one_im": 0.029126274172131757, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 19.331344486341077, "error_w_gmm": 0.03835561212478342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03758780918478173}, "run_9496": {"edge_length": 1000, "pf": 0.487239, "in_bounds_one_im": 1, "error_one_im": 0.030036516475309413, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 20.404507721320584, "error_w_gmm": 0.04186417994323058, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041026142465518}, "run_9497": {"edge_length": 1000, "pf": 0.485864, "in_bounds_one_im": 1, "error_one_im": 0.0307776357425348, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 19.47603339146926, "error_w_gmm": 0.04006933664657121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03926722835584518}, "run_9498": {"edge_length": 1000, "pf": 0.492174, "in_bounds_one_im": 1, "error_one_im": 0.029822648054935782, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 15.02689106305937, "error_w_gmm": 0.030527923596280405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02991681538574999}, "run_9499": {"edge_length": 1000, "pf": 0.493702, "in_bounds_one_im": 1, "error_one_im": 0.03337719878865538, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.31494733580132, "error_w_gmm": 0.03709422761215144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03635167507707397}, "run_9500": {"edge_length": 1000, "pf": 0.51173, "in_bounds_one_im": 1, "error_one_im": 0.030046087832578575, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 18.938537330336096, "error_w_gmm": 0.03699866139665679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03625802190681987}, "run_9501": {"edge_length": 1000, "pf": 0.505814, "in_bounds_one_im": 1, "error_one_im": 0.029968914503984888, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 19.623153464263844, "error_w_gmm": 0.03879257353960112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038016023502619796}, "run_9502": {"edge_length": 1000, "pf": 0.515366, "in_bounds_one_im": 0, "error_one_im": 0.026492428595934207, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 0, "pred_cls": 11.668695182422596, "error_w_gmm": 0.022630875139592457, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022177850106112087}, "run_9503": {"edge_length": 1000, "pf": 0.487327, "in_bounds_one_im": 1, "error_one_im": 0.032041514151688016, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 20.334292184009065, "error_w_gmm": 0.04171277101322898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04087776444064762}, "run_9504": {"edge_length": 1000, "pf": 0.489486, "in_bounds_one_im": 1, "error_one_im": 0.027736743864290897, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 19.313518367868515, "error_w_gmm": 0.039448008525312626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03865833798572088}, "run_9505": {"edge_length": 1000, "pf": 0.51439, "in_bounds_one_im": 1, "error_one_im": 0.03171317484185421, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 20.78744942231587, "error_w_gmm": 0.040395106120418516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03958647657384696}, "run_9506": {"edge_length": 1000, "pf": 0.509241, "in_bounds_one_im": 1, "error_one_im": 0.02450242429028269, "one_im_sa_cls": 12.73469387755102, "model_in_bounds": 1, "pred_cls": 16.962649424614373, "error_w_gmm": 0.0333039800204691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032637300690980475}, "run_9507": {"edge_length": 1000, "pf": 0.50406, "in_bounds_one_im": 1, "error_one_im": 0.026543096137480585, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 17.038911818687957, "error_w_gmm": 0.03380222609255778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03312557286934669}, "run_9508": {"edge_length": 1000, "pf": 0.501856, "in_bounds_one_im": 1, "error_one_im": 0.029728892455427976, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 15.504914523300348, "error_w_gmm": 0.03089493341169166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03027647839583937}, "run_9509": {"edge_length": 1000, "pf": 0.491248, "in_bounds_one_im": 1, "error_one_im": 0.030610647675673612, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 15.836531051841384, "error_w_gmm": 0.032232405604664525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03158717706011474}, "run_9510": {"edge_length": 1000, "pf": 0.490445, "in_bounds_one_im": 1, "error_one_im": 0.031067575354327297, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 18.807534319664388, "error_w_gmm": 0.03834089413613378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03757338582094257}, "run_9511": {"edge_length": 1000, "pf": 0.5024, "in_bounds_one_im": 1, "error_one_im": 0.03280156713560451, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 20.353943087990302, "error_w_gmm": 0.040512955034266156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03970196638722619}, "run_9512": {"edge_length": 1000, "pf": 0.4891, "in_bounds_one_im": 1, "error_one_im": 0.032173318869901726, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 17.427823567360424, "error_w_gmm": 0.0356239662150716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034910845384005955}, "run_9513": {"edge_length": 1000, "pf": 0.509309, "in_bounds_one_im": 1, "error_one_im": 0.025833977411043967, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 17.095990847727737, "error_w_gmm": 0.03356121254467086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032889383932524364}, "run_9514": {"edge_length": 1000, "pf": 0.494906, "in_bounds_one_im": 1, "error_one_im": 0.029175207521330123, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 14.982178226325695, "error_w_gmm": 0.03027120436199394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029665235159079907}, "run_9515": {"edge_length": 1000, "pf": 0.484011, "in_bounds_one_im": 0, "error_one_im": 0.03200709944753933, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 20.783832442221932, "error_w_gmm": 0.0429188655396576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042059715357523085}, "run_9516": {"edge_length": 1000, "pf": 0.494251, "in_bounds_one_im": 1, "error_one_im": 0.0340688787417655, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 20.637245353379058, "error_w_gmm": 0.041751824771331755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04091603642031876}, "run_9517": {"edge_length": 1000, "pf": 0.484948, "in_bounds_one_im": 0, "error_one_im": 0.027412687105014696, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 17.865910789328197, "error_w_gmm": 0.03682418209012717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036087035328397056}, "run_9518": {"edge_length": 1000, "pf": 0.509406, "in_bounds_one_im": 1, "error_one_im": 0.026731800489751132, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 19.41940482360008, "error_w_gmm": 0.038114918826832406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03735193408712954}, "run_9519": {"edge_length": 1000, "pf": 0.501514, "in_bounds_one_im": 1, "error_one_im": 0.028233857664452907, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 16.17278238608788, "error_w_gmm": 0.03224777023880434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031602234124889605}, "run_9520": {"edge_length": 1000, "pf": 0.494336, "in_bounds_one_im": 1, "error_one_im": 0.03199988317728197, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 17.616626352460642, "error_w_gmm": 0.035634661448652453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034921326520318346}, "run_9521": {"edge_length": 1200, "pf": 0.4986847222222222, "in_bounds_one_im": 1, "error_one_im": 0.02663615446526032, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 19.862440940198482, "error_w_gmm": 0.03319126516329858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03252684216069212}, "run_9522": {"edge_length": 1200, "pf": 0.5165256944444444, "in_bounds_one_im": 0, "error_one_im": 0.0235415123384899, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 20.530680607035357, "error_w_gmm": 0.03310494192944086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03244224694599697}, "run_9523": {"edge_length": 1200, "pf": 0.50421875, "in_bounds_one_im": 1, "error_one_im": 0.024458962884701497, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 17.208892369499623, "error_w_gmm": 0.028440499611152588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027871177470092285}, "run_9524": {"edge_length": 1200, "pf": 0.503375, "in_bounds_one_im": 1, "error_one_im": 0.024102972872940987, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 16.96517416516096, "error_w_gmm": 0.0280850718862421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027522864700126506}, "run_9525": {"edge_length": 1200, "pf": 0.49270277777777777, "in_bounds_one_im": 1, "error_one_im": 0.026618540176777318, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 16.765791212708265, "error_w_gmm": 0.02835381751319253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02778623057503916}, "run_9526": {"edge_length": 1200, "pf": 0.48350902777777777, "in_bounds_one_im": 0, "error_one_im": 0.022806457293178973, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 0, "pred_cls": 16.718181932725418, "error_w_gmm": 0.028798301250188316, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02822181663315201}, "run_9527": {"edge_length": 1200, "pf": 0.5002173611111111, "in_bounds_one_im": 1, "error_one_im": 0.025121948058500845, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 19.78401169650712, "error_w_gmm": 0.032959021692650935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032299247741635055}, "run_9528": {"edge_length": 1200, "pf": 0.4968090277777778, "in_bounds_one_im": 1, "error_one_im": 0.02291200785463203, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 16.156981189456456, "error_w_gmm": 0.027100708810578578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026558206612120706}, "run_9529": {"edge_length": 1200, "pf": 0.4997138888888889, "in_bounds_one_im": 1, "error_one_im": 0.02407999960680336, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 17.906165867397593, "error_w_gmm": 0.029860691844469957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02926294028430498}, "run_9530": {"edge_length": 1200, "pf": 0.5017979166666666, "in_bounds_one_im": 1, "error_one_im": 0.02580656054958998, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 16.929520811225895, "error_w_gmm": 0.028114590221616595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027551792137235253}, "run_9531": {"edge_length": 1200, "pf": 0.5006979166666666, "in_bounds_one_im": 1, "error_one_im": 0.024432090125727536, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.383229243620594, "error_w_gmm": 0.028931636772503346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02835248304395058}, "run_9532": {"edge_length": 1200, "pf": 0.51253125, "in_bounds_one_im": 1, "error_one_im": 0.024868260888613998, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.18347911255362, "error_w_gmm": 0.027930136853213276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02737103115778641}, "run_9533": {"edge_length": 1200, "pf": 0.49995833333333334, "in_bounds_one_im": 1, "error_one_im": 0.024268243030300243, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 17.82125273141314, "error_w_gmm": 0.0297045631628198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029109936987811086}, "run_9534": {"edge_length": 1200, "pf": 0.49863402777777777, "in_bounds_one_im": 1, "error_one_im": 0.026772550866484696, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 20.705249251609864, "error_w_gmm": 0.03460315386803688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03391046766642509}, "run_9535": {"edge_length": 1200, "pf": 0.5027652777777778, "in_bounds_one_im": 1, "error_one_im": 0.02472906397881651, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 14.939964325910687, "error_w_gmm": 0.024762608749087284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024266910655733772}, "run_9536": {"edge_length": 1200, "pf": 0.4964798611111111, "in_bounds_one_im": 1, "error_one_im": 0.024471235560350527, "one_im_sa_cls": 14.877551020408163, "model_in_bounds": 1, "pred_cls": 17.067861964388083, "error_w_gmm": 0.028647417393558236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028073953170730186}, "run_9537": {"edge_length": 1200, "pf": 0.49878333333333336, "in_bounds_one_im": 1, "error_one_im": 0.02622993455554985, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 18.172243928244253, "error_w_gmm": 0.030360861643711205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02975309768063874}, "run_9538": {"edge_length": 1200, "pf": 0.49457986111111113, "in_bounds_one_im": 1, "error_one_im": 0.027563357999727117, "one_im_sa_cls": 16.693877551020407, "model_in_bounds": 1, "pred_cls": 16.855738321166903, "error_w_gmm": 0.02839910067241557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027830607255630923}, "run_9539": {"edge_length": 1200, "pf": 0.5021916666666667, "in_bounds_one_im": 1, "error_one_im": 0.024923385347085623, "one_im_sa_cls": 15.326530612244898, "model_in_bounds": 1, "pred_cls": 17.441712614338314, "error_w_gmm": 0.0289423776685393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028363008928646637}, "run_9540": {"edge_length": 1200, "pf": 0.5063506944444445, "in_bounds_one_im": 1, "error_one_im": 0.021195330480542496, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 15.604292165126193, "error_w_gmm": 0.025678898047919632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02516485766829922}, "run_9541": {"edge_length": 1200, "pf": 0.5012520833333334, "in_bounds_one_im": 1, "error_one_im": 0.024139031285791476, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 16.285545572546248, "error_w_gmm": 0.027074691311098183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026532709931145954}, "run_9542": {"edge_length": 1200, "pf": 0.5040638888888889, "in_bounds_one_im": 1, "error_one_im": 0.027838955043814638, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 17.395811719065684, "error_w_gmm": 0.02875832062602865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028182636341435793}, "run_9543": {"edge_length": 1200, "pf": 0.48490555555555553, "in_bounds_one_im": 0, "error_one_im": 0.025972120755727454, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 0, "pred_cls": 17.096841806946728, "error_w_gmm": 0.029368346525364273, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028780450737603054}, "run_9544": {"edge_length": 1200, "pf": 0.5002548611111111, "in_bounds_one_im": 1, "error_one_im": 0.028051848638426743, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 19.80946267976295, "error_w_gmm": 0.03299894654754774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03233837338047792}, "run_9545": {"edge_length": 1200, "pf": 0.49407083333333335, "in_bounds_one_im": 1, "error_one_im": 0.02303783793333025, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 15.839161812558512, "error_w_gmm": 0.026713524749973967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026178773205034124}, "run_9546": {"edge_length": 1200, "pf": 0.49670277777777777, "in_bounds_one_im": 1, "error_one_im": 0.026809055674325576, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 18.86499637266635, "error_w_gmm": 0.03164968908302743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031016125362312068}, "run_9547": {"edge_length": 1200, "pf": 0.5087916666666666, "in_bounds_one_im": 1, "error_one_im": 0.02603758866385692, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 19.382568756888976, "error_w_gmm": 0.03174117146158733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031105776445910928}, "run_9548": {"edge_length": 1200, "pf": 0.49944652777777776, "in_bounds_one_im": 1, "error_one_im": 0.02559451291357727, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 18.327450610280753, "error_w_gmm": 0.030579582201508776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029967439888619597}, "run_9549": {"edge_length": 1200, "pf": 0.5056805555555556, "in_bounds_one_im": 1, "error_one_im": 0.02471711329070213, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 15.96524005655453, "error_w_gmm": 0.026308126564073515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02578149028315278}, "run_9550": {"edge_length": 1200, "pf": 0.5058909722222222, "in_bounds_one_im": 1, "error_one_im": 0.026880902983892684, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 22.10003377339766, "error_w_gmm": 0.03640194731365352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03567325285094271}, "run_9551": {"edge_length": 1200, "pf": 0.5000166666666667, "in_bounds_one_im": 1, "error_one_im": 0.025065370534507546, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 20.18720662355132, "error_w_gmm": 0.03364422287979767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03297073256612096}, "run_9552": {"edge_length": 1200, "pf": 0.4982875, "in_bounds_one_im": 1, "error_one_im": 0.02508531117937459, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 17.29075097343848, "error_w_gmm": 0.028916789265707094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02833793275466019}, "run_9553": {"edge_length": 1200, "pf": 0.5023291666666667, "in_bounds_one_im": 1, "error_one_im": 0.021366506988843723, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 13.882622798506247, "error_w_gmm": 0.023030171402798155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02256915325363429}, "run_9554": {"edge_length": 1200, "pf": 0.4972215277777778, "in_bounds_one_im": 1, "error_one_im": 0.027116439338846568, "one_im_sa_cls": 16.510204081632654, "model_in_bounds": 1, "pred_cls": 17.466627736269874, "error_w_gmm": 0.029273266671054052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028687274192551383}, "run_9555": {"edge_length": 1200, "pf": 0.5019111111111111, "in_bounds_one_im": 1, "error_one_im": 0.02483775762073116, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 17.66717528234781, "error_w_gmm": 0.02933295995630131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028745772537153002}, "run_9556": {"edge_length": 1200, "pf": 0.49378055555555556, "in_bounds_one_im": 1, "error_one_im": 0.023118718444917488, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 19.060846176566102, "error_w_gmm": 0.03216572507303205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03152183133987996}, "run_9557": {"edge_length": 1200, "pf": 0.49001805555555555, "in_bounds_one_im": 1, "error_one_im": 0.025163662029527398, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 17.375372760676658, "error_w_gmm": 0.0295429758176758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028951584299391177}, "run_9558": {"edge_length": 1200, "pf": 0.5007513888888889, "in_bounds_one_im": 1, "error_one_im": 0.023530845381792873, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 17.564754131433222, "error_w_gmm": 0.029230630021805076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02864549104407662}, "run_9559": {"edge_length": 1200, "pf": 0.4960909722222222, "in_bounds_one_im": 1, "error_one_im": 0.02227305045725141, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 16.04591822062594, "error_w_gmm": 0.02695310056071904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026413553185347865}, "run_9560": {"edge_length": 1200, "pf": 0.4914145833333333, "in_bounds_one_im": 1, "error_one_im": 0.024754351660945167, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 19.56366270329762, "error_w_gmm": 0.03317086886041355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03250685415115586}, "run_9561": {"edge_length": 1400, "pf": 0.5037581632653061, "in_bounds_one_im": 1, "error_one_im": 0.021608000739482963, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 17.489575755716746, "error_w_gmm": 0.024302052234752278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02430160567883959}, "run_9562": {"edge_length": 1400, "pf": 0.5027836734693878, "in_bounds_one_im": 1, "error_one_im": 0.021309209819956498, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 18.43413147592628, "error_w_gmm": 0.025664500921879958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025664029330652923}, "run_9563": {"edge_length": 1400, "pf": 0.49874183673469386, "in_bounds_one_im": 1, "error_one_im": 0.02237009550414098, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.370418224777286, "error_w_gmm": 0.025783383502770638, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025782909727048296}, "run_9564": {"edge_length": 1400, "pf": 0.5030964285714286, "in_bounds_one_im": 1, "error_one_im": 0.022744004537739212, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 16.139224840317894, "error_w_gmm": 0.022455418300466407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02245500567688564}, "run_9565": {"edge_length": 1400, "pf": 0.49908979591836733, "in_bounds_one_im": 1, "error_one_im": 0.020665778345565055, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 16.135174109979513, "error_w_gmm": 0.022630402895020475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022629987056056632}, "run_9566": {"edge_length": 1400, "pf": 0.4952780612244898, "in_bounds_one_im": 1, "error_one_im": 0.023102449907317517, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 17.33434909692619, "error_w_gmm": 0.024498366084195703, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02449791592096992}, "run_9567": {"edge_length": 1400, "pf": 0.5020821428571428, "in_bounds_one_im": 1, "error_one_im": 0.020713181841147243, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 19.05032618218669, "error_w_gmm": 0.02655962354329226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026559135503977004}, "run_9568": {"edge_length": 1400, "pf": 0.517955612244898, "in_bounds_one_im": 0, "error_one_im": 0.021140564664470448, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 0, "pred_cls": 17.88658242291308, "error_w_gmm": 0.024157536683405107, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02415709278299967}, "run_9569": {"edge_length": 1400, "pf": 0.501001530612245, "in_bounds_one_im": 1, "error_one_im": 0.022326251762834187, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 17.698937060839516, "error_w_gmm": 0.024728928618242055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024728474218375627}, "run_9570": {"edge_length": 1400, "pf": 0.5057341836734693, "in_bounds_one_im": 1, "error_one_im": 0.021014353994330593, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 18.35389280246064, "error_w_gmm": 0.025402435627490377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025401968851774603}, "run_9571": {"edge_length": 1400, "pf": 0.5060591836734694, "in_bounds_one_im": 1, "error_one_im": 0.021480551843653682, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 17.91344149646442, "error_w_gmm": 0.02477672312224084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024776267844139287}, "run_9572": {"edge_length": 1400, "pf": 0.49388979591836735, "in_bounds_one_im": 1, "error_one_im": 0.02122890312836294, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 18.605821584519447, "error_w_gmm": 0.026368438229274285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026367953703034075}, "run_9573": {"edge_length": 1400, "pf": 0.48781785714285714, "in_bounds_one_im": 0, "error_one_im": 0.021078506743704865, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 0, "pred_cls": 16.66623357608308, "error_w_gmm": 0.023908309493652653, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023907870172855214}, "run_9574": {"edge_length": 1400, "pf": 0.5160653061224489, "in_bounds_one_im": 0, "error_one_im": 0.02318510362991495, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 0, "pred_cls": 16.70747599252213, "error_w_gmm": 0.02265061137947138, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02265019516917201}, "run_9575": {"edge_length": 1400, "pf": 0.49778163265306125, "in_bounds_one_im": 1, "error_one_im": 0.021408668864254757, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 17.476862737248883, "error_w_gmm": 0.024576406006425897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02457595440919829}, "run_9576": {"edge_length": 1400, "pf": 0.4904015306122449, "in_bounds_one_im": 1, "error_one_im": 0.021843558380216104, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 18.501754729337193, "error_w_gmm": 0.026404570281867313, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026404085091692137}, "run_9577": {"edge_length": 1400, "pf": 0.49583214285714283, "in_bounds_one_im": 1, "error_one_im": 0.023364961411110646, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 17.05285258630405, "error_w_gmm": 0.02407383679987186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024073394437471356}, "run_9578": {"edge_length": 1400, "pf": 0.5021647959183674, "in_bounds_one_im": 1, "error_one_im": 0.022388158767417576, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 17.657777830546838, "error_w_gmm": 0.024614088304837148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02461363601518853}, "run_9579": {"edge_length": 1400, "pf": 0.4940719387755102, "in_bounds_one_im": 1, "error_one_im": 0.02393886755435982, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.689039784862107, "error_w_gmm": 0.026476728011586556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02647624149549613}, "run_9580": {"edge_length": 1400, "pf": 0.5061897959183673, "in_bounds_one_im": 1, "error_one_im": 0.020430823802420464, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 16.43324356718179, "error_w_gmm": 0.022723470708421907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022723053159315172}, "run_9581": {"edge_length": 1400, "pf": 0.4946642857142857, "in_bounds_one_im": 1, "error_one_im": 0.01966553680395625, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 17.296343961379044, "error_w_gmm": 0.02447468254532282, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024474232817287687}, "run_9582": {"edge_length": 1400, "pf": 0.5045724489795919, "in_bounds_one_im": 1, "error_one_im": 0.020610269240549837, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 18.03919620755111, "error_w_gmm": 0.02502496786893725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025024508029280166}, "run_9583": {"edge_length": 1400, "pf": 0.49707397959183675, "in_bounds_one_im": 1, "error_one_im": 0.023278260944938265, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 18.097890802090316, "error_w_gmm": 0.02548575695807193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025485288651307118}, "run_9584": {"edge_length": 1400, "pf": 0.505019387755102, "in_bounds_one_im": 1, "error_one_im": 0.01948871775307548, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 17.865760084487356, "error_w_gmm": 0.024762221384351725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024761766372722874}, "run_9585": {"edge_length": 1400, "pf": 0.49183010204081634, "in_bounds_one_im": 1, "error_one_im": 0.02250725817605676, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 17.834747010381598, "error_w_gmm": 0.02538001670943828, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02537955034567541}, "run_9586": {"edge_length": 1400, "pf": 0.5057933673469388, "in_bounds_one_im": 1, "error_one_im": 0.020503514791267816, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 17.98735151152331, "error_w_gmm": 0.024892182552368452, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02489172515267263}, "run_9587": {"edge_length": 1400, "pf": 0.5092566326530612, "in_bounds_one_im": 1, "error_one_im": 0.02058632892143494, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 20.274712116025864, "error_w_gmm": 0.02786388084456939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027863368839220193}, "run_9588": {"edge_length": 1400, "pf": 0.5059010204081633, "in_bounds_one_im": 1, "error_one_im": 0.022814425489603392, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 17.4964369701247, "error_w_gmm": 0.024207606604900355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024207161784448213}, "run_9589": {"edge_length": 1400, "pf": 0.4972867346938776, "in_bounds_one_im": 1, "error_one_im": 0.021372417350577003, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 17.280492663563496, "error_w_gmm": 0.024324330245160578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024323883279884266}, "run_9590": {"edge_length": 1400, "pf": 0.49324744897959183, "in_bounds_one_im": 1, "error_one_im": 0.022906883480500694, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 17.03613797252192, "error_w_gmm": 0.024174902559862044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024174458340354435}, "run_9591": {"edge_length": 1400, "pf": 0.4954704081632653, "in_bounds_one_im": 1, "error_one_im": 0.02199798868792231, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 20.65780319467911, "error_w_gmm": 0.029184122016990853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029183585751900318}, "run_9592": {"edge_length": 1400, "pf": 0.5034158163265307, "in_bounds_one_im": 1, "error_one_im": 0.021679554193669542, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 18.718586067787374, "error_w_gmm": 0.026027597966345774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02602711970312531}, "run_9593": {"edge_length": 1400, "pf": 0.5024275510204081, "in_bounds_one_im": 1, "error_one_im": 0.020300822150598922, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 17.30146872779351, "error_w_gmm": 0.024104739764657542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024104296834407797}, "run_9594": {"edge_length": 1400, "pf": 0.4897030612244898, "in_bounds_one_im": 1, "error_one_im": 0.023011559429934735, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 18.06465789346042, "error_w_gmm": 0.025816826083702043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025816351693464388}, "run_9595": {"edge_length": 1400, "pf": 0.503275, "in_bounds_one_im": 1, "error_one_im": 0.018932376813136174, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 18.617326075126762, "error_w_gmm": 0.025894091091647874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025893615281647592}, "run_9596": {"edge_length": 1400, "pf": 0.5004147959183673, "in_bounds_one_im": 1, "error_one_im": 0.02218118310222771, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 16.580332269400923, "error_w_gmm": 0.02319321628658919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02319279010579726}, "run_9597": {"edge_length": 1400, "pf": 0.490455612244898, "in_bounds_one_im": 1, "error_one_im": 0.022743964363513752, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 18.055700045695605, "error_w_gmm": 0.025765200357713104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025764726916110283}, "run_9598": {"edge_length": 1400, "pf": 0.4953530612244898, "in_bounds_one_im": 1, "error_one_im": 0.020705456763808347, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 15.968152045581803, "error_w_gmm": 0.022564155857185252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022563741235526295}, "run_9599": {"edge_length": 1400, "pf": 0.49190357142857144, "in_bounds_one_im": 1, "error_one_im": 0.021952240604260133, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 19.80988537864992, "error_w_gmm": 0.02818662526200704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028186107326153377}, "run_9600": {"edge_length": 1400, "pf": 0.4961755102040816, "in_bounds_one_im": 1, "error_one_im": 0.02196698673038165, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 19.372844601239567, "error_w_gmm": 0.027330237447198407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02732973524767181}}, "fractal_noise_0.055_12_True_simplex": {"true_cls": 6.1020408163265305, "true_pf": 0.5001154166666667, "run_9601": {"edge_length": 600, "pf": 0.5011166666666667, "in_bounds_one_im": 1, "error_one_im": 0.022216584942095968, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.970884018800859, "error_w_gmm": 0.027014836358939916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02597965650148785}, "run_9602": {"edge_length": 600, "pf": 0.5001333333333333, "in_bounds_one_im": 1, "error_one_im": 0.0209940149694272, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 5.660410328036715, "error_w_gmm": 0.019221969333195345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018485403869318268}, "run_9603": {"edge_length": 600, "pf": 0.4948611111111111, "in_bounds_one_im": 1, "error_one_im": 0.0213512724421403, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 9.026888197144872, "error_w_gmm": 0.03097901322595941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029791930318287262}, "run_9604": {"edge_length": 600, "pf": 0.5019583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02151516967444857, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.755823598248433, "error_w_gmm": 0.019474766408169458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01872851402868209}, "run_9605": {"edge_length": 600, "pf": 0.5050972222222222, "in_bounds_one_im": 1, "error_one_im": 0.02256832473853372, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 4.5183446832435665, "error_w_gmm": 0.015192092323241152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014609947469331397}, "run_9606": {"edge_length": 600, "pf": 0.4903416666666667, "in_bounds_one_im": 1, "error_one_im": 0.02072959252319635, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 0, "pred_cls": 5.085859180855898, "error_w_gmm": 0.01761247029698125, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016937579127952455}, "run_9607": {"edge_length": 600, "pf": 0.5013083333333334, "in_bounds_one_im": 1, "error_one_im": 0.02141017542994172, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.22545730336648, "error_w_gmm": 0.02109116793064904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02028297676036561}, "run_9608": {"edge_length": 600, "pf": 0.5043611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02445199935315827, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 6.521055135775662, "error_w_gmm": 0.02195813952636658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02111672692468351}, "run_9609": {"edge_length": 600, "pf": 0.49443611111111113, "in_bounds_one_im": 1, "error_one_im": 0.020021201747175987, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.060813578550843, "error_w_gmm": 0.020817550897036914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020019844441081867}, "run_9610": {"edge_length": 600, "pf": 0.5038611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02097037697543758, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 5.250551471322298, "error_w_gmm": 0.01769770339526572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017019546184371563}, "run_9611": {"edge_length": 600, "pf": 0.5014444444444445, "in_bounds_one_im": 1, "error_one_im": 0.02326559549287587, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.502434753166333, "error_w_gmm": 0.022023541054880823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021179622336038054}, "run_9612": {"edge_length": 600, "pf": 0.5017277777777778, "in_bounds_one_im": 1, "error_one_im": 0.020528560898497115, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.419534082232957, "error_w_gmm": 0.021730441570990907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020897754113293705}, "run_9613": {"edge_length": 600, "pf": 0.4912888888888889, "in_bounds_one_im": 1, "error_one_im": 0.02238627534447141, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.198028943692638, "error_w_gmm": 0.01796683631674326, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017278366217938566}, "run_9614": {"edge_length": 600, "pf": 0.5071666666666667, "in_bounds_one_im": 1, "error_one_im": 0.020766462841456047, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 4.794659127781132, "error_w_gmm": 0.016054552330427827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015439358924402628}, "run_9615": {"edge_length": 600, "pf": 0.5039361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02156251563761251, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 3.258597917489405, "error_w_gmm": 0.010981903407869245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010561088524770812}, "run_9616": {"edge_length": 600, "pf": 0.4987388888888889, "in_bounds_one_im": 1, "error_one_im": 0.0232581621546115, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.7438769457753414, "error_w_gmm": 0.009343848698256225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008985802333103475}, "run_9617": {"edge_length": 600, "pf": 0.4967416666666667, "in_bounds_one_im": 1, "error_one_im": 0.021673720843556222, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 5.011672175017226, "error_w_gmm": 0.017134783627987083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016478196905127987}, "run_9618": {"edge_length": 600, "pf": 0.5084388888888889, "in_bounds_one_im": 1, "error_one_im": 0.020254830731451876, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 9.117811384892544, "error_w_gmm": 0.030452696854208882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02928578183130376}, "run_9619": {"edge_length": 600, "pf": 0.4920638888888889, "in_bounds_one_im": 1, "error_one_im": 0.021538808652374803, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 8.912736982839338, "error_w_gmm": 0.03075889044407348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029580242407778998}, "run_9620": {"edge_length": 600, "pf": 0.5010777777777777, "in_bounds_one_im": 1, "error_one_im": 0.021220484547239148, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.827891115997554, "error_w_gmm": 0.026532269865997663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025515581444389777}, "run_9621": {"edge_length": 600, "pf": 0.49211666666666665, "in_bounds_one_im": 1, "error_one_im": 0.02370373311899445, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.95586977554537, "error_w_gmm": 0.024002980027213378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023083211307801024}, "run_9622": {"edge_length": 600, "pf": 0.5039083333333333, "in_bounds_one_im": 1, "error_one_im": 0.022357469993269187, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.693292647449415, "error_w_gmm": 0.00907725463296551, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008729423869448812}, "run_9623": {"edge_length": 600, "pf": 0.49859444444444445, "in_bounds_one_im": 1, "error_one_im": 0.020523904697390797, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.813944088739127, "error_w_gmm": 0.02321053741168384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02232113425225059}, "run_9624": {"edge_length": 600, "pf": 0.4985583333333333, "in_bounds_one_im": 1, "error_one_im": 0.02085967673622856, "one_im_sa_cls": 6.36734693877551, "model_in_bounds": 1, "pred_cls": 5.671741660046448, "error_w_gmm": 0.019321215192029065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01858084673217466}, "run_9625": {"edge_length": 600, "pf": 0.4998194444444444, "in_bounds_one_im": 1, "error_one_im": 0.022807815713777223, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.330235043606536, "error_w_gmm": 0.024908094586862932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023953642838155646}, "run_9626": {"edge_length": 600, "pf": 0.4969138888888889, "in_bounds_one_im": 1, "error_one_im": 0.021465021856000924, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 7.85720518457783, "error_w_gmm": 0.0268543390512385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025825309280275936}, "run_9627": {"edge_length": 600, "pf": 0.4974138888888889, "in_bounds_one_im": 1, "error_one_im": 0.01976828820951855, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.5159775366063775, "error_w_gmm": 0.02566241584685321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024679059308051542}, "run_9628": {"edge_length": 600, "pf": 0.5047194444444445, "in_bounds_one_im": 1, "error_one_im": 0.019745701610181833, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 9.045750030500475, "error_w_gmm": 0.03043764029976319, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029271302228044232}, "run_9629": {"edge_length": 600, "pf": 0.49909444444444445, "in_bounds_one_im": 1, "error_one_im": 0.021171253837071795, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 4.004172397442095, "error_w_gmm": 0.013625896981489126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013103767070815469}, "run_9630": {"edge_length": 600, "pf": 0.49396666666666667, "in_bounds_one_im": 1, "error_one_im": 0.021996779520965636, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.702277631467043, "error_w_gmm": 0.026480469883346913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025465766382097087}, "run_9631": {"edge_length": 600, "pf": 0.49927222222222223, "in_bounds_one_im": 1, "error_one_im": 0.019828476645511933, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.584112953644137, "error_w_gmm": 0.025798990340341763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02481040041190104}, "run_9632": {"edge_length": 600, "pf": 0.4982416666666667, "in_bounds_one_im": 1, "error_one_im": 0.021809496321555003, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.865156322127082, "error_w_gmm": 0.023401488535625292, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022504768331785902}, "run_9633": {"edge_length": 600, "pf": 0.5067777777777778, "in_bounds_one_im": 1, "error_one_im": 0.019664571407222255, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.230639155087979, "error_w_gmm": 0.020879058618449697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02007899525189051}, "run_9634": {"edge_length": 600, "pf": 0.4975833333333333, "in_bounds_one_im": 1, "error_one_im": 0.02250811598081937, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.779448929144231, "error_w_gmm": 0.02655300746757998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02553552440308908}, "run_9635": {"edge_length": 600, "pf": 0.49698888888888887, "in_bounds_one_im": 1, "error_one_im": 0.02085818903693738, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 3.191868927420926, "error_w_gmm": 0.010907526471248399, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010489561633422316}, "run_9636": {"edge_length": 600, "pf": 0.4971555555555556, "in_bounds_one_im": 1, "error_one_im": 0.021186466121866244, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 4.271986218406449, "error_w_gmm": 0.014593729758196347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014034513522715312}, "run_9637": {"edge_length": 600, "pf": 0.4957638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02507778183008957, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.823533106607508, "error_w_gmm": 0.0302264973591476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029068250060819575}, "run_9638": {"edge_length": 600, "pf": 0.5065166666666666, "in_bounds_one_im": 1, "error_one_im": 0.020727679706587527, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 4.200675797099186, "error_w_gmm": 0.0140839448710915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01354426305143118}, "run_9639": {"edge_length": 600, "pf": 0.4999277777777778, "in_bounds_one_im": 1, "error_one_im": 0.021736073406560755, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 4.972532231967678, "error_w_gmm": 0.016892974073304902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01624565323593988}, "run_9640": {"edge_length": 600, "pf": 0.50405, "in_bounds_one_im": 1, "error_one_im": 0.022880156840339547, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 8.36119787868594, "error_w_gmm": 0.028171918067028512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027092400066575085}, "run_9641": {"edge_length": 800, "pf": 0.504346875, "in_bounds_one_im": 1, "error_one_im": 0.016356870717865273, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.013457944815989, "error_w_gmm": 0.012341824356046019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012176423300568706}, "run_9642": {"edge_length": 800, "pf": 0.5017171875, "in_bounds_one_im": 1, "error_one_im": 0.016941404230484274, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.894478428269385, "error_w_gmm": 0.019536629225225956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019274805770192176}, "run_9643": {"edge_length": 800, "pf": 0.5030390625, "in_bounds_one_im": 1, "error_one_im": 0.01475974127159964, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.975959482801292, "error_w_gmm": 0.019686156732194218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019422329358877197}, "run_9644": {"edge_length": 800, "pf": 0.4972078125, "in_bounds_one_im": 1, "error_one_im": 0.014932886417363988, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 7.316044073404706, "error_w_gmm": 0.018269191557536566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01802435388369189}, "run_9645": {"edge_length": 800, "pf": 0.5047296875, "in_bounds_one_im": 1, "error_one_im": 0.015403312844628071, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.180901494786912, "error_w_gmm": 0.015204119463878037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0150003588743266}, "run_9646": {"edge_length": 800, "pf": 0.5046484375, "in_bounds_one_im": 1, "error_one_im": 0.016941444298520292, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 6.537628411522221, "error_w_gmm": 0.016084229544031246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01586867400974603}, "run_9647": {"edge_length": 800, "pf": 0.5062, "in_bounds_one_im": 1, "error_one_im": 0.015901290365353184, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.9657159647429365, "error_w_gmm": 0.019536961333296354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019275133427459748}, "run_9648": {"edge_length": 800, "pf": 0.506678125, "in_bounds_one_im": 1, "error_one_im": 0.015047382914663017, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.299567817769007, "error_w_gmm": 0.015435744916054922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015228880158662488}, "run_9649": {"edge_length": 800, "pf": 0.501990625, "in_bounds_one_im": 1, "error_one_im": 0.015388328876085416, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.740715350704335, "error_w_gmm": 0.016672267582442335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01644883135650185}, "run_9650": {"edge_length": 800, "pf": 0.498178125, "in_bounds_one_im": 1, "error_one_im": 0.01686101710272668, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.187521503040699, "error_w_gmm": 0.01542115551006944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01521448627507934}, "run_9651": {"edge_length": 800, "pf": 0.49741875, "in_bounds_one_im": 1, "error_one_im": 0.016786128987845105, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.55261228514118, "error_w_gmm": 0.013859805725844405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01367406118519697}, "run_9652": {"edge_length": 800, "pf": 0.50155625, "in_bounds_one_im": 1, "error_one_im": 0.01510264126144319, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.980537840016586, "error_w_gmm": 0.012329408049148545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012164173392917055}, "run_9653": {"edge_length": 800, "pf": 0.5071734375, "in_bounds_one_im": 1, "error_one_im": 0.017053240880361784, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.755967051880228, "error_w_gmm": 0.016537659836149105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01631602757878485}, "run_9654": {"edge_length": 800, "pf": 0.5073984375, "in_bounds_one_im": 1, "error_one_im": 0.015025716591998967, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 0, "pred_cls": 4.956740391612713, "error_w_gmm": 0.012127945345422858, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011965410625835556}, "run_9655": {"edge_length": 800, "pf": 0.5001125, "in_bounds_one_im": 1, "error_one_im": 0.013546702664492684, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 6.485108944907213, "error_w_gmm": 0.01610042306577766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015884650511260128}, "run_9656": {"edge_length": 800, "pf": 0.5041671875, "in_bounds_one_im": 1, "error_one_im": 0.01571815725142627, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.255737634415486, "error_w_gmm": 0.017868152131147955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01762868905529615}, "run_9657": {"edge_length": 800, "pf": 0.4964875, "in_bounds_one_im": 1, "error_one_im": 0.016616017189183895, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.483344624457363, "error_w_gmm": 0.016213165062647764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015995881577108913}, "run_9658": {"edge_length": 800, "pf": 0.49819375, "in_bounds_one_im": 1, "error_one_im": 0.01560598943851615, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.90771648850603, "error_w_gmm": 0.014723337550694968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014526020241618228}, "run_9659": {"edge_length": 800, "pf": 0.4988390625, "in_bounds_one_im": 1, "error_one_im": 0.01733989654848743, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.826280269933685, "error_w_gmm": 0.014501652017529152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014307305664780437}, "run_9660": {"edge_length": 800, "pf": 0.50386875, "in_bounds_one_im": 1, "error_one_im": 0.016273293117298124, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.29241203357332, "error_w_gmm": 0.015505096026927668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015297301848842915}, "run_9661": {"edge_length": 800, "pf": 0.504553125, "in_bounds_one_im": 1, "error_one_im": 0.01590421188304841, "one_im_sa_cls": 6.551020408163265, "model_in_bounds": 1, "pred_cls": 8.230711626327796, "error_w_gmm": 0.020253505880342013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01998207508104665}, "run_9662": {"edge_length": 800, "pf": 0.503596875, "in_bounds_one_im": 1, "error_one_im": 0.015636815717643592, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 5.367791127073795, "error_w_gmm": 0.013233937407942138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013056580547866384}, "run_9663": {"edge_length": 800, "pf": 0.500371875, "in_bounds_one_im": 1, "error_one_im": 0.015038534380289272, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.3220843399019095, "error_w_gmm": 0.013206157545929272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013029172982392976}, "run_9664": {"edge_length": 800, "pf": 0.4993984375, "in_bounds_one_im": 1, "error_one_im": 0.016219204326786175, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.144706558269992, "error_w_gmm": 0.015277116365731718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015072377495800857}, "run_9665": {"edge_length": 800, "pf": 0.49889375, "in_bounds_one_im": 1, "error_one_im": 0.016636462515319667, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.181962892937511, "error_w_gmm": 0.017874000386833486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0176344589345898}, "run_9666": {"edge_length": 800, "pf": 0.4965734375, "in_bounds_one_im": 1, "error_one_im": 0.016411789765574898, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.658312302376223, "error_w_gmm": 0.019148163257536863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0188915458951534}, "run_9667": {"edge_length": 800, "pf": 0.49668125, "in_bounds_one_im": 1, "error_one_im": 0.015552606192997386, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.437425801196254, "error_w_gmm": 0.013592324792175965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013410164942695093}, "run_9668": {"edge_length": 800, "pf": 0.499396875, "in_bounds_one_im": 1, "error_one_im": 0.016819968160543278, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.143059043178356, "error_w_gmm": 0.015273068002650754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015068383387545457}, "run_9669": {"edge_length": 800, "pf": 0.4953421875, "in_bounds_one_im": 1, "error_one_im": 0.016755058529613894, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.666157988073018, "error_w_gmm": 0.016708565741013842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01648464305913559}, "run_9670": {"edge_length": 800, "pf": 0.50345625, "in_bounds_one_im": 1, "error_one_im": 0.016386034143233395, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.331688615157326, "error_w_gmm": 0.015614754775651066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015405490987218835}, "run_9671": {"edge_length": 800, "pf": 0.4979953125, "in_bounds_one_im": 1, "error_one_im": 0.01616438383255078, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.4949879192716145, "error_w_gmm": 0.013700162823883309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013516557764703296}, "run_9672": {"edge_length": 800, "pf": 0.500875, "in_bounds_one_im": 1, "error_one_im": 0.015522526034023201, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.945876604830435, "error_w_gmm": 0.014739189544172962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014541659791912942}, "run_9673": {"edge_length": 800, "pf": 0.5028890625, "in_bounds_one_im": 1, "error_one_im": 0.015261280115409415, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 5.913391709008438, "error_w_gmm": 0.01459973390127412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014404073087500167}, "run_9674": {"edge_length": 800, "pf": 0.5002125, "in_bounds_one_im": 1, "error_one_im": 0.016692597271549557, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.20982978923464, "error_w_gmm": 0.012931731756974745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012758424957262794}, "run_9675": {"edge_length": 800, "pf": 0.501959375, "in_bounds_one_im": 1, "error_one_im": 0.017132414232835118, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.016667362642982, "error_w_gmm": 0.017355883099568262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017123285284156686}, "run_9676": {"edge_length": 800, "pf": 0.5027140625, "in_bounds_one_im": 1, "error_one_im": 0.015564993141685085, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.155078777318577, "error_w_gmm": 0.012731969993577688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012561340335069292}, "run_9677": {"edge_length": 800, "pf": 0.500328125, "in_bounds_one_im": 1, "error_one_im": 0.016988535234185576, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 5.533599927905455, "error_w_gmm": 0.01373221135718495, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01354817679414212}, "run_9678": {"edge_length": 800, "pf": 0.5019078125, "in_bounds_one_im": 1, "error_one_im": 0.014992408489259902, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.525574569334345, "error_w_gmm": 0.01614281879775128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015926478069630403}, "run_9679": {"edge_length": 800, "pf": 0.500125, "in_bounds_one_im": 1, "error_one_im": 0.016495572399912492, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.56854562000599, "error_w_gmm": 0.01878977533425609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018537960968501882}, "run_9680": {"edge_length": 800, "pf": 0.4980859375, "in_bounds_one_im": 1, "error_one_im": 0.015960690851547766, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.293055242995553, "error_w_gmm": 0.018179828119770754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017936188065216574}, "run_9681": {"edge_length": 1000, "pf": 0.4973, "in_bounds_one_im": 1, "error_one_im": 0.012788639464579619, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.357492491462206, "error_w_gmm": 0.010773002973360597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010557348916564858}, "run_9682": {"edge_length": 1000, "pf": 0.494012, "in_bounds_one_im": 0, "error_one_im": 0.012184840986789947, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.429477647398147, "error_w_gmm": 0.013013887432515732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012753375333294585}, "run_9683": {"edge_length": 1000, "pf": 0.496219, "in_bounds_one_im": 1, "error_one_im": 0.013299954289408025, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.137730393152059, "error_w_gmm": 0.012368641469058108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012121045908521224}, "run_9684": {"edge_length": 1000, "pf": 0.497006, "in_bounds_one_im": 1, "error_one_im": 0.013359514668161083, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.743141697449898, "error_w_gmm": 0.011555270425445624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011323956932747181}, "run_9685": {"edge_length": 1000, "pf": 0.503747, "in_bounds_one_im": 1, "error_one_im": 0.012942403850635918, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 5.246716896909418, "error_w_gmm": 0.010415088460945628, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01020659913962605}, "run_9686": {"edge_length": 1000, "pf": 0.493549, "in_bounds_one_im": 1, "error_one_im": 0.013533248489516663, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.8433399481735515, "error_w_gmm": 0.013864419435144593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013586881379720268}, "run_9687": {"edge_length": 1000, "pf": 0.49843, "in_bounds_one_im": 1, "error_one_im": 0.014284521535043303, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 4.596021782286189, "error_w_gmm": 0.009220952038926554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009036366949733603}, "run_9688": {"edge_length": 1000, "pf": 0.497461, "in_bounds_one_im": 1, "error_one_im": 0.012663913373763831, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.538717345533527, "error_w_gmm": 0.013144011371811445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012880894450567667}, "run_9689": {"edge_length": 1000, "pf": 0.494355, "in_bounds_one_im": 1, "error_one_im": 0.013106912925374052, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.625088360609272, "error_w_gmm": 0.013400625292939155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013132371472238665}, "run_9690": {"edge_length": 1000, "pf": 0.496554, "in_bounds_one_im": 1, "error_one_im": 0.013129942253152513, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.34694659700142, "error_w_gmm": 0.014795514901062026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014499338169403611}, "run_9691": {"edge_length": 1000, "pf": 0.505188, "in_bounds_one_im": 1, "error_one_im": 0.012311359090677605, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.612009280118834, "error_w_gmm": 0.011108156119438137, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010885792964373461}, "run_9692": {"edge_length": 1000, "pf": 0.496177, "in_bounds_one_im": 1, "error_one_im": 0.012132189547656878, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.667797352765728, "error_w_gmm": 0.015453302379448815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015143958052963443}, "run_9693": {"edge_length": 1000, "pf": 0.500311, "in_bounds_one_im": 1, "error_one_im": 0.012551959458682182, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 7.3628251099716495, "error_w_gmm": 0.014716493712294776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014421898827403934}, "run_9694": {"edge_length": 1000, "pf": 0.495861, "in_bounds_one_im": 1, "error_one_im": 0.012220523523176091, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.228926754566932, "error_w_gmm": 0.014578035111037545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014286211891497057}, "run_9695": {"edge_length": 1000, "pf": 0.500613, "in_bounds_one_im": 1, "error_one_im": 0.013023783428577391, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.631718256640271, "error_w_gmm": 0.0152447349971172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014939565774103537}, "run_9696": {"edge_length": 1000, "pf": 0.502863, "in_bounds_one_im": 1, "error_one_im": 0.012845994624393722, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 4.888585658864734, "error_w_gmm": 0.009721346603335507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009526744611884106}, "run_9697": {"edge_length": 1000, "pf": 0.492958, "in_bounds_one_im": 0, "error_one_im": 0.013143590782732584, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 0, "pred_cls": 6.7850976653128745, "error_w_gmm": 0.013762683005762425, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01348718151096786}, "run_9698": {"edge_length": 1000, "pf": 0.50026, "in_bounds_one_im": 1, "error_one_im": 0.01351272312293285, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.24848481310507, "error_w_gmm": 0.014489433160975954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01419938357595666}, "run_9699": {"edge_length": 1000, "pf": 0.503352, "in_bounds_one_im": 1, "error_one_im": 0.013588344950105535, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 5.771679012461847, "error_w_gmm": 0.011466229022516787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011236697961310485}, "run_9700": {"edge_length": 1000, "pf": 0.495082, "in_bounds_one_im": 1, "error_one_im": 0.012926288587812789, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.276358361871761, "error_w_gmm": 0.012676798480722881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012423034230744466}, "run_9701": {"edge_length": 1000, "pf": 0.499625, "in_bounds_one_im": 1, "error_one_im": 0.013850129391366721, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.634585491845491, "error_w_gmm": 0.013279126596683616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013013304937823928}, "run_9702": {"edge_length": 1000, "pf": 0.49506, "in_bounds_one_im": 1, "error_one_im": 0.013330821706437724, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 4.660090142587283, "error_w_gmm": 0.009412723086262122, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009224299122761188}, "run_9703": {"edge_length": 1000, "pf": 0.50148, "in_bounds_one_im": 1, "error_one_im": 0.012642290275164988, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 5.8485619400117494, "error_w_gmm": 0.01166255148475604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011429090438983028}, "run_9704": {"edge_length": 1000, "pf": 0.501037, "in_bounds_one_im": 1, "error_one_im": 0.01217449967126919, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.000599950380452, "error_w_gmm": 0.009980478877584966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009780689574264662}, "run_9705": {"edge_length": 1000, "pf": 0.499902, "in_bounds_one_im": 1, "error_one_im": 0.013202344852952637, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.033210160348914, "error_w_gmm": 0.0100683935324743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009866844352912907}, "run_9706": {"edge_length": 1000, "pf": 0.503941, "in_bounds_one_im": 1, "error_one_im": 0.010754695580341377, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 1, "pred_cls": 4.590012904328219, "error_w_gmm": 0.009107951769586594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00892562872065882}, "run_9707": {"edge_length": 1000, "pf": 0.504534, "in_bounds_one_im": 1, "error_one_im": 0.013318428945608092, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 5.375937503436509, "error_w_gmm": 0.010654815078707941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010441526908100882}, "run_9708": {"edge_length": 1000, "pf": 0.500652, "in_bounds_one_im": 1, "error_one_im": 0.012862979051811461, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.590422521521487, "error_w_gmm": 0.015161062111168652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014857567852632645}, "run_9709": {"edge_length": 1000, "pf": 0.507925, "in_bounds_one_im": 0, "error_one_im": 0.014645722693361164, "one_im_sa_cls": 7.591836734693877, "model_in_bounds": 0, "pred_cls": 6.393710782540497, "error_w_gmm": 0.012586322016222942, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012334368924810282}, "run_9710": {"edge_length": 1000, "pf": 0.503413, "in_bounds_one_im": 1, "error_one_im": 0.0123551453753017, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.420103815579856, "error_w_gmm": 0.010766463204570365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010550940060916761}, "run_9711": {"edge_length": 1000, "pf": 0.498788, "in_bounds_one_im": 1, "error_one_im": 0.013311985214550664, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.630604540335849, "error_w_gmm": 0.01128853941599653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011062565346706929}, "run_9712": {"edge_length": 1000, "pf": 0.499036, "in_bounds_one_im": 1, "error_one_im": 0.012584007830641807, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 6.789910212860684, "error_w_gmm": 0.013606027607579743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013333662041756962}, "run_9713": {"edge_length": 1000, "pf": 0.497291, "in_bounds_one_im": 1, "error_one_im": 0.013512767952042086, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.214318004445921, "error_w_gmm": 0.01249615777076519, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012246009587915102}, "run_9714": {"edge_length": 1000, "pf": 0.495861, "in_bounds_one_im": 1, "error_one_im": 0.013390144586450374, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.300065636558863, "error_w_gmm": 0.012704870469682663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012450544274412303}, "run_9715": {"edge_length": 1000, "pf": 0.502742, "in_bounds_one_im": 1, "error_one_im": 0.01344581143714265, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.911166079996431, "error_w_gmm": 0.0137467372034286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013471554911828427}, "run_9716": {"edge_length": 1000, "pf": 0.504988, "in_bounds_one_im": 1, "error_one_im": 0.012316285129617825, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.346319514927215, "error_w_gmm": 0.01454678913331971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014255591396002718}, "run_9717": {"edge_length": 1000, "pf": 0.498093, "in_bounds_one_im": 1, "error_one_im": 0.012567611752938851, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.633124327216975, "error_w_gmm": 0.011309300383012977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011082910720525216}, "run_9718": {"edge_length": 1000, "pf": 0.502932, "in_bounds_one_im": 1, "error_one_im": 0.013202110476946093, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.295423933079743, "error_w_gmm": 0.008540617976497644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00836965181982535}, "run_9719": {"edge_length": 1000, "pf": 0.499763, "in_bounds_one_im": 1, "error_one_im": 0.013846307281674292, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.762226280750599, "error_w_gmm": 0.011529916447263188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011299110490695917}, "run_9720": {"edge_length": 1000, "pf": 0.507116, "in_bounds_one_im": 0, "error_one_im": 0.013013216478014225, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 6.236692374615168, "error_w_gmm": 0.012297108989179748, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.012050945366378003}, "run_9721": {"edge_length": 1200, "pf": 0.5027277777777778, "in_bounds_one_im": 1, "error_one_im": 0.010111166527026268, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.720063003880035, "error_w_gmm": 0.011139167980618979, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010916184029877478}, "run_9722": {"edge_length": 1200, "pf": 0.4982965277777778, "in_bounds_one_im": 1, "error_one_im": 0.010569086942223735, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.787528315849633, "error_w_gmm": 0.009678799677873093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009485049391104516}, "run_9723": {"edge_length": 1200, "pf": 0.5026576388888889, "in_bounds_one_im": 1, "error_one_im": 0.01074254935357526, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.142160275535072, "error_w_gmm": 0.010182665488112459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009978828811659696}, "run_9724": {"edge_length": 1200, "pf": 0.5012729166666666, "in_bounds_one_im": 1, "error_one_im": 0.010639350085889804, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.173592353593126, "error_w_gmm": 0.008600729954737398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008428560476020103}, "run_9725": {"edge_length": 1200, "pf": 0.49988333333333335, "in_bounds_one_im": 1, "error_one_im": 0.011335769785110788, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.637876810214287, "error_w_gmm": 0.011065709714794383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01084419625218594}, "run_9726": {"edge_length": 1200, "pf": 0.50468125, "in_bounds_one_im": 1, "error_one_im": 0.011095422427283874, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.427736027129551, "error_w_gmm": 0.010613059075795349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010400606777177426}, "run_9727": {"edge_length": 1200, "pf": 0.49634097222222223, "in_bounds_one_im": 1, "error_one_im": 0.011147746814268106, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.1270311903852885, "error_w_gmm": 0.01196563240862379, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01172610428657393}, "run_9728": {"edge_length": 1200, "pf": 0.4983875, "in_bounds_one_im": 1, "error_one_im": 0.01046684293109993, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.307974181758591, "error_w_gmm": 0.010547250513299248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010336115570994052}, "run_9729": {"edge_length": 1200, "pf": 0.492925, "in_bounds_one_im": 0, "error_one_im": 0.010581829985544517, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 0, "pred_cls": 5.905020894876548, "error_w_gmm": 0.009981960924176572, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009782141953236125}, "run_9730": {"edge_length": 1200, "pf": 0.5007472222222222, "in_bounds_one_im": 1, "error_one_im": 0.011782162208760516, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 5.544804650465495, "error_w_gmm": 0.009227540717502161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009042823736090487}, "run_9731": {"edge_length": 1200, "pf": 0.5053173611111111, "in_bounds_one_im": 1, "error_one_im": 0.010949393741775938, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 0, "pred_cls": 5.936731207964674, "error_w_gmm": 0.00978987982132324, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009593905931384402}, "run_9732": {"edge_length": 1200, "pf": 0.4965145833333333, "in_bounds_one_im": 1, "error_one_im": 0.010371860999561293, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.586679393741102, "error_w_gmm": 0.011054591985180948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010833301077369939}, "run_9733": {"edge_length": 1200, "pf": 0.5018840277777777, "in_bounds_one_im": 1, "error_one_im": 0.010825598390318315, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 3.9779990238648564, "error_w_gmm": 0.00660506306121543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0064728428577991454}, "run_9734": {"edge_length": 1200, "pf": 0.5049486111111111, "in_bounds_one_im": 1, "error_one_im": 0.010825455006264357, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 0, "pred_cls": 5.324409017456105, "error_w_gmm": 0.008786617287468532, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008610726714687635}, "run_9735": {"edge_length": 1200, "pf": 0.5061208333333334, "in_bounds_one_im": 0, "error_one_im": 0.01073424766113164, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 5.175050112887575, "error_w_gmm": 0.008520136554984474, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008349580395566325}, "run_9736": {"edge_length": 1200, "pf": 0.4969222222222222, "in_bounds_one_im": 1, "error_one_im": 0.011134794499294427, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.471484573227243, "error_w_gmm": 0.010852405865540558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01063516232103534}, "run_9737": {"edge_length": 1200, "pf": 0.5033861111111111, "in_bounds_one_im": 1, "error_one_im": 0.01099177082594161, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.510399491479327, "error_w_gmm": 0.010777429844378931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010561687170444914}, "run_9738": {"edge_length": 1200, "pf": 0.5015895833333334, "in_bounds_one_im": 1, "error_one_im": 0.01116424460420068, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.915635157802584, "error_w_gmm": 0.011489473397829193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011259477030538046}, "run_9739": {"edge_length": 1200, "pf": 0.5000444444444444, "in_bounds_one_im": 1, "error_one_im": 0.01053220354337859, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.497017228151341, "error_w_gmm": 0.01082739956862296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010610656600362778}, "run_9740": {"edge_length": 1200, "pf": 0.5020555555555556, "in_bounds_one_im": 1, "error_one_im": 0.010689101320598941, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.422313737369884, "error_w_gmm": 0.010659941570142344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010446550777390177}, "run_9741": {"edge_length": 1200, "pf": 0.4984409722222222, "in_bounds_one_im": 1, "error_one_im": 0.011034149491907886, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.328272235714979, "error_w_gmm": 0.012251929884552997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012006670657416903}, "run_9742": {"edge_length": 1200, "pf": 0.49934097222222223, "in_bounds_one_im": 1, "error_one_im": 0.010446902153208124, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.8627645752359765, "error_w_gmm": 0.00978416187329681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009588302445285836}, "run_9743": {"edge_length": 1200, "pf": 0.4994534722222222, "in_bounds_one_im": 1, "error_one_im": 0.01051129021176657, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.4219233589368, "error_w_gmm": 0.012383400620158087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012135509610820407}, "run_9744": {"edge_length": 1200, "pf": 0.5011152777777778, "in_bounds_one_im": 1, "error_one_im": 0.010576188078385583, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.729342945778946, "error_w_gmm": 0.011190582459533985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010966569293356149}, "run_9745": {"edge_length": 1200, "pf": 0.5010347222222222, "in_bounds_one_im": 1, "error_one_im": 0.010710947412306836, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.727320808551484, "error_w_gmm": 0.0111890222788778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010965040344408422}, "run_9746": {"edge_length": 1200, "pf": 0.49469305555555554, "in_bounds_one_im": 1, "error_one_im": 0.011251928356124706, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 0, "pred_cls": 5.962105844390398, "error_w_gmm": 0.01004287732656195, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009841838930607619}, "run_9747": {"edge_length": 1200, "pf": 0.5008819444444444, "in_bounds_one_im": 1, "error_one_im": 0.01104696048763032, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.028163518126396, "error_w_gmm": 0.006701774234393562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006567618065964928}, "run_9748": {"edge_length": 1200, "pf": 0.5017923611111111, "in_bounds_one_im": 1, "error_one_im": 0.010661516063726523, "one_im_sa_cls": 6.551020408163265, "model_in_bounds": 1, "pred_cls": 6.245576771335139, "error_w_gmm": 0.010372046830979389, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010164419117341165}, "run_9749": {"edge_length": 1200, "pf": 0.50048125, "in_bounds_one_im": 1, "error_one_im": 0.011055816964220056, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.2776597573141695, "error_w_gmm": 0.010452700691387696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010243458448148378}, "run_9750": {"edge_length": 1200, "pf": 0.5051125, "in_bounds_one_im": 1, "error_one_im": 0.010129040895425288, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.44951655718027, "error_w_gmm": 0.01063983996613621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010426851567448442}, "run_9751": {"edge_length": 1200, "pf": 0.4964701388888889, "in_bounds_one_im": 1, "error_one_im": 0.010674902923169177, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.275152124564621, "error_w_gmm": 0.010532684068504602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010321840717403967}, "run_9752": {"edge_length": 1200, "pf": 0.5044097222222222, "in_bounds_one_im": 1, "error_one_im": 0.010903209814434345, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.934116455690785, "error_w_gmm": 0.011455381191396094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011226067282156986}, "run_9753": {"edge_length": 1200, "pf": 0.50359375, "in_bounds_one_im": 1, "error_one_im": 0.010226044988376946, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.77777981288855, "error_w_gmm": 0.00956066699010384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009369281484392197}, "run_9754": {"edge_length": 1200, "pf": 0.49863680555555556, "in_bounds_one_im": 1, "error_one_im": 0.01032793040946749, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.223570717729398, "error_w_gmm": 0.008729719449744018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008554967858318534}, "run_9755": {"edge_length": 1200, "pf": 0.5027048611111111, "in_bounds_one_im": 1, "error_one_im": 0.01054261748712638, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.052076390408854, "error_w_gmm": 0.011690048749853776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011456037263615403}, "run_9756": {"edge_length": 1200, "pf": 0.5009229166666667, "in_bounds_one_im": 1, "error_one_im": 0.010846427779584097, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.510804075330146, "error_w_gmm": 0.01083132881196482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01061450718808105}, "run_9757": {"edge_length": 1200, "pf": 0.5009263888888889, "in_bounds_one_im": 1, "error_one_im": 0.011312146734474803, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.143330731775379, "error_w_gmm": 0.010219931716621713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010015349044518607}, "run_9758": {"edge_length": 1200, "pf": 0.5020270833333333, "in_bounds_one_im": 1, "error_one_im": 0.010490522889540348, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.092819786272139, "error_w_gmm": 0.008453690550603377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00828446450781456}, "run_9759": {"edge_length": 1200, "pf": 0.5053118055555555, "in_bounds_one_im": 1, "error_one_im": 0.011345281033579487, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 0, "pred_cls": 6.20448338142075, "error_w_gmm": 0.010231526325068109, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010026711552003506}, "run_9760": {"edge_length": 1200, "pf": 0.49831319444444444, "in_bounds_one_im": 1, "error_one_im": 0.011103860445763091, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.953101380290665, "error_w_gmm": 0.01162766356947897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011394900910263624}, "run_9761": {"edge_length": 1400, "pf": 0.5017505102040817, "in_bounds_one_im": 1, "error_one_im": 0.009452388844246304, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.381644662101215, "error_w_gmm": 0.010298185036252126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010297995804685402}, "run_9762": {"edge_length": 1400, "pf": 0.5003892857142858, "in_bounds_one_im": 1, "error_one_im": 0.009192671008494453, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.751001924350156, "error_w_gmm": 0.008045136540367167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008044988709095358}, "run_9763": {"edge_length": 1400, "pf": 0.5032357142857142, "in_bounds_one_im": 1, "error_one_im": 0.0094243523341428, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.386126162982592, "error_w_gmm": 0.007491935205611345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007491797539543787}, "run_9764": {"edge_length": 1400, "pf": 0.5022841836734694, "in_bounds_one_im": 1, "error_one_im": 0.008987254235849122, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.455888276699766, "error_w_gmm": 0.007603428626903549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0076032889121183155}, "run_9765": {"edge_length": 1400, "pf": 0.5048954081632653, "in_bounds_one_im": 0, "error_one_im": 0.008855561010519932, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 0, "pred_cls": 6.3907744374767015, "error_w_gmm": 0.0088599096203041, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008859746817385815}, "run_9766": {"edge_length": 1400, "pf": 0.4986081632653061, "in_bounds_one_im": 1, "error_one_im": 0.009225476016602159, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.946942178605322, "error_w_gmm": 0.008348927480586542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008348774067084832}, "run_9767": {"edge_length": 1400, "pf": 0.5033255102040817, "in_bounds_one_im": 1, "error_one_im": 0.009195607831295942, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.842081842800877, "error_w_gmm": 0.008124696156444906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008124546863246441}, "run_9768": {"edge_length": 1400, "pf": 0.5019132653061225, "in_bounds_one_im": 1, "error_one_im": 0.010473936696695553, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.177131005123511, "error_w_gmm": 0.008614954705695047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008614796403880685}, "run_9769": {"edge_length": 1400, "pf": 0.4986897959183674, "in_bounds_one_im": 1, "error_one_im": 0.009109386451014915, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.771344168058162, "error_w_gmm": 0.008101082236846864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008100933377559736}, "run_9770": {"edge_length": 1400, "pf": 0.49531326530612246, "in_bounds_one_im": 0, "error_one_im": 0.009517193086693285, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 5.762289066351932, "error_w_gmm": 0.00814318013473936, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008143030501893432}, "run_9771": {"edge_length": 1400, "pf": 0.5028591836734694, "in_bounds_one_im": 1, "error_one_im": 0.009829164233174585, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.472760233985449, "error_w_gmm": 0.007618175529933153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0076180355441701365}, "run_9772": {"edge_length": 1400, "pf": 0.49443418367346936, "in_bounds_one_im": 0, "error_one_im": 0.009649505288116493, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 0, "pred_cls": 6.0682813080479, "error_w_gmm": 0.008590695927962405, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008590538071908824}, "run_9773": {"edge_length": 1400, "pf": 0.5005581632653061, "in_bounds_one_im": 1, "error_one_im": 0.008761481255085406, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.055424484660105, "error_w_gmm": 0.008468135791548394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00846798018756613}, "run_9774": {"edge_length": 1400, "pf": 0.5041020408163265, "in_bounds_one_im": 1, "error_one_im": 0.009238011702349056, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.679683079887866, "error_w_gmm": 0.009275147526691471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009274977093679042}, "run_9775": {"edge_length": 1400, "pf": 0.5033622448979592, "in_bounds_one_im": 1, "error_one_im": 0.008655723241410385, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.768704144103708, "error_w_gmm": 0.009412676104207976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009412503144075783}, "run_9776": {"edge_length": 1400, "pf": 0.4990188775510204, "in_bounds_one_im": 1, "error_one_im": 0.00938966314624795, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.8969219801109665, "error_w_gmm": 0.009674656227799757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009674478453721262}, "run_9777": {"edge_length": 1400, "pf": 0.49562551020408163, "in_bounds_one_im": 1, "error_one_im": 0.009223031334997888, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 0, "pred_cls": 4.749932797092022, "error_w_gmm": 0.0067083425558342475, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006708219288465563}, "run_9778": {"edge_length": 1400, "pf": 0.4966331632653061, "in_bounds_one_im": 1, "error_one_im": 0.009607156901862746, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.188940668549436, "error_w_gmm": 0.008723058728055422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008722898439804234}, "run_9779": {"edge_length": 1400, "pf": 0.5017576530612244, "in_bounds_one_im": 1, "error_one_im": 0.008911311573341178, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 4.809495327126766, "error_w_gmm": 0.006709665327320967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006709542035646001}, "run_9780": {"edge_length": 1400, "pf": 0.4990515306122449, "in_bounds_one_im": 1, "error_one_im": 0.009274549352209505, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.347349919125386, "error_w_gmm": 0.007500504415178795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0075003665916501}, "run_9781": {"edge_length": 1400, "pf": 0.5011540816326531, "in_bounds_one_im": 1, "error_one_im": 0.009691711283484578, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 5.743519348190875, "error_w_gmm": 0.008022388685083212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008022241271808533}, "run_9782": {"edge_length": 1400, "pf": 0.5007428571428572, "in_bounds_one_im": 1, "error_one_im": 0.00930028671352164, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 6.699894661503943, "error_w_gmm": 0.009365927082140492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009365754981032532}, "run_9783": {"edge_length": 1400, "pf": 0.5029107142857143, "in_bounds_one_im": 1, "error_one_im": 0.009146429772241333, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.34238912927209, "error_w_gmm": 0.007435930308879754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007435793671915411}, "run_9784": {"edge_length": 1400, "pf": 0.5023683673469388, "in_bounds_one_im": 1, "error_one_im": 0.00895730528054092, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.133147353662017, "error_w_gmm": 0.008545830636999908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00854567360535659}, "run_9785": {"edge_length": 1400, "pf": 0.5002719387755102, "in_bounds_one_im": 1, "error_one_im": 0.009480382413393872, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.384200026729759, "error_w_gmm": 0.008933020246321886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008932856099978546}, "run_9786": {"edge_length": 1400, "pf": 0.5000255102040816, "in_bounds_one_im": 1, "error_one_im": 0.009199361580684426, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.350406092617159, "error_w_gmm": 0.00889011494079966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008889951582851437}, "run_9787": {"edge_length": 1400, "pf": 0.49842602040816325, "in_bounds_one_im": 1, "error_one_im": 0.009458125252442932, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 5.972186209202018, "error_w_gmm": 0.0083874225289775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008387268408120322}, "run_9788": {"edge_length": 1400, "pf": 0.5039244897959184, "in_bounds_one_im": 1, "error_one_im": 0.009864938468502558, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.979599445674993, "error_w_gmm": 0.008305987823601636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008305835199126194}, "run_9789": {"edge_length": 1400, "pf": 0.4974790816326531, "in_bounds_one_im": 1, "error_one_im": 0.009533485699359615, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.068044920678575, "error_w_gmm": 0.009945279594775057, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009945096847928636}, "run_9790": {"edge_length": 1400, "pf": 0.5002724489795919, "in_bounds_one_im": 1, "error_one_im": 0.00919481934376717, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.525361463793335, "error_w_gmm": 0.007731292135614792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007731150071307573}, "run_9791": {"edge_length": 1400, "pf": 0.4969265306122449, "in_bounds_one_im": 1, "error_one_im": 0.009256556625905483, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.999244488092485, "error_w_gmm": 0.008450729723636481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008450574439494696}, "run_9792": {"edge_length": 1400, "pf": 0.4976137755102041, "in_bounds_one_im": 1, "error_one_im": 0.010047654285191832, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.401679564608066, "error_w_gmm": 0.009005226308512958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009005060835366287}, "run_9793": {"edge_length": 1400, "pf": 0.49885714285714283, "in_bounds_one_im": 1, "error_one_im": 0.009049065520347874, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.881475232283521, "error_w_gmm": 0.009656111270100527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009655933836790032}, "run_9794": {"edge_length": 1400, "pf": 0.4982010204081633, "in_bounds_one_im": 1, "error_one_im": 0.008974926351293003, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.178324356220421, "error_w_gmm": 0.008680831389318492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008680671877004546}, "run_9795": {"edge_length": 1400, "pf": 0.5032367346938775, "in_bounds_one_im": 1, "error_one_im": 0.009140467645165736, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.818990595563347, "error_w_gmm": 0.008094019748292547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00809387101878029}, "run_9796": {"edge_length": 1400, "pf": 0.5028255102040816, "in_bounds_one_im": 1, "error_one_im": 0.00889229946077254, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.712808164986632, "error_w_gmm": 0.009344972741189101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00934480102512213}, "run_9797": {"edge_length": 1400, "pf": 0.49935, "in_bounds_one_im": 1, "error_one_im": 0.009097366232393546, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 5.302277387671879, "error_w_gmm": 0.007432844768342653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00743270818807582}, "run_9798": {"edge_length": 1400, "pf": 0.49763622448979594, "in_bounds_one_im": 1, "error_one_im": 0.010219440934528092, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.928448732456967, "error_w_gmm": 0.008339159276372087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00833900604236341}, "run_9799": {"edge_length": 1400, "pf": 0.5029142857142858, "in_bounds_one_im": 1, "error_one_im": 0.008975935287586504, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 5.295803203607205, "error_w_gmm": 0.007371035937290995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007370900492775971}, "run_9800": {"edge_length": 1400, "pf": 0.5034892857142858, "in_bounds_one_im": 1, "error_one_im": 0.009646551519566535, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 6.731770720307269, "error_w_gmm": 0.009358937503544369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00935876553087155}}, "fractal_noise_0.055_12_True_value": {"true_cls": 17.53061224489796, "true_pf": 0.49995429333333335, "run_9801": {"edge_length": 600, "pf": 0.49746111111111113, "in_bounds_one_im": 1, "error_one_im": 0.05682008547326105, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 14.872560677636052, "error_w_gmm": 0.05077580254807895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04883012768463153}, "run_9802": {"edge_length": 600, "pf": 0.5176722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04884119065480678, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 17.253455618789303, "error_w_gmm": 0.05656992128223205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05440222193839953}, "run_9803": {"edge_length": 600, "pf": 0.5062222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04536439778283229, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 18.16574009564591, "error_w_gmm": 0.06094162646728898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05860640802061382}, "run_9804": {"edge_length": 600, "pf": 0.5203194444444444, "in_bounds_one_im": 1, "error_one_im": 0.04359020401650446, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 18.661835166161207, "error_w_gmm": 0.060864093132258615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05853184568069292}, "run_9805": {"edge_length": 600, "pf": 0.5225166666666666, "in_bounds_one_im": 1, "error_one_im": 0.0490067762820836, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 20.07213809472634, "error_w_gmm": 0.06517611177598864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06267863234649641}, "run_9806": {"edge_length": 600, "pf": 0.4934777777777778, "in_bounds_one_im": 1, "error_one_im": 0.05646411033280934, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 20.521047037622495, "error_w_gmm": 0.07062049293500682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06791439059781967}, "run_9807": {"edge_length": 600, "pf": 0.4919138888888889, "in_bounds_one_im": 1, "error_one_im": 0.051695104531639925, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 25.8883198742309, "error_w_gmm": 0.08937041251448012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08594583315897508}, "run_9808": {"edge_length": 600, "pf": 0.4880555555555556, "in_bounds_one_im": 1, "error_one_im": 0.051481227478821376, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 11.399471224665625, "error_w_gmm": 0.03965767694933787, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0381380368587655}, "run_9809": {"edge_length": 600, "pf": 0.48470555555555556, "in_bounds_one_im": 1, "error_one_im": 0.06557493468143029, "one_im_sa_cls": 19.46938775510204, "model_in_bounds": 1, "pred_cls": 24.7424565328471, "error_w_gmm": 0.08665573785224621, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08333518194861558}, "run_9810": {"edge_length": 600, "pf": 0.523325, "in_bounds_one_im": 0, "error_one_im": 0.04358296562075669, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 19.8971760475328, "error_w_gmm": 0.06450340879570195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06203170663045038}, "run_9811": {"edge_length": 600, "pf": 0.4835527777777778, "in_bounds_one_im": 1, "error_one_im": 0.047744684399547196, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 17.82389279444547, "error_w_gmm": 0.06256902251263718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06017144397671855}, "run_9812": {"edge_length": 600, "pf": 0.4988861111111111, "in_bounds_one_im": 1, "error_one_im": 0.0453667896797729, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 15.963968345800296, "error_w_gmm": 0.05434682138951668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0522643088741167}, "run_9813": {"edge_length": 600, "pf": 0.5149194444444445, "in_bounds_one_im": 1, "error_one_im": 0.046846442242811835, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 20.969074945423355, "error_w_gmm": 0.06913251176743435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06648342728934037}, "run_9814": {"edge_length": 600, "pf": 0.4814527777777778, "in_bounds_one_im": 1, "error_one_im": 0.04766913707375687, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 17.107531962779344, "error_w_gmm": 0.06030737772733158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05799646301922042}, "run_9815": {"edge_length": 600, "pf": 0.4777222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05715808433040682, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 17.68673705489147, "error_w_gmm": 0.06281690695787845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06040982975310692}, "run_9816": {"edge_length": 600, "pf": 0.49906944444444445, "in_bounds_one_im": 1, "error_one_im": 0.054366758100488986, "one_im_sa_cls": 16.612244897959183, "model_in_bounds": 1, "pred_cls": 26.17180867137344, "error_w_gmm": 0.08906514620287832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08565226432844367}, "run_9817": {"edge_length": 600, "pf": 0.5115111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05061993560103252, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 18.560069240360015, "error_w_gmm": 0.06160914448715052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05924834745841531}, "run_9818": {"edge_length": 600, "pf": 0.5150722222222223, "in_bounds_one_im": 1, "error_one_im": 0.048449248479564506, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 21.501663325959605, "error_w_gmm": 0.07086671491351385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06815117761143452}, "run_9819": {"edge_length": 600, "pf": 0.47991944444444445, "in_bounds_one_im": 1, "error_one_im": 0.04850975394105914, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 18.26523954284526, "error_w_gmm": 0.0645865794764626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06211169029899633}, "run_9820": {"edge_length": 600, "pf": 0.5162972222222222, "in_bounds_one_im": 1, "error_one_im": 0.048911317654230665, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 17.023007773450182, "error_w_gmm": 0.05596821693470242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05382357426285664}, "run_9821": {"edge_length": 600, "pf": 0.5306, "in_bounds_one_im": 0, "error_one_im": 0.04508349441697994, "one_im_sa_cls": 14.673469387755102, "model_in_bounds": 0, "pred_cls": 15.907139591823553, "error_w_gmm": 0.050821302243784124, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0488738838802876}, "run_9822": {"edge_length": 600, "pf": 0.4922666666666667, "in_bounds_one_im": 1, "error_one_im": 0.048341107516060335, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 17.978493742256575, "error_w_gmm": 0.06202070578557933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05964413816469315}, "run_9823": {"edge_length": 600, "pf": 0.5069805555555555, "in_bounds_one_im": 1, "error_one_im": 0.04450674176898394, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 18.190269023232762, "error_w_gmm": 0.06093141611888569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05859658892192473}, "run_9824": {"edge_length": 600, "pf": 0.49993333333333334, "in_bounds_one_im": 1, "error_one_im": 0.04240487449643437, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 15.229035244675792, "error_w_gmm": 0.05173638441721071, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04975390107603834}, "run_9825": {"edge_length": 600, "pf": 0.4971611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04525539787820883, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 18.993636188205656, "error_w_gmm": 0.06488431833251579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06239802011808659}, "run_9826": {"edge_length": 600, "pf": 0.503825, "in_bounds_one_im": 1, "error_one_im": 0.05788771353623371, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 18.859678076686794, "error_w_gmm": 0.0635737214797912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0611376439457746}, "run_9827": {"edge_length": 600, "pf": 0.4856, "in_bounds_one_im": 1, "error_one_im": 0.05290129208677013, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 19.630339937871, "error_w_gmm": 0.06862853662047165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06599876393512222}, "run_9828": {"edge_length": 600, "pf": 0.486, "in_bounds_one_im": 1, "error_one_im": 0.049225329257018675, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 18.250079899450437, "error_w_gmm": 0.06375202325146856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06130911338279938}, "run_9829": {"edge_length": 600, "pf": 0.5279638888888889, "in_bounds_one_im": 0, "error_one_im": 0.043053351670293186, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 18.443617797369477, "error_w_gmm": 0.05923759161331227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056967669973687685}, "run_9830": {"edge_length": 600, "pf": 0.5152388888888889, "in_bounds_one_im": 1, "error_one_im": 0.04972635991453399, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 16.051643433301557, "error_w_gmm": 0.05288650281163929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050859948154254674}, "run_9831": {"edge_length": 600, "pf": 0.5159888888888889, "in_bounds_one_im": 1, "error_one_im": 0.042420288815227615, "one_im_sa_cls": 13.408163265306122, "model_in_bounds": 1, "pred_cls": 15.839719169627504, "error_w_gmm": 0.052109960692667566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05011316230510976}, "run_9832": {"edge_length": 600, "pf": 0.4655944444444444, "in_bounds_one_im": 0, "error_one_im": 0.06142296816836516, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 0, "pred_cls": 19.279244170506843, "error_w_gmm": 0.07015964263436983, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06747119959158593}, "run_9833": {"edge_length": 600, "pf": 0.4888722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04764803527568693, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 12.77995055691298, "error_w_gmm": 0.04438763560240347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042686748516321746}, "run_9834": {"edge_length": 600, "pf": 0.48172777777777775, "in_bounds_one_im": 1, "error_one_im": 0.054004495826855174, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 16.582679903885992, "error_w_gmm": 0.0584249859041884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05618620245288966}, "run_9835": {"edge_length": 600, "pf": 0.5209611111111111, "in_bounds_one_im": 1, "error_one_im": 0.04193603181482228, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 22.786994150679007, "error_w_gmm": 0.07422249534363139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07137836809708102}, "run_9836": {"edge_length": 600, "pf": 0.5166222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04378519958693073, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 20.540348658944033, "error_w_gmm": 0.06748859503809419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06490250370432027}, "run_9837": {"edge_length": 600, "pf": 0.4972416666666667, "in_bounds_one_im": 1, "error_one_im": 0.04236563508248001, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 18.982534020878393, "error_w_gmm": 0.06483594516648293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06235150056043591}, "run_9838": {"edge_length": 600, "pf": 0.5086722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04350463085958136, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 16.879742382940307, "error_w_gmm": 0.056350560395413744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05419126672794844}, "run_9839": {"edge_length": 600, "pf": 0.49466666666666664, "in_bounds_one_im": 1, "error_one_im": 0.04918767228919112, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 15.129958726868058, "error_w_gmm": 0.0519440933897888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04995365086123628}, "run_9840": {"edge_length": 600, "pf": 0.5049444444444444, "in_bounds_one_im": 1, "error_one_im": 0.04726274623755118, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 20.869592388275294, "error_w_gmm": 0.07019156314023359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06750189693754338}, "run_9841": {"edge_length": 800, "pf": 0.507609375, "in_bounds_one_im": 1, "error_one_im": 0.03112211999075184, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 17.88946364322558, "error_w_gmm": 0.04375272615730589, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04316636656591502}, "run_9842": {"edge_length": 800, "pf": 0.4776875, "in_bounds_one_im": 0, "error_one_im": 0.0345586488803199, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 0, "pred_cls": 12.926890869119601, "error_w_gmm": 0.03356642442954337, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03311657829099208}, "run_9843": {"edge_length": 800, "pf": 0.4931484375, "in_bounds_one_im": 1, "error_one_im": 0.03603986776611638, "one_im_sa_cls": 14.510204081632653, "model_in_bounds": 1, "pred_cls": 17.05827657888492, "error_w_gmm": 0.04294419278124669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042368668887231765}, "run_9844": {"edge_length": 800, "pf": 0.493965625, "in_bounds_one_im": 1, "error_one_im": 0.03805585736144788, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 9.681600807549561, "error_w_gmm": 0.024333610143620222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02400749913399821}, "run_9845": {"edge_length": 800, "pf": 0.5251609375, "in_bounds_one_im": 0, "error_one_im": 0.03774935525039494, "one_im_sa_cls": 16.20408163265306, "model_in_bounds": 0, "pred_cls": 19.024790779841243, "error_w_gmm": 0.044922573647231796, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04432053614599572}, "run_9846": {"edge_length": 800, "pf": 0.5161890625, "in_bounds_one_im": 1, "error_one_im": 0.03267376934617826, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.852941383215345, "error_w_gmm": 0.04051602965105763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03997304719767732}, "run_9847": {"edge_length": 800, "pf": 0.5011296875, "in_bounds_one_im": 1, "error_one_im": 0.041505353255214324, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 22.602919030408835, "error_w_gmm": 0.056001675593880994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05525115962602179}, "run_9848": {"edge_length": 800, "pf": 0.4853859375, "in_bounds_one_im": 1, "error_one_im": 0.03588327157682267, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 19.122547768410698, "error_w_gmm": 0.04889457914521307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04823931013761495}, "run_9849": {"edge_length": 800, "pf": 0.5098328125, "in_bounds_one_im": 1, "error_one_im": 0.03461186103526243, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 16.764861974409886, "error_w_gmm": 0.04082027597225739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040273216110124486}, "run_9850": {"edge_length": 800, "pf": 0.491884375, "in_bounds_one_im": 1, "error_one_im": 0.039383425531773805, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 17.89911018401528, "error_w_gmm": 0.045175080060883055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04456965855205396}, "run_9851": {"edge_length": 800, "pf": 0.5066765625, "in_bounds_one_im": 1, "error_one_im": 0.03409106259941471, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 10.500519794999128, "error_w_gmm": 0.02572936054216341, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025384544146494534}, "run_9852": {"edge_length": 800, "pf": 0.50699375, "in_bounds_one_im": 1, "error_one_im": 0.0345624843248245, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 16.817533807351854, "error_w_gmm": 0.04118176415252021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04062985974513754}, "run_9853": {"edge_length": 800, "pf": 0.5099234375, "in_bounds_one_im": 1, "error_one_im": 0.03715443909656274, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 19.009527526340335, "error_w_gmm": 0.04627735518690114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045657161350739314}, "run_9854": {"edge_length": 800, "pf": 0.50418125, "in_bounds_one_im": 1, "error_one_im": 0.03862492146592915, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 19.038887722732355, "error_w_gmm": 0.04688429915867603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04625597125978153}, "run_9855": {"edge_length": 800, "pf": 0.500659375, "in_bounds_one_im": 1, "error_one_im": 0.03809902272581066, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 18.335548911228557, "error_w_gmm": 0.045471461985886724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04486206846434649}, "run_9856": {"edge_length": 800, "pf": 0.4991421875, "in_bounds_one_im": 1, "error_one_im": 0.03811463524680611, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 21.121351586653606, "error_w_gmm": 0.05253932889366196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05183521415321648}, "run_9857": {"edge_length": 800, "pf": 0.5012484375, "in_bounds_one_im": 1, "error_one_im": 0.03496195107068965, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 15.780607450945553, "error_w_gmm": 0.03908922530444267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03856536441186907}, "run_9858": {"edge_length": 800, "pf": 0.5084375, "in_bounds_one_im": 1, "error_one_im": 0.03397118185579052, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 21.726048026781882, "error_w_gmm": 0.053048004047849026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05233707221092167}, "run_9859": {"edge_length": 800, "pf": 0.4952234375, "in_bounds_one_im": 1, "error_one_im": 0.03609250800689336, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 15.181270429707736, "error_w_gmm": 0.03806053075512889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037550456087290844}, "run_9860": {"edge_length": 800, "pf": 0.4871546875, "in_bounds_one_im": 1, "error_one_im": 0.03806498662772334, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 15.254341214272621, "error_w_gmm": 0.038866097593103846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0383452269844539}, "run_9861": {"edge_length": 800, "pf": 0.5147171875, "in_bounds_one_im": 1, "error_one_im": 0.036459867054666716, "one_im_sa_cls": 15.326530612244898, "model_in_bounds": 1, "pred_cls": 17.53647992015931, "error_w_gmm": 0.042283727952973714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041717055390540866}, "run_9862": {"edge_length": 800, "pf": 0.47528125, "in_bounds_one_im": 0, "error_one_im": 0.034357987962299254, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 0, "pred_cls": 15.180652448559007, "error_w_gmm": 0.03960920414132269, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0390783746640436}, "run_9863": {"edge_length": 800, "pf": 0.5149078125, "in_bounds_one_im": 1, "error_one_im": 0.03513564979228968, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 17.86123378278921, "error_w_gmm": 0.04305033966809102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04247339322854208}, "run_9864": {"edge_length": 800, "pf": 0.499978125, "in_bounds_one_im": 1, "error_one_im": 0.03845097566561528, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 17.73576539712071, "error_w_gmm": 0.04404399085447197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043453727829768196}, "run_9865": {"edge_length": 800, "pf": 0.50161875, "in_bounds_one_im": 1, "error_one_im": 0.037677127620002755, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 17.136196653719495, "error_w_gmm": 0.04241565052393111, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04184720997875532}, "run_9866": {"edge_length": 800, "pf": 0.498825, "in_bounds_one_im": 1, "error_one_im": 0.034831118637586866, "one_im_sa_cls": 14.183673469387756, "model_in_bounds": 1, "pred_cls": 16.975946062633472, "error_w_gmm": 0.042254435933334146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04168815593287804}, "run_9867": {"edge_length": 800, "pf": 0.5200140625, "in_bounds_one_im": 0, "error_one_im": 0.03165586253479169, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 1, "pred_cls": 18.257856810625004, "error_w_gmm": 0.04355863256100597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04297487414791459}, "run_9868": {"edge_length": 800, "pf": 0.472440625, "in_bounds_one_im": 0, "error_one_im": 0.04084167760407464, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 0, "pred_cls": 19.26241206833173, "error_w_gmm": 0.05054642585862357, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04986901934671464}, "run_9869": {"edge_length": 800, "pf": 0.468928125, "in_bounds_one_im": 0, "error_one_im": 0.04027925357931627, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 0, "pred_cls": 17.554557328041806, "error_w_gmm": 0.046390720837674586, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0457690077124877}, "run_9870": {"edge_length": 800, "pf": 0.5162046875, "in_bounds_one_im": 1, "error_one_im": 0.03828761935160008, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 19.739226632544643, "error_w_gmm": 0.04745344181407592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04681748645321108}, "run_9871": {"edge_length": 800, "pf": 0.5049234375, "in_bounds_one_im": 1, "error_one_im": 0.03490394850829072, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 19.005457440329064, "error_w_gmm": 0.04673254935531166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046106255157183064}, "run_9872": {"edge_length": 800, "pf": 0.5061125, "in_bounds_one_im": 1, "error_one_im": 0.036846083920731125, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 16.335487725511697, "error_w_gmm": 0.040071935446507015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039534904597042335}, "run_9873": {"edge_length": 800, "pf": 0.501428125, "in_bounds_one_im": 1, "error_one_im": 0.03759178194758484, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 13.689517987013497, "error_w_gmm": 0.033897325031902105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03344304427272181}, "run_9874": {"edge_length": 800, "pf": 0.5056953125, "in_bounds_one_im": 1, "error_one_im": 0.037272306633047994, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 18.12696959174777, "error_w_gmm": 0.044503670823016206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04390724731913318}, "run_9875": {"edge_length": 800, "pf": 0.4949578125, "in_bounds_one_im": 1, "error_one_im": 0.03954608749948805, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 19.33397456874596, "error_w_gmm": 0.048497416933226074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047847470562473446}, "run_9876": {"edge_length": 800, "pf": 0.4939046875, "in_bounds_one_im": 1, "error_one_im": 0.037351923313306404, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.297545638169847, "error_w_gmm": 0.0434807269646505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04289801261664167}, "run_9877": {"edge_length": 800, "pf": 0.50605625, "in_bounds_one_im": 1, "error_one_im": 0.03497314049094606, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 17.62785986935525, "error_w_gmm": 0.04324706791028506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04266748498378234}, "run_9878": {"edge_length": 800, "pf": 0.49759375, "in_bounds_one_im": 1, "error_one_im": 0.03481651653930701, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 19.585935469840404, "error_w_gmm": 0.048871099017143135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04821614468246958}, "run_9879": {"edge_length": 800, "pf": 0.502796875, "in_bounds_one_im": 1, "error_one_im": 0.03679293080004059, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 21.256067418300404, "error_w_gmm": 0.05248936111926684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051785916030437404}, "run_9880": {"edge_length": 800, "pf": 0.4937125, "in_bounds_one_im": 1, "error_one_im": 0.03903713558236047, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 17.629979361201674, "error_w_gmm": 0.044333403422692964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04373926178629686}, "run_9881": {"edge_length": 1000, "pf": 0.513295, "in_bounds_one_im": 1, "error_one_im": 0.03256174534069909, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 18.321148995761583, "error_w_gmm": 0.03568059510994176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034966340681220905}, "run_9882": {"edge_length": 1000, "pf": 0.505184, "in_bounds_one_im": 1, "error_one_im": 0.028898276664163784, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 16.48682868249402, "error_w_gmm": 0.03263354051070343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031980282044503795}, "run_9883": {"edge_length": 1000, "pf": 0.483408, "in_bounds_one_im": 0, "error_one_im": 0.03196306562132556, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.45790815654227, "error_w_gmm": 0.040229354699983566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039424043166627475}, "run_9884": {"edge_length": 1000, "pf": 0.505567, "in_bounds_one_im": 1, "error_one_im": 0.030458401105058198, "one_im_sa_cls": 15.714285714285714, "model_in_bounds": 1, "pred_cls": 19.434448311035105, "error_w_gmm": 0.03843851293442448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037669050485374514}, "run_9885": {"edge_length": 1000, "pf": 0.497519, "in_bounds_one_im": 1, "error_one_im": 0.030992840122423315, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 18.000795144089032, "error_w_gmm": 0.03618067559216868, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035456410548489005}, "run_9886": {"edge_length": 1000, "pf": 0.489745, "in_bounds_one_im": 1, "error_one_im": 0.029559644474351675, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 14.395530657301, "error_w_gmm": 0.029387747758795112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028799463596993004}, "run_9887": {"edge_length": 1000, "pf": 0.497885, "in_bounds_one_im": 1, "error_one_im": 0.0313718493974075, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 19.974474401519352, "error_w_gmm": 0.040118291774372525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03931520349951983}, "run_9888": {"edge_length": 1000, "pf": 0.5263, "in_bounds_one_im": 0, "error_one_im": 0.02717065078460325, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 0, "pred_cls": 17.992804803515284, "error_w_gmm": 0.03414002788632034, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.033456612544190564}, "run_9889": {"edge_length": 1000, "pf": 0.499106, "in_bounds_one_im": 1, "error_one_im": 0.03029356088281848, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 19.43553009864116, "error_w_gmm": 0.03894062389846182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03816111018825239}, "run_9890": {"edge_length": 1000, "pf": 0.508467, "in_bounds_one_im": 1, "error_one_im": 0.028158530549683525, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 18.856934723118258, "error_w_gmm": 0.03708053977663063, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03633826124475051}, "run_9891": {"edge_length": 1000, "pf": 0.503907, "in_bounds_one_im": 1, "error_one_im": 0.03048032440080571, "one_im_sa_cls": 15.673469387755102, "model_in_bounds": 1, "pred_cls": 18.15459386632025, "error_w_gmm": 0.03602656762230617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03530538751315837}, "run_9892": {"edge_length": 1000, "pf": 0.51261, "in_bounds_one_im": 1, "error_one_im": 0.03108530282249373, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 20.202837219480077, "error_w_gmm": 0.03939917521382578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03861048221984088}, "run_9893": {"edge_length": 1000, "pf": 0.501503, "in_bounds_one_im": 1, "error_one_im": 0.030188559983204542, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 20.18826030339583, "error_w_gmm": 0.04025533066056701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03944949914023117}, "run_9894": {"edge_length": 1000, "pf": 0.496929, "in_bounds_one_im": 1, "error_one_im": 0.02756830422670632, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 17.21087121325262, "error_w_gmm": 0.03463381404049038, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03394051408330935}, "run_9895": {"edge_length": 1000, "pf": 0.493385, "in_bounds_one_im": 1, "error_one_im": 0.03035846997635259, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 21.518919364837966, "error_w_gmm": 0.0436110461870386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042738039927354206}, "run_9896": {"edge_length": 1000, "pf": 0.483631, "in_bounds_one_im": 0, "error_one_im": 0.028394339031425547, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 19.077845590034876, "error_w_gmm": 0.03942596577670332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038636736489023604}, "run_9897": {"edge_length": 1000, "pf": 0.508679, "in_bounds_one_im": 1, "error_one_im": 0.027596238028455747, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 19.091476316857865, "error_w_gmm": 0.03752582663665649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036774634348970284}, "run_9898": {"edge_length": 1000, "pf": 0.501469, "in_bounds_one_im": 1, "error_one_im": 0.030070967135382164, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 20.438902732894103, "error_w_gmm": 0.04075788238155059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03994199077697936}, "run_9899": {"edge_length": 1000, "pf": 0.496182, "in_bounds_one_im": 1, "error_one_im": 0.030672770481313463, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 20.058834956826114, "error_w_gmm": 0.040425187024221425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03961595531788496}, "run_9900": {"edge_length": 1000, "pf": 0.490779, "in_bounds_one_im": 1, "error_one_im": 0.029254091959851358, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 17.42128970555777, "error_w_gmm": 0.03549118218008243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03478071942085563}, "run_9901": {"edge_length": 1000, "pf": 0.514105, "in_bounds_one_im": 0, "error_one_im": 0.027103794152212354, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 18.872123810479398, "error_w_gmm": 0.036694085953566415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03595954345730365}, "run_9902": {"edge_length": 1000, "pf": 0.494232, "in_bounds_one_im": 1, "error_one_im": 0.03002383465342594, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 19.299614829522664, "error_w_gmm": 0.039047108639703114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038265463317120475}, "run_9903": {"edge_length": 1000, "pf": 0.50063, "in_bounds_one_im": 1, "error_one_im": 0.031439782433371914, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 17.115140441699708, "error_w_gmm": 0.03418717786727889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03350281867646575}, "run_9904": {"edge_length": 1000, "pf": 0.510398, "in_bounds_one_im": 1, "error_one_im": 0.02875511975021245, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 17.90491619970005, "error_w_gmm": 0.03507271595711723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03437063005797655}, "run_9905": {"edge_length": 1000, "pf": 0.4917, "in_bounds_one_im": 1, "error_one_im": 0.029444252128138927, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 17.899459249022694, "error_w_gmm": 0.036398195834062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03566957646849869}, "run_9906": {"edge_length": 1000, "pf": 0.500291, "in_bounds_one_im": 1, "error_one_im": 0.029262426282204067, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 14.920320996995004, "error_w_gmm": 0.02982327979128021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029226277145885254}, "run_9907": {"edge_length": 1000, "pf": 0.506959, "in_bounds_one_im": 1, "error_one_im": 0.027967480582965783, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 17.811696448099205, "error_w_gmm": 0.035130989303352615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03442773688791659}, "run_9908": {"edge_length": 1000, "pf": 0.502811, "in_bounds_one_im": 1, "error_one_im": 0.026529936812562337, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 18.8128906496695, "error_w_gmm": 0.03741484044480721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0366658698795674}, "run_9909": {"edge_length": 1000, "pf": 0.499494, "in_bounds_one_im": 1, "error_one_im": 0.02474457461551947, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 17.55928783418175, "error_w_gmm": 0.03515413366839203, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034450417948877654}, "run_9910": {"edge_length": 1000, "pf": 0.491353, "in_bounds_one_im": 1, "error_one_im": 0.03121467464780868, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 21.798385312404466, "error_w_gmm": 0.04435736692671853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04346942081269826}, "run_9911": {"edge_length": 1000, "pf": 0.514741, "in_bounds_one_im": 0, "error_one_im": 0.027146985141478893, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 16.18333167798635, "error_w_gmm": 0.03142608995118518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030797002239619575}, "run_9912": {"edge_length": 1000, "pf": 0.508651, "in_bounds_one_im": 1, "error_one_im": 0.027715723172892198, "one_im_sa_cls": 14.387755102040817, "model_in_bounds": 1, "pred_cls": 13.307598506863688, "error_w_gmm": 0.026158616579386826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025634973190495246}, "run_9913": {"edge_length": 1000, "pf": 0.498378, "in_bounds_one_im": 1, "error_one_im": 0.027729300526443876, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 15.172322217119593, "error_w_gmm": 0.030443242646485284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029833829579862477}, "run_9914": {"edge_length": 1000, "pf": 0.505696, "in_bounds_one_im": 1, "error_one_im": 0.028552327195969854, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 18.241047004570657, "error_w_gmm": 0.03606883053441412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0353468044059651}, "run_9915": {"edge_length": 1000, "pf": 0.508199, "in_bounds_one_im": 1, "error_one_im": 0.02809493446820074, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 15.15856175850911, "error_w_gmm": 0.029823993347630508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029226976418258933}, "run_9916": {"edge_length": 1000, "pf": 0.518081, "in_bounds_one_im": 0, "error_one_im": 0.028007659862359393, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 0, "pred_cls": 15.873355466555298, "error_w_gmm": 0.030618712817603796, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.030005787187739108}, "run_9917": {"edge_length": 1000, "pf": 0.510634, "in_bounds_one_im": 1, "error_one_im": 0.03058194316061498, "one_im_sa_cls": 15.938775510204081, "model_in_bounds": 1, "pred_cls": 17.215315930925613, "error_w_gmm": 0.03370598512309423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0330312584523537}, "run_9918": {"edge_length": 1000, "pf": 0.500095, "in_bounds_one_im": 1, "error_one_im": 0.029273899403747975, "one_im_sa_cls": 14.938775510204081, "model_in_bounds": 1, "pred_cls": 15.72546210718576, "error_w_gmm": 0.031444949106352135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03081548387207256}, "run_9919": {"edge_length": 1000, "pf": 0.511389, "in_bounds_one_im": 1, "error_one_im": 0.026547749691184723, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 19.71113626480006, "error_w_gmm": 0.03853430982122325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037762929709352785}, "run_9920": {"edge_length": 1000, "pf": 0.501534, "in_bounds_one_im": 1, "error_one_im": 0.02911001649044648, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 16.960311566469592, "error_w_gmm": 0.03381671381354781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03313977057502598}, "run_9921": {"edge_length": 1200, "pf": 0.49845347222222225, "in_bounds_one_im": 1, "error_one_im": 0.02534447338887996, "one_im_sa_cls": 15.46938775510204, "model_in_bounds": 1, "pred_cls": 19.242337331796374, "error_w_gmm": 0.03216991213532879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03152593458553122}, "run_9922": {"edge_length": 1200, "pf": 0.4934673611111111, "in_bounds_one_im": 1, "error_one_im": 0.024855532981204877, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 16.94871277533762, "error_w_gmm": 0.028619363481023487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0280464608416335}, "run_9923": {"edge_length": 1200, "pf": 0.5021840277777778, "in_bounds_one_im": 1, "error_one_im": 0.024625079186912303, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 15.532930214798402, "error_w_gmm": 0.025775381751612432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025259409960465606}, "run_9924": {"edge_length": 1200, "pf": 0.5015, "in_bounds_one_im": 1, "error_one_im": 0.025556078730486646, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 17.767267768754923, "error_w_gmm": 0.029523409464722632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02893240962584264}, "run_9925": {"edge_length": 1200, "pf": 0.49274097222222224, "in_bounds_one_im": 1, "error_one_im": 0.0258386415979732, "one_im_sa_cls": 15.591836734693878, "model_in_bounds": 1, "pred_cls": 17.129427039780698, "error_w_gmm": 0.028966574548987285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028386721435754842}, "run_9926": {"edge_length": 1200, "pf": 0.5031597222222223, "in_bounds_one_im": 1, "error_one_im": 0.024974544406161963, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 18.98362058513952, "error_w_gmm": 0.031440052207282757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030810684999166536}, "run_9927": {"edge_length": 1200, "pf": 0.5058013888888889, "in_bounds_one_im": 1, "error_one_im": 0.024546398989788866, "one_im_sa_cls": 15.204081632653061, "model_in_bounds": 1, "pred_cls": 14.757739601987264, "error_w_gmm": 0.02431248463068344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023825797125411514}, "run_9928": {"edge_length": 1200, "pf": 0.49435555555555555, "in_bounds_one_im": 1, "error_one_im": 0.02390121125886074, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 19.501361619816148, "error_w_gmm": 0.0328712784822418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032213260975490196}, "run_9929": {"edge_length": 1200, "pf": 0.49257569444444443, "in_bounds_one_im": 1, "error_one_im": 0.02577952316839281, "one_im_sa_cls": 15.551020408163264, "model_in_bounds": 1, "pred_cls": 14.024560557073094, "error_w_gmm": 0.02372395849285791, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023249052108362332}, "run_9930": {"edge_length": 1200, "pf": 0.49820625, "in_bounds_one_im": 1, "error_one_im": 0.024821767785941543, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 18.185281303176797, "error_w_gmm": 0.03041773074085675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029808828371758044}, "run_9931": {"edge_length": 1200, "pf": 0.5103819444444444, "in_bounds_one_im": 1, "error_one_im": 0.021710682269128912, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 14.568427890960683, "error_w_gmm": 0.023781678279735933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02330561646010045}, "run_9932": {"edge_length": 1200, "pf": 0.4954972222222222, "in_bounds_one_im": 1, "error_one_im": 0.024082133304898855, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 18.18406127031623, "error_w_gmm": 0.0305809381565101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02996876870010334}, "run_9933": {"edge_length": 1200, "pf": 0.5050527777777778, "in_bounds_one_im": 1, "error_one_im": 0.022009372586033922, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 16.47471661893525, "error_w_gmm": 0.02718177205880683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026637647135619308}, "run_9934": {"edge_length": 1200, "pf": 0.4882625, "in_bounds_one_im": 1, "error_one_im": 0.025115713227261957, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 15.739041275452944, "error_w_gmm": 0.026854926016268224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02631734389968676}, "run_9935": {"edge_length": 1200, "pf": 0.4906916666666667, "in_bounds_one_im": 1, "error_one_im": 0.023805364342113475, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 18.370518706387337, "error_w_gmm": 0.0311929334456005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03056851306276594}, "run_9936": {"edge_length": 1200, "pf": 0.4975173611111111, "in_bounds_one_im": 1, "error_one_im": 0.02398502622818692, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 16.25094327706511, "error_w_gmm": 0.02721972508037111, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026674840413304535}, "run_9937": {"edge_length": 1200, "pf": 0.5086409722222223, "in_bounds_one_im": 1, "error_one_im": 0.02417803079057549, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 18.768286456517167, "error_w_gmm": 0.03074448145684555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0301290381893884}, "run_9938": {"edge_length": 1200, "pf": 0.5057131944444444, "in_bounds_one_im": 1, "error_one_im": 0.026659785628574687, "one_im_sa_cls": 16.510204081632654, "model_in_bounds": 1, "pred_cls": 14.895249408052186, "error_w_gmm": 0.024543353097587414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02405204406556049}, "run_9939": {"edge_length": 1200, "pf": 0.500675, "in_bounds_one_im": 1, "error_one_im": 0.021637038790818422, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 17.241208408660135, "error_w_gmm": 0.028696580778618502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02812213240276838}, "run_9940": {"edge_length": 1200, "pf": 0.4924527777777778, "in_bounds_one_im": 1, "error_one_im": 0.02974510949050316, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 20.742179707348747, "error_w_gmm": 0.03509611739465925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03439356304536097}, "run_9941": {"edge_length": 1200, "pf": 0.5102243055555555, "in_bounds_one_im": 1, "error_one_im": 0.02416687677130901, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 20.177405010860337, "error_w_gmm": 0.032948231138388115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03228867319277091}, "run_9942": {"edge_length": 1200, "pf": 0.5050006944444444, "in_bounds_one_im": 1, "error_one_im": 0.02359571347802186, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 19.401234459597767, "error_w_gmm": 0.03201359311243229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03137274475804345}, "run_9943": {"edge_length": 1200, "pf": 0.49566180555555556, "in_bounds_one_im": 1, "error_one_im": 0.024881163612039948, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 17.77200584086106, "error_w_gmm": 0.029878129087943767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029280028468904172}, "run_9944": {"edge_length": 1200, "pf": 0.49019444444444443, "in_bounds_one_im": 1, "error_one_im": 0.026276550285615007, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 17.417294706976634, "error_w_gmm": 0.029603805309809317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02901119610628089}, "run_9945": {"edge_length": 1200, "pf": 0.5059520833333333, "in_bounds_one_im": 1, "error_one_im": 0.02546127225189878, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 15.613196490132365, "error_w_gmm": 0.025714046017648595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025199302045698424}, "run_9946": {"edge_length": 1200, "pf": 0.49613958333333336, "in_bounds_one_im": 1, "error_one_im": 0.02683927166225504, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 19.884365395387423, "error_w_gmm": 0.033397477558724305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032728926594792214}, "run_9947": {"edge_length": 1200, "pf": 0.4973611111111111, "in_bounds_one_im": 1, "error_one_im": 0.027108870167256126, "one_im_sa_cls": 16.510204081632654, "model_in_bounds": 1, "pred_cls": 16.94429623218856, "error_w_gmm": 0.028389936173218056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02782162621144921}, "run_9948": {"edge_length": 1200, "pf": 0.5031368055555555, "in_bounds_one_im": 1, "error_one_im": 0.027228138563257006, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 20.038412855494226, "error_w_gmm": 0.03318848586915697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03252411850248201}, "run_9949": {"edge_length": 1200, "pf": 0.5077555555555555, "in_bounds_one_im": 1, "error_one_im": 0.02609161510412022, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 16.765672183096516, "error_w_gmm": 0.027512673197311162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026961924292575167}, "run_9950": {"edge_length": 1200, "pf": 0.49906875, "in_bounds_one_im": 1, "error_one_im": 0.025179725148699515, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 17.374705398823274, "error_w_gmm": 0.02901182663241122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02843106766262306}, "run_9951": {"edge_length": 1200, "pf": 0.5033118055555555, "in_bounds_one_im": 1, "error_one_im": 0.026192117395305324, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 19.16761215673327, "error_w_gmm": 0.03173511839921358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031099844553786508}, "run_9952": {"edge_length": 1200, "pf": 0.4950375, "in_bounds_one_im": 1, "error_one_im": 0.024508270132986332, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 17.948729781313123, "error_w_gmm": 0.030212939649553718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02960813679010376}, "run_9953": {"edge_length": 1200, "pf": 0.4950611111111111, "in_bounds_one_im": 1, "error_one_im": 0.02292492274282991, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 16.48452843910221, "error_w_gmm": 0.02774695192124634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027191513223203567}, "run_9954": {"edge_length": 1200, "pf": 0.5003055555555556, "in_bounds_one_im": 1, "error_one_im": 0.023551836434218952, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 16.64244278124289, "error_w_gmm": 0.027720459175436155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027165550809383793}, "run_9955": {"edge_length": 1200, "pf": 0.5103201388888889, "in_bounds_one_im": 1, "error_one_im": 0.02344390631273013, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 18.27824862333382, "error_w_gmm": 0.029841324684395855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02924396081619095}, "run_9956": {"edge_length": 1200, "pf": 0.5011993055555556, "in_bounds_one_im": 1, "error_one_im": 0.02394206225895694, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 19.202257977811943, "error_w_gmm": 0.03192709055787328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031287973812290246}, "run_9957": {"edge_length": 1200, "pf": 0.49701805555555556, "in_bounds_one_im": 1, "error_one_im": 0.027261605274498106, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 17.436545966347996, "error_w_gmm": 0.029234745896744303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02864952452739956}, "run_9958": {"edge_length": 1200, "pf": 0.48175833333333334, "in_bounds_one_im": 0, "error_one_im": 0.026931451972838385, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 0, "pred_cls": 16.416015811980387, "error_w_gmm": 0.02837710304219875, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027809049974145777}, "run_9959": {"edge_length": 1200, "pf": 0.4985125, "in_bounds_one_im": 1, "error_one_im": 0.025007161145883, "one_im_sa_cls": 15.26530612244898, "model_in_bounds": 1, "pred_cls": 18.56690098723901, "error_w_gmm": 0.031037033211668417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03041573364092174}, "run_9960": {"edge_length": 1200, "pf": 0.5120277777777777, "in_bounds_one_im": 0, "error_one_im": 0.023168693681193547, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 18.768006246715814, "error_w_gmm": 0.030536388903823687, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0299251112347014}, "run_9961": {"edge_length": 1400, "pf": 0.4993484693877551, "in_bounds_one_im": 1, "error_one_im": 0.020054318399924904, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 19.631665676599358, "error_w_gmm": 0.027520169078681347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02751966338911645}, "run_9962": {"edge_length": 1400, "pf": 0.5106923469387755, "in_bounds_one_im": 0, "error_one_im": 0.020862873854632178, "one_im_sa_cls": 15.224489795918368, "model_in_bounds": 1, "pred_cls": 18.799703137507166, "error_w_gmm": 0.025762639504539643, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025762166109993146}, "run_9963": {"edge_length": 1400, "pf": 0.5016897959183674, "in_bounds_one_im": 1, "error_one_im": 0.021839947778307268, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 19.443549826357913, "error_w_gmm": 0.027129128919750407, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0271286304156402}, "run_9964": {"edge_length": 1400, "pf": 0.4988714285714286, "in_bounds_one_im": 1, "error_one_im": 0.021018431398215333, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 18.32005042449539, "error_w_gmm": 0.02570602743588869, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025705555081602178}, "run_9965": {"edge_length": 1400, "pf": 0.4967204081632653, "in_bounds_one_im": 1, "error_one_im": 0.020763943143591555, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 18.304420156276624, "error_w_gmm": 0.025794829984205975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02579435599815182}, "run_9966": {"edge_length": 1400, "pf": 0.5013255102040817, "in_bounds_one_im": 1, "error_one_im": 0.0203171215546859, "one_im_sa_cls": 14.551020408163264, "model_in_bounds": 1, "pred_cls": 18.818993815191053, "error_w_gmm": 0.026276838325715385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02627635548264491}, "run_9967": {"edge_length": 1400, "pf": 0.4991734693877551, "in_bounds_one_im": 1, "error_one_im": 0.01908832080320883, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 17.9897466402702, "error_w_gmm": 0.02522731317827695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02522684962047731}, "run_9968": {"edge_length": 1400, "pf": 0.5039102040816327, "in_bounds_one_im": 1, "error_one_im": 0.023047195806497077, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 19.672578609760524, "error_w_gmm": 0.02732705907919829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027326556938075012}, "run_9969": {"edge_length": 1400, "pf": 0.4935423469387755, "in_bounds_one_im": 1, "error_one_im": 0.021359431787193465, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.723279283138, "error_w_gmm": 0.02513514962820866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0251346877639359}, "run_9970": {"edge_length": 1400, "pf": 0.49826122448979593, "in_bounds_one_im": 1, "error_one_im": 0.02216224525090953, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 19.95812746387478, "error_w_gmm": 0.0280387155602317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02803820034225354}, "run_9971": {"edge_length": 1400, "pf": 0.496065306122449, "in_bounds_one_im": 1, "error_one_im": 0.02237498208922637, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 16.762596663418478, "error_w_gmm": 0.023653043646357317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023652609016129724}, "run_9972": {"edge_length": 1400, "pf": 0.5090867346938776, "in_bounds_one_im": 1, "error_one_im": 0.020256651960108528, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 17.732185766464223, "error_w_gmm": 0.024377928646280828, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02437748069612125}, "run_9973": {"edge_length": 1400, "pf": 0.4957979591836735, "in_bounds_one_im": 1, "error_one_im": 0.020081987185831523, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 18.207067445245638, "error_w_gmm": 0.02570502134759661, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025704549011797227}, "run_9974": {"edge_length": 1400, "pf": 0.4973336734693878, "in_bounds_one_im": 1, "error_one_im": 0.020566148217050904, "one_im_sa_cls": 14.612244897959183, "model_in_bounds": 1, "pred_cls": 16.56920857453252, "error_w_gmm": 0.02332092457462684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02332049604716517}, "run_9975": {"edge_length": 1400, "pf": 0.5085469387755102, "in_bounds_one_im": 1, "error_one_im": 0.019997673298843395, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 18.941758112315604, "error_w_gmm": 0.026068966988771286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026068487965385388}, "run_9976": {"edge_length": 1400, "pf": 0.5045224489795919, "in_bounds_one_im": 1, "error_one_im": 0.021490053407489405, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 15.833538972243327, "error_w_gmm": 0.02196735531408444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021966951658775526}, "run_9977": {"edge_length": 1400, "pf": 0.49104183673469387, "in_bounds_one_im": 1, "error_one_im": 0.021175669451456446, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 18.93977813225482, "error_w_gmm": 0.026995086122656376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026994590081614016}, "run_9978": {"edge_length": 1400, "pf": 0.5025275510204081, "in_bounds_one_im": 1, "error_one_im": 0.019301822964410385, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.69818953310097, "error_w_gmm": 0.02325958706386124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023259159663490694}, "run_9979": {"edge_length": 1400, "pf": 0.49798367346938777, "in_bounds_one_im": 1, "error_one_im": 0.022576160094558678, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 18.8829185180828, "error_w_gmm": 0.02654290931328064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026542421581093337}, "run_9980": {"edge_length": 1400, "pf": 0.48896581632653063, "in_bounds_one_im": 0, "error_one_im": 0.02234452551942966, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 18.400310640095242, "error_w_gmm": 0.026335339241553606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026334855323515056}, "run_9981": {"edge_length": 1400, "pf": 0.49182857142857145, "in_bounds_one_im": 1, "error_one_im": 0.021926492846740274, "one_im_sa_cls": 15.408163265306122, "model_in_bounds": 1, "pred_cls": 17.32877430183295, "error_w_gmm": 0.024660059813622914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024659606679236987}, "run_9982": {"edge_length": 1400, "pf": 0.4957448979591837, "in_bounds_one_im": 1, "error_one_im": 0.0209773864297737, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 17.04128705953683, "error_w_gmm": 0.02406170797953287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02406126584000233}, "run_9983": {"edge_length": 1400, "pf": 0.4962295918367347, "in_bounds_one_im": 1, "error_one_im": 0.021417654471041037, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 17.660121135873002, "error_w_gmm": 0.024911318299488994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02491086054816933}, "run_9984": {"edge_length": 1400, "pf": 0.5020352040816326, "in_bounds_one_im": 1, "error_one_im": 0.022792330083804768, "one_im_sa_cls": 16.346938775510203, "model_in_bounds": 1, "pred_cls": 19.40137159633838, "error_w_gmm": 0.027051584232282853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027051087153074447}, "run_9985": {"edge_length": 1400, "pf": 0.48963622448979593, "in_bounds_one_im": 0, "error_one_im": 0.020768595098645884, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 18.14965717047962, "error_w_gmm": 0.02594177045956558, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025941293773445766}, "run_9986": {"edge_length": 1400, "pf": 0.49222602040816327, "in_bounds_one_im": 1, "error_one_im": 0.02060322764580526, "one_im_sa_cls": 14.489795918367347, "model_in_bounds": 1, "pred_cls": 17.105720657171204, "error_w_gmm": 0.02432329170748503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024322844761292033}, "run_9987": {"edge_length": 1400, "pf": 0.5017316326530612, "in_bounds_one_im": 1, "error_one_im": 0.02101242876396847, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 14.286710149550373, "error_w_gmm": 0.01993224361081327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019931877351159536}, "run_9988": {"edge_length": 1400, "pf": 0.5037331632653061, "in_bounds_one_im": 1, "error_one_im": 0.02220460708776034, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 18.878084346382778, "error_w_gmm": 0.026232719361327563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02623223732895326}, "run_9989": {"edge_length": 1400, "pf": 0.4884928571428571, "in_bounds_one_im": 1, "error_one_im": 0.02376901930609856, "one_im_sa_cls": 16.591836734693878, "model_in_bounds": 1, "pred_cls": 18.82650561859009, "error_w_gmm": 0.026970841475267453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026970345879726198}, "run_9990": {"edge_length": 1400, "pf": 0.4977326530612245, "in_bounds_one_im": 1, "error_one_im": 0.020320137344389578, "one_im_sa_cls": 14.448979591836734, "model_in_bounds": 1, "pred_cls": 16.080212483364022, "error_w_gmm": 0.022614616372692516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022614200823809764}, "run_9991": {"edge_length": 1400, "pf": 0.5016214285714286, "in_bounds_one_im": 1, "error_one_im": 0.020618363010059336, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 19.241371296892115, "error_w_gmm": 0.026850705172984008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02685021178497546}, "run_9992": {"edge_length": 1400, "pf": 0.5022877551020408, "in_bounds_one_im": 1, "error_one_im": 0.02098907041002153, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 18.247473369800694, "error_w_gmm": 0.02542984080886314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025429373529570785}, "run_9993": {"edge_length": 1400, "pf": 0.4991642857142857, "in_bounds_one_im": 1, "error_one_im": 0.02206501597676079, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 14.325200243788988, "error_w_gmm": 0.020088829370709497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02008846023375561}, "run_9994": {"edge_length": 1400, "pf": 0.5039846938775511, "in_bounds_one_im": 1, "error_one_im": 0.02369567684065428, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 18.480978236930454, "error_w_gmm": 0.0256679897319758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025667518076641114}, "run_9995": {"edge_length": 1400, "pf": 0.5041494897959183, "in_bounds_one_im": 1, "error_one_im": 0.021902777200036007, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 17.10327413061729, "error_w_gmm": 0.023746685938285564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023746249587358926}, "run_9996": {"edge_length": 1400, "pf": 0.5061668367346939, "in_bounds_one_im": 1, "error_one_im": 0.02220966406950019, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 17.876247301185586, "error_w_gmm": 0.024719954770864878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024719500535895073}, "run_9997": {"edge_length": 1400, "pf": 0.501694387755102, "in_bounds_one_im": 1, "error_one_im": 0.0218966956993485, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 18.39012215734568, "error_w_gmm": 0.02565907035868097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02565859886724186}, "run_9998": {"edge_length": 1400, "pf": 0.5019331632653061, "in_bounds_one_im": 1, "error_one_im": 0.020947039757785575, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 17.470979172157275, "error_w_gmm": 0.024364985037052093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024364537324734353}, "run_9999": {"edge_length": 1400, "pf": 0.4946464285714286, "in_bounds_one_im": 1, "error_one_im": 0.021485582955354167, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 17.605643639793715, "error_w_gmm": 0.024913237797819808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024912780011229}, "run_10000": {"edge_length": 1400, "pf": 0.5116102040816326, "in_bounds_one_im": 0, "error_one_im": 0.021047911692872758, "one_im_sa_cls": 15.387755102040817, "model_in_bounds": 1, "pred_cls": 17.57906606795537, "error_w_gmm": 0.02404570561449332, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02404526376900999}}, "large_im_size": [10000, 10000], "edge_lengths_fit": [500, 520, 540, 560, 580, 600, 620, 640, 660, 680, 700, 720, 740, 760, 780, 800, 820, 840, 860, 880, 900, 920, 940, 960, 980], "edge_lengths_pred": [600, 800, 1000, 1200, 1400], "anode_0": {"true_cls": 6.224489795918367, "true_pf": 0.20211146605464753, "run_0": {"edge_length": "400", "pf": 0.20769375, "in_bounds_one_im": 1, "error_one_im": 0.08593686830681369, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 3.7796550433068803, "error_w_gmm": 0.03763809527450116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03617221401679667}, "run_1": {"edge_length": "400", "pf": 0.20160625, "in_bounds_one_im": 1, "error_one_im": 0.08059416708841473, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 4.341228558800696, "error_w_gmm": 0.04404634387741666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04233088220249894}, "run_2": {"edge_length": "400", "pf": 0.19689375, "in_bounds_one_im": 1, "error_one_im": 0.08482265219467205, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 11.551621841124378, "error_w_gmm": 0.11894717884597004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11431457353330819}, "run_3": {"edge_length": "400", "pf": 0.214525, "in_bounds_one_im": 1, "error_one_im": 0.07252011060144624, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.301981273329819, "error_w_gmm": 0.061481574604154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059087067463208305}, "run_4": {"edge_length": "400", "pf": 0.2098, "in_bounds_one_im": 1, "error_one_im": 0.0824796331154014, "one_im_sa_cls": 8.673469387755102, "model_in_bounds": 1, "pred_cls": 5.6881045168086315, "error_w_gmm": 0.05628257824287541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05409055508177234}, "run_5": {"edge_length": "400", "pf": 0.21808125, "in_bounds_one_im": 1, "error_one_im": 0.06816574259175796, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 0, "pred_cls": 4.099222441582998, "error_w_gmm": 0.03957434911570821, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.038033057075516415}, "run_6": {"edge_length": "400", "pf": 0.1964125, "in_bounds_one_im": 1, "error_one_im": 0.09425620737278828, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 5.904849073911478, "error_w_gmm": 0.06089497709061173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05852331601280095}, "run_7": {"edge_length": "400", "pf": 0.193475, "in_bounds_one_im": 1, "error_one_im": 0.08779240867338364, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 6.224064623951408, "error_w_gmm": 0.06479048452134693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.062267106113253735}, "run_8": {"edge_length": "400", "pf": 0.20525625, "in_bounds_one_im": 1, "error_one_im": 0.08815265544679854, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 9.380068163681155, "error_w_gmm": 0.09410484964008074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09043977216098883}, "run_9": {"edge_length": "400", "pf": 0.2167875, "in_bounds_one_im": 1, "error_one_im": 0.08667214580748678, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 0, "pred_cls": 5.611899250570001, "error_w_gmm": 0.05438425672573696, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05226616700660991}, "run_10": {"edge_length": "400", "pf": 0.2108375, "in_bounds_one_im": 1, "error_one_im": 0.07854659159182373, "one_im_sa_cls": 8.285714285714286, "model_in_bounds": 1, "pred_cls": 11.584989335538078, "error_w_gmm": 0.11427351191999097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10982293071618962}, "run_11": {"edge_length": "400", "pf": 0.2085625, "in_bounds_one_im": 1, "error_one_im": 0.06934772490954469, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 8.132863064198292, "error_w_gmm": 0.0807745050131309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07762860105238195}, "run_12": {"edge_length": "400", "pf": 0.20551875, "in_bounds_one_im": 1, "error_one_im": 0.08768856833925957, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 5.913622551002251, "error_w_gmm": 0.05928029385055295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05697151942737942}, "run_13": {"edge_length": "400", "pf": 0.2134625, "in_bounds_one_im": 1, "error_one_im": 0.06257610693163392, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 9.131032136194666, "error_w_gmm": 0.08936334928321746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08588293780424679}, "run_14": {"edge_length": "400", "pf": 0.197725, "in_bounds_one_im": 1, "error_one_im": 0.07795317745142397, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 11.080382799263914, "error_w_gmm": 0.11379580362439615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10936382760324435}, "run_15": {"edge_length": "400", "pf": 0.20513125, "in_bounds_one_im": 1, "error_one_im": 0.07735998349007607, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.710282248442692, "error_w_gmm": 0.0874187660011398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08401408970925707}, "run_16": {"edge_length": "400", "pf": 0.19255, "in_bounds_one_im": 1, "error_one_im": 0.10627850471296693, "one_im_sa_cls": 10.591836734693878, "model_in_bounds": 1, "pred_cls": 13.632792499808964, "error_w_gmm": 0.14233494166452426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13679145914287189}, "run_17": {"edge_length": "400", "pf": 0.19580625, "in_bounds_one_im": 1, "error_one_im": 0.08592606981662865, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 6.001380201609973, "error_w_gmm": 0.0620095897625303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05959451815043374}, "run_18": {"edge_length": "400", "pf": 0.188375, "in_bounds_one_im": 1, "error_one_im": 0.10918018832775289, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 14.08546394601819, "error_w_gmm": 0.14906575251153856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14326012682355885}, "run_19": {"edge_length": "400", "pf": 0.21725625, "in_bounds_one_im": 1, "error_one_im": 0.08465459633030462, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 12.066751540656677, "error_w_gmm": 0.116776291880908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11222823554691982}, "run_20": {"edge_length": "400", "pf": 0.20413125, "in_bounds_one_im": 1, "error_one_im": 0.08411386661690465, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 5.375520148023177, "error_w_gmm": 0.05411617816112175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05200852922919706}, "run_21": {"edge_length": "400", "pf": 0.20816875, "in_bounds_one_im": 1, "error_one_im": 0.0721609588341467, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 8.045231289608362, "error_w_gmm": 0.07999958438251092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07688386105710886}, "run_22": {"edge_length": "400", "pf": 0.20289375, "in_bounds_one_im": 1, "error_one_im": 0.09375122109271641, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 4.965901163144189, "error_w_gmm": 0.05018367816759727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04822918730582435}, "run_23": {"edge_length": "400", "pf": 0.210075, "in_bounds_one_im": 1, "error_one_im": 0.060887397440793425, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 6.803286933677142, "error_w_gmm": 0.06726128755607157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06464167941494679}, "run_24": {"edge_length": "400", "pf": 0.20738125, "in_bounds_one_im": 1, "error_one_im": 0.06803285405929899, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 11.188200369547378, "error_w_gmm": 0.11151885652804239, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10717556018233614}, "run_25": {"edge_length": "400", "pf": 0.21093125, "in_bounds_one_im": 1, "error_one_im": 0.054348216708041165, "one_im_sa_cls": 5.73469387755102, "model_in_bounds": 1, "pred_cls": 7.439507664828621, "error_w_gmm": 0.07336210761505149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07050489239748299}, "run_26": {"edge_length": "400", "pf": 0.208825, "in_bounds_one_im": 1, "error_one_im": 0.09595861516043758, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.704975283649167, "error_w_gmm": 0.09631193575073022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09256089945411197}, "run_27": {"edge_length": "400", "pf": 0.21475625, "in_bounds_one_im": 1, "error_one_im": 0.07935411538856099, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.77231112389436, "error_w_gmm": 0.07577399072788693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07282284051639555}, "run_28": {"edge_length": "500", "pf": 0.198264, "in_bounds_one_im": 1, "error_one_im": 0.06917421235358198, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 13.655597620414339, "error_w_gmm": 0.11283422940692357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10764219830435097}, "run_29": {"edge_length": "500", "pf": 0.21358, "in_bounds_one_im": 1, "error_one_im": 0.07475804776838316, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 11.130962641239703, "error_w_gmm": 0.08776393849736212, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08372550884035404}, "run_30": {"edge_length": "500", "pf": 0.209, "in_bounds_one_im": 1, "error_one_im": 0.0684777972576541, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.972242366278715, "error_w_gmm": 0.08770955070835453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08367362368812264}, "run_31": {"edge_length": "500", "pf": 0.19276, "in_bounds_one_im": 1, "error_one_im": 0.07841703153465705, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.380052173905463, "error_w_gmm": 0.07887412012602173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0752447526279244}, "run_32": {"edge_length": "500", "pf": 0.206304, "in_bounds_one_im": 1, "error_one_im": 0.0674720233187217, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 8.587794478044964, "error_w_gmm": 0.06921357938736929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0660287385922626}, "run_33": {"edge_length": "500", "pf": 0.207208, "in_bounds_one_im": 1, "error_one_im": 0.07745751783444219, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 10.628759779386687, "error_w_gmm": 0.08542703973948748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08149614173398474}, "run_34": {"edge_length": "500", "pf": 0.202944, "in_bounds_one_im": 1, "error_one_im": 0.06658671758612822, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 6.5357893736309824, "error_w_gmm": 0.05322194637523511, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05077295547617814}, "run_35": {"edge_length": "500", "pf": 0.20952, "in_bounds_one_im": 1, "error_one_im": 0.06293173863515132, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 5.9199229861268545, "error_w_gmm": 0.04724818746989173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04507407718285142}, "run_36": {"edge_length": "500", "pf": 0.19286, "in_bounds_one_im": 1, "error_one_im": 0.08526544912293774, "one_im_sa_cls": 10.63265306122449, "model_in_bounds": 1, "pred_cls": 10.951776451774167, "error_w_gmm": 0.09206070997537694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08782456574831547}, "run_37": {"edge_length": "500", "pf": 0.205348, "in_bounds_one_im": 1, "error_one_im": 0.05728311705133839, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 7.655296684196875, "error_w_gmm": 0.06187877019898819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05903143831086549}, "run_38": {"edge_length": "500", "pf": 0.210512, "in_bounds_one_im": 1, "error_one_im": 0.07219419219462235, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 9.241638477749786, "error_w_gmm": 0.0735393367786391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07015544763591927}, "run_39": {"edge_length": "500", "pf": 0.203972, "in_bounds_one_im": 1, "error_one_im": 0.06637586472553611, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 6.343246045347295, "error_w_gmm": 0.051490469020228295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04912115149978912}, "run_40": {"edge_length": "500", "pf": 0.212272, "in_bounds_one_im": 1, "error_one_im": 0.0728928503536863, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 9.882729057393702, "error_w_gmm": 0.07822671082965821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07462713366398455}, "run_41": {"edge_length": "500", "pf": 0.203744, "in_bounds_one_im": 1, "error_one_im": 0.06768769428245335, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 7.920818028331266, "error_w_gmm": 0.0643413807179837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06138073259173586}, "run_42": {"edge_length": "500", "pf": 0.198376, "in_bounds_one_im": 1, "error_one_im": 0.056284763044600054, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 9.560011664960658, "error_w_gmm": 0.07896517619114073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07533161877722923}, "run_43": {"edge_length": "500", "pf": 0.20486, "in_bounds_one_im": 1, "error_one_im": 0.05595044902244069, "one_im_sa_cls": 7.244897959183674, "model_in_bounds": 1, "pred_cls": 7.146102946937913, "error_w_gmm": 0.057849402857997494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05518748102379263}, "run_44": {"edge_length": "500", "pf": 0.208276, "in_bounds_one_im": 1, "error_one_im": 0.06519669479579235, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 6.241908103428015, "error_w_gmm": 0.05000587798339302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04770487344633107}, "run_45": {"edge_length": "500", "pf": 0.212556, "in_bounds_one_im": 1, "error_one_im": 0.06112877153993048, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.060184556990459, "error_w_gmm": 0.06374623454737481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060812971882476904}, "run_46": {"edge_length": "500", "pf": 0.203684, "in_bounds_one_im": 1, "error_one_im": 0.06437847416207747, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 10.519036117671813, "error_w_gmm": 0.08546269918454115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08153016032103988}, "run_47": {"edge_length": "500", "pf": 0.19892, "in_bounds_one_im": 1, "error_one_im": 0.07978791469645312, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 7.560143341572449, "error_w_gmm": 0.06233976267936383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05947121836918851}, "run_48": {"edge_length": "500", "pf": 0.212032, "in_bounds_one_im": 1, "error_one_im": 0.06307523832387175, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 0, "pred_cls": 3.587997235603042, "error_w_gmm": 0.028421178400165642, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027113386934747415}, "run_49": {"edge_length": "500", "pf": 0.195268, "in_bounds_one_im": 1, "error_one_im": 0.06837135691363114, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 0, "pred_cls": 3.519978822528134, "error_w_gmm": 0.029362061412227154, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028010975514895994}, "run_50": {"edge_length": "500", "pf": 0.210828, "in_bounds_one_im": 1, "error_one_im": 0.06144608297336351, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.523377727866988, "error_w_gmm": 0.06775944191606999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06464151279322883}, "run_51": {"edge_length": "500", "pf": 0.20098, "in_bounds_one_im": 1, "error_one_im": 0.07114088597231015, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 10.041783342464447, "error_w_gmm": 0.08227154375716936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07848584489354357}, "run_52": {"edge_length": "500", "pf": 0.192996, "in_bounds_one_im": 1, "error_one_im": 0.06527074834597521, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.905144980656232, "error_w_gmm": 0.0664216904726225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06336531755607078}, "run_53": {"edge_length": "500", "pf": 0.202908, "in_bounds_one_im": 1, "error_one_im": 0.06294730679308955, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 10.1156847375947, "error_w_gmm": 0.08238275690410184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07859194060296677}, "run_54": {"edge_length": "500", "pf": 0.213956, "in_bounds_one_im": 1, "error_one_im": 0.052440799742627234, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.924400114419704, "error_w_gmm": 0.07028726137378041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06705301544428303}, "run_55": {"edge_length": "500", "pf": 0.203704, "in_bounds_one_im": 1, "error_one_im": 0.05788960424954095, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 5.611428106155025, "error_w_gmm": 0.04558765858703135, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04348995700727653}, "run_56": {"edge_length": "600", "pf": 0.20280555555555554, "in_bounds_one_im": 1, "error_one_im": 0.05762745732449752, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.195807383760384, "error_w_gmm": 0.061929539550987775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059556465323453184}, "run_57": {"edge_length": "600", "pf": 0.2033, "in_bounds_one_im": 1, "error_one_im": 0.051864719118372926, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.376074399422201, "error_w_gmm": 0.06304716188860364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06063126155926458}, "run_58": {"edge_length": "600", "pf": 0.19697777777777778, "in_bounds_one_im": 1, "error_one_im": 0.053168330225180256, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.10686014323186, "error_w_gmm": 0.05559985040169308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053469323144431584}, "run_59": {"edge_length": "600", "pf": 0.2066611111111111, "in_bounds_one_im": 1, "error_one_im": 0.05107137020413663, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 2.847780662694593, "error_w_gmm": 0.018952753128233326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01822650374360153}, "run_60": {"edge_length": "600", "pf": 0.2067388888888889, "in_bounds_one_im": 1, "error_one_im": 0.05053691401765552, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.542146597460231, "error_w_gmm": 0.06349051570103345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061057626524149554}, "run_61": {"edge_length": "600", "pf": 0.1912388888888889, "in_bounds_one_im": 0, "error_one_im": 0.06443482343396005, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 12.489217419403683, "error_w_gmm": 0.08724148061070552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08389847966624067}, "run_62": {"edge_length": "600", "pf": 0.19996111111111112, "in_bounds_one_im": 1, "error_one_im": 0.06307317303760591, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 6.905120857978988, "error_w_gmm": 0.04691587708866415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04511811047214299}, "run_63": {"edge_length": "600", "pf": 0.20726944444444445, "in_bounds_one_im": 1, "error_one_im": 0.05123756336870104, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.292868778692064, "error_w_gmm": 0.05508910644265769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052978150351835354}, "run_64": {"edge_length": "600", "pf": 0.20196111111111112, "in_bounds_one_im": 1, "error_one_im": 0.06453686632014516, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 8.173820050998229, "error_w_gmm": 0.055191093843802615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053076229704011386}, "run_65": {"edge_length": "600", "pf": 0.2113722222222222, "in_bounds_one_im": 1, "error_one_im": 0.053825629887048365, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 8.109824574810288, "error_w_gmm": 0.05320951686529209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05117058465219801}, "run_66": {"edge_length": "600", "pf": 0.20373333333333332, "in_bounds_one_im": 1, "error_one_im": 0.053904161029773266, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 6.046692471667929, "error_w_gmm": 0.04060522123073318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039049272248960834}, "run_67": {"edge_length": "600", "pf": 0.20751666666666665, "in_bounds_one_im": 1, "error_one_im": 0.05302293297408649, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 6.984695961812452, "error_w_gmm": 0.04636410288428358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044587479669656406}, "run_68": {"edge_length": "600", "pf": 0.20053333333333334, "in_bounds_one_im": 1, "error_one_im": 0.05417539216724613, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 7.402817291264685, "error_w_gmm": 0.050207627737305374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04828372472958235}, "run_69": {"edge_length": "600", "pf": 0.20660833333333334, "in_bounds_one_im": 1, "error_one_im": 0.051863421871568186, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.005078751211789, "error_w_gmm": 0.053284547988761956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051242740662649715}, "run_70": {"edge_length": "600", "pf": 0.19265555555555555, "in_bounds_one_im": 1, "error_one_im": 0.06455064160609528, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 10.331655855240642, "error_w_gmm": 0.07184133113232745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06908844757113862}, "run_71": {"edge_length": "600", "pf": 0.20231388888888888, "in_bounds_one_im": 1, "error_one_im": 0.056126735529553926, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 8.450960780086698, "error_w_gmm": 0.05700002281451394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054815842436446646}, "run_72": {"edge_length": "600", "pf": 0.20193611111111112, "in_bounds_one_im": 1, "error_one_im": 0.05539733572005283, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 6.746739825054279, "error_w_gmm": 0.04555872650619859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04381296445960463}, "run_73": {"edge_length": "600", "pf": 0.20830277777777778, "in_bounds_one_im": 1, "error_one_im": 0.050557127627698054, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.279390102647367, "error_w_gmm": 0.05482721081857778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052726290290110826}, "run_74": {"edge_length": "600", "pf": 0.19502777777777777, "in_bounds_one_im": 1, "error_one_im": 0.06365621757505684, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 13.803206125285984, "error_w_gmm": 0.09525503951640357, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0916049674997522}, "run_75": {"edge_length": "600", "pf": 0.20515555555555556, "in_bounds_one_im": 1, "error_one_im": 0.05983634172912498, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 8.148198092788572, "error_w_gmm": 0.054478706366238916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0523911401585052}, "run_76": {"edge_length": "600", "pf": 0.2029527777777778, "in_bounds_one_im": 1, "error_one_im": 0.05297728036050614, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 3.579212211147747, "error_w_gmm": 0.024093381200948463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023170148404504595}, "run_77": {"edge_length": "600", "pf": 0.21009166666666668, "in_bounds_one_im": 1, "error_one_im": 0.05480883258403459, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 4.793381787719652, "error_w_gmm": 0.03157124680134904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030361470131627016}, "run_78": {"edge_length": "600", "pf": 0.20772222222222222, "in_bounds_one_im": 1, "error_one_im": 0.0606713885729444, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 8.966866262993603, "error_w_gmm": 0.05948448789115278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057205105448201364}, "run_79": {"edge_length": "600", "pf": 0.20952777777777779, "in_bounds_one_im": 1, "error_one_im": 0.05062907829244115, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 4.528536907768585, "error_w_gmm": 0.029877633244376152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028732754048664}, "run_80": {"edge_length": "600", "pf": 0.2007972222222222, "in_bounds_one_im": 1, "error_one_im": 0.05506184300107228, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 12.352151067213267, "error_w_gmm": 0.08370627457873564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0804987389773739}, "run_81": {"edge_length": "600", "pf": 0.19555833333333333, "in_bounds_one_im": 1, "error_one_im": 0.06395448649867197, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 9.616105924306668, "error_w_gmm": 0.06624820731134308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06370964631878993}, "run_82": {"edge_length": "600", "pf": 0.20879444444444445, "in_bounds_one_im": 1, "error_one_im": 0.052558259930878676, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 4.347142310876759, "error_w_gmm": 0.028744504692602615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02764304578036416}, "run_83": {"edge_length": "600", "pf": 0.21027222222222222, "in_bounds_one_im": 1, "error_one_im": 0.05258270511892346, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 4.653184523363649, "error_w_gmm": 0.030631185611448175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029457431088802177}, "run_252": {"edge_length": "400", "pf": 0.21488125, "in_bounds_one_im": 1, "error_one_im": 0.09729224297870247, "one_im_sa_cls": 10.387755102040817, "model_in_bounds": 1, "pred_cls": 9.660944090745486, "error_w_gmm": 0.09415180010199918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09048489405529078}, "run_253": {"edge_length": "400", "pf": 0.220025, "in_bounds_one_im": 1, "error_one_im": 0.08208859745551683, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 11.018340230777993, "error_w_gmm": 0.10576967025996206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10165028599949724}, "run_254": {"edge_length": "400", "pf": 0.21836875, "in_bounds_one_im": 1, "error_one_im": 0.08097323714156238, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.2993857129066, "error_w_gmm": 0.10899364891216377, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10474870118077857}, "run_255": {"edge_length": "400", "pf": 0.19199375, "in_bounds_one_im": 1, "error_one_im": 0.08431360443718097, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 0, "pred_cls": 6.083626076302695, "error_w_gmm": 0.06363073977238057, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06115252964601976}, "run_256": {"edge_length": "400", "pf": 0.19509375, "in_bounds_one_im": 1, "error_one_im": 0.0686530271366676, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.176945823380196, "error_w_gmm": 0.09503635794159901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09133500124724318}, "run_257": {"edge_length": "400", "pf": 0.20530625, "in_bounds_one_im": 1, "error_one_im": 0.08813914780949154, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 8.852582123577411, "error_w_gmm": 0.08879927561501509, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08534083296874319}, "run_258": {"edge_length": "400", "pf": 0.1955125, "in_bounds_one_im": 1, "error_one_im": 0.09168596075278045, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 8.874953772567013, "error_w_gmm": 0.09178656781893946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08821177986823378}, "run_259": {"edge_length": "400", "pf": 0.2082125, "in_bounds_one_im": 1, "error_one_im": 0.08268158577507002, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 11.696506229838473, "error_w_gmm": 0.11629143321594261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1117622605482087}, "run_260": {"edge_length": "400", "pf": 0.21405, "in_bounds_one_im": 1, "error_one_im": 0.06170036517420724, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 0, "pred_cls": 4.221944406498836, "error_w_gmm": 0.04124706001773784, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.039640621334418674}, "run_261": {"edge_length": "400", "pf": 0.2135625, "in_bounds_one_im": 1, "error_one_im": 0.10189576862453453, "one_im_sa_cls": 10.83673469387755, "model_in_bounds": 1, "pred_cls": 10.955249645834181, "error_w_gmm": 0.10718463484715428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10301014232327824}, "run_262": {"edge_length": "400", "pf": 0.21323125, "in_bounds_one_im": 1, "error_one_im": 0.07395216173108499, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 10.292762791841696, "error_w_gmm": 0.10080236783207007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09687644382715993}, "run_263": {"edge_length": "400", "pf": 0.21101875, "in_bounds_one_im": 1, "error_one_im": 0.06574212758366389, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 11.193532628999451, "error_w_gmm": 0.1103521078121859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10605425252991688}, "run_264": {"edge_length": "400", "pf": 0.20389375, "in_bounds_one_im": 1, "error_one_im": 0.08536096703663819, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.720178652147956, "error_w_gmm": 0.09792609857703702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0941121958942027}, "run_265": {"edge_length": "400", "pf": 0.19475, "in_bounds_one_im": 1, "error_one_im": 0.09190879835766452, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.489685906496824, "error_w_gmm": 0.0983827860637595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09455109689033535}, "run_266": {"edge_length": "400", "pf": 0.21140625, "in_bounds_one_im": 1, "error_one_im": 0.0704940785625191, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 3.6130110486738216, "error_w_gmm": 0.03557768527352585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03419205027646748}, "run_267": {"edge_length": "400", "pf": 0.2093375, "in_bounds_one_im": 1, "error_one_im": 0.07793067650031602, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.182450641354204, "error_w_gmm": 0.07116809637980692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0683963307559407}, "run_268": {"edge_length": "400", "pf": 0.1994875, "in_bounds_one_im": 1, "error_one_im": 0.07291545972969925, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 9.00908098174846, "error_w_gmm": 0.09201261023374589, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0884290186669991}, "run_269": {"edge_length": "400", "pf": 0.2106, "in_bounds_one_im": 1, "error_one_im": 0.10454545500193052, "one_im_sa_cls": 11.020408163265307, "model_in_bounds": 1, "pred_cls": 10.899662749988751, "error_w_gmm": 0.10759029129324925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10339999977165408}, "run_270": {"edge_length": "400", "pf": 0.2114375, "in_bounds_one_im": 1, "error_one_im": 0.08999222487328935, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 1, "pred_cls": 10.536379802448673, "error_w_gmm": 0.1037430746291438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09970261966971011}, "run_271": {"edge_length": "400", "pf": 0.20264375, "in_bounds_one_im": 1, "error_one_im": 0.0795419047926607, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 3.7672015181693044, "error_w_gmm": 0.0380994838585754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03661563301784661}, "run_272": {"edge_length": "400", "pf": 0.20734375, "in_bounds_one_im": 1, "error_one_im": 0.07214651466489663, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 6.142039396384112, "error_w_gmm": 0.06122801962559438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05884338762546439}, "run_273": {"edge_length": "400", "pf": 0.20280625, "in_bounds_one_im": 1, "error_one_im": 0.0610638259295387, "one_im_sa_cls": 6.285714285714286, "model_in_bounds": 1, "pred_cls": 5.545163415557007, "error_w_gmm": 0.056052665511302016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05386959670247582}, "run_274": {"edge_length": "400", "pf": 0.19600625, "in_bounds_one_im": 1, "error_one_im": 0.10794700694717992, "one_im_sa_cls": 10.877551020408163, "model_in_bounds": 1, "pred_cls": 11.024827978831276, "error_w_gmm": 0.11384234774761906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1094085589844199}, "run_275": {"edge_length": "400", "pf": 0.20535625, "in_bounds_one_im": 1, "error_one_im": 0.06609423351071006, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.695690663030941, "error_w_gmm": 0.08721215150793919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08381552217780995}, "run_276": {"edge_length": "400", "pf": 0.1901125, "in_bounds_one_im": 1, "error_one_im": 0.09411608946340813, "one_im_sa_cls": 9.306122448979592, "model_in_bounds": 1, "pred_cls": 10.062094485649654, "error_w_gmm": 0.10588539179726338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10176150055972095}, "run_277": {"edge_length": "400", "pf": 0.2058875, "in_bounds_one_im": 1, "error_one_im": 0.07678825582133869, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.403622361245265, "error_w_gmm": 0.0641198331741756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06162257445234979}, "run_278": {"edge_length": "400", "pf": 0.21266875, "in_bounds_one_im": 1, "error_one_im": 0.07830929864783752, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 11.3801543599645, "error_w_gmm": 0.11163893982111774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10729096662214883}, "run_279": {"edge_length": "400", "pf": 0.19906875, "in_bounds_one_im": 1, "error_one_im": 0.08564775218150053, "one_im_sa_cls": 8.714285714285714, "model_in_bounds": 1, "pred_cls": 10.038553506037651, "error_w_gmm": 0.10266155971472012, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09866322623968729}, "run_280": {"edge_length": "500", "pf": 0.204888, "in_bounds_one_im": 1, "error_one_im": 0.06808032901077686, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 11.03592536687858, "error_w_gmm": 0.08933076284346124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0852202362635605}, "run_281": {"edge_length": "500", "pf": 0.20148, "in_bounds_one_im": 1, "error_one_im": 0.06290802203506556, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.297868609758091, "error_w_gmm": 0.05969794252241878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056950960724739465}, "run_282": {"edge_length": "500", "pf": 0.20568, "in_bounds_one_im": 1, "error_one_im": 0.06461383905277043, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.454067847780932, "error_w_gmm": 0.07634082117527409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07282802262095853}, "run_283": {"edge_length": "500", "pf": 0.211788, "in_bounds_one_im": 1, "error_one_im": 0.056948097438778635, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 7.381570220526682, "error_w_gmm": 0.058513489397494074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05582100983283813}, "run_284": {"edge_length": "500", "pf": 0.20354, "in_bounds_one_im": 1, "error_one_im": 0.07311072352732101, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 11.632821452435685, "error_w_gmm": 0.09455370641138205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09020284774790908}, "run_285": {"edge_length": "500", "pf": 0.205808, "in_bounds_one_im": 1, "error_one_im": 0.062388442140716, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 10.235201423098971, "error_w_gmm": 0.08261604814434567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07881449702114768}, "run_286": {"edge_length": "500", "pf": 0.205464, "in_bounds_one_im": 1, "error_one_im": 0.06984798745469117, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 8.625331157444766, "error_w_gmm": 0.06969491521382194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.066487925904077}, "run_287": {"edge_length": "500", "pf": 0.205124, "in_bounds_one_im": 1, "error_one_im": 0.060629528370426185, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.731489917899963, "error_w_gmm": 0.06253757591900025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059659929295651976}, "run_288": {"edge_length": "500", "pf": 0.20288, "in_bounds_one_im": 1, "error_one_im": 0.05914704789244736, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.893982733316746, "error_w_gmm": 0.0561498786008813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05356615983367922}, "run_289": {"edge_length": "500", "pf": 0.207756, "in_bounds_one_im": 1, "error_one_im": 0.05702004595137748, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 3.67398927112669, "error_w_gmm": 0.02947996550755024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028123454290852265}, "run_290": {"edge_length": "500", "pf": 0.205352, "in_bounds_one_im": 1, "error_one_im": 0.0643640322126554, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.5126717077410134, "error_w_gmm": 0.06072516948062972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05793092016187585}, "run_291": {"edge_length": "500", "pf": 0.198868, "in_bounds_one_im": 1, "error_one_im": 0.06021197338539321, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.2872015963086, "error_w_gmm": 0.05185174399062987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0494658025175766}, "run_292": {"edge_length": "500", "pf": 0.20962, "in_bounds_one_im": 1, "error_one_im": 0.06803896991627985, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.636555535252688, "error_w_gmm": 0.06890941741286744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06573857253407205}, "run_293": {"edge_length": "500", "pf": 0.206332, "in_bounds_one_im": 1, "error_one_im": 0.05820925721742424, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.778846462531666, "error_w_gmm": 0.06268847950066476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05980388909710368}, "run_294": {"edge_length": "500", "pf": 0.209304, "in_bounds_one_im": 1, "error_one_im": 0.05255508147751299, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.80353424876761, "error_w_gmm": 0.062322338812627234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05945459625612633}, "run_295": {"edge_length": "500", "pf": 0.196184, "in_bounds_one_im": 1, "error_one_im": 0.059428477150366275, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 7.470654115622063, "error_w_gmm": 0.06213575155256867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05927659474936851}, "run_296": {"edge_length": "500", "pf": 0.204704, "in_bounds_one_im": 1, "error_one_im": 0.06386137489985962, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 9.644240333248561, "error_w_gmm": 0.07810982313349309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07451562451790306}, "run_297": {"edge_length": "500", "pf": 0.20296, "in_bounds_one_im": 1, "error_one_im": 0.07482708670064589, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 10.135489135923153, "error_w_gmm": 0.082530778066453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0787331506187111}, "run_298": {"edge_length": "500", "pf": 0.22056, "in_bounds_one_im": 0, "error_one_im": 0.06827564753481859, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 0, "pred_cls": 7.1100576251832734, "error_w_gmm": 0.05492087961206626, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.052393712841616424}, "run_299": {"edge_length": "500", "pf": 0.199852, "in_bounds_one_im": 1, "error_one_im": 0.07011114016740716, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 8.629383722706946, "error_w_gmm": 0.07094913243532566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06768443071988901}, "run_300": {"edge_length": "500", "pf": 0.212424, "in_bounds_one_im": 1, "error_one_im": 0.06500382359127982, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.582520614285924, "error_w_gmm": 0.07581595381984663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07232730686960043}, "run_301": {"edge_length": "500", "pf": 0.199468, "in_bounds_one_im": 1, "error_one_im": 0.06234251806714496, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.898664061923605, "error_w_gmm": 0.05678767972576817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0541746127430904}, "run_302": {"edge_length": "500", "pf": 0.200948, "in_bounds_one_im": 1, "error_one_im": 0.0673193842564795, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 7.690491833755318, "error_w_gmm": 0.06301387515584206, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06011431177492111}, "run_303": {"edge_length": "500", "pf": 0.201488, "in_bounds_one_im": 1, "error_one_im": 0.058925036641495634, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 6.803650659296262, "error_w_gmm": 0.05565376273583499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053092872582036314}, "run_304": {"edge_length": "500", "pf": 0.2045, "in_bounds_one_im": 1, "error_one_im": 0.055223443870503895, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 9.409103710653868, "error_w_gmm": 0.07625320228834641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07274443548918612}, "run_305": {"edge_length": "500", "pf": 0.21772, "in_bounds_one_im": 1, "error_one_im": 0.06672162790307762, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.729021744158948, "error_w_gmm": 0.06019949877267382, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05742943802399978}, "run_306": {"edge_length": "500", "pf": 0.210952, "in_bounds_one_im": 1, "error_one_im": 0.07395538313836696, "one_im_sa_cls": 9.755102040816327, "model_in_bounds": 1, "pred_cls": 8.07686231981477, "error_w_gmm": 0.0641858007174882, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06123231155537509}, "run_307": {"edge_length": "500", "pf": 0.20452, "in_bounds_one_im": 1, "error_one_im": 0.0697350339239967, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.230482961182789, "error_w_gmm": 0.08290472295815503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07908988855540869}, "run_308": {"edge_length": "600", "pf": 0.20294722222222222, "in_bounds_one_im": 1, "error_one_im": 0.04901473448002892, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.927720481672959, "error_w_gmm": 0.05336617678489945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051321241529954896}, "run_309": {"edge_length": "600", "pf": 0.20340833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04947269136655585, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.6238054104979085, "error_w_gmm": 0.04452529971278659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042819137484102945}, "run_310": {"edge_length": "600", "pf": 0.20291944444444446, "in_bounds_one_im": 1, "error_one_im": 0.05060446172587367, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 5.082546295147893, "error_w_gmm": 0.034216563965969726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03290542155007007}, "run_311": {"edge_length": "600", "pf": 0.2, "in_bounds_one_im": 1, "error_one_im": 0.0494657577050585, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 6.501872081209422, "error_w_gmm": 0.044170691038153964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042478117037523175}, "run_312": {"edge_length": "600", "pf": 0.21180277777777778, "in_bounds_one_im": 1, "error_one_im": 0.053756213063390595, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 10.560548487392417, "error_w_gmm": 0.06919964656534072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06654798955304345}, "run_313": {"edge_length": "600", "pf": 0.20691666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05690480307441784, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 9.636230647722945, "error_w_gmm": 0.06408179061226385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06162624440832306}, "run_314": {"edge_length": "600", "pf": 0.20634444444444444, "in_bounds_one_im": 1, "error_one_im": 0.0572656917419019, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.950969283014928, "error_w_gmm": 0.06629042492586501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06375024619913036}, "run_315": {"edge_length": "600", "pf": 0.210725, "in_bounds_one_im": 1, "error_one_im": 0.05225308378688455, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.145234631632943, "error_w_gmm": 0.04697193096194616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045172016420492844}, "run_316": {"edge_length": "600", "pf": 0.203325, "in_bounds_one_im": 1, "error_one_im": 0.05265248345401408, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.51896771630372, "error_w_gmm": 0.057279333204829884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05508444994904793}, "run_317": {"edge_length": "600", "pf": 0.20739444444444444, "in_bounds_one_im": 1, "error_one_im": 0.05408525156430224, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 8.327180954854759, "error_w_gmm": 0.05529600760441056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053177123280661494}, "run_318": {"edge_length": "600", "pf": 0.2058111111111111, "in_bounds_one_im": 1, "error_one_im": 0.050942218781052026, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.424487421549404, "error_w_gmm": 0.04286785520111953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041225204487017074}, "run_319": {"edge_length": "600", "pf": 0.20307777777777777, "in_bounds_one_im": 1, "error_one_im": 0.04952321099582633, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.482908218758634, "error_w_gmm": 0.050351563781281986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04842214529711828}, "run_320": {"edge_length": "600", "pf": 0.204375, "in_bounds_one_im": 1, "error_one_im": 0.0485363878393735, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 7.334542371326078, "error_w_gmm": 0.04915629303405853, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04727267605634427}, "run_321": {"edge_length": "600", "pf": 0.2193277777777778, "in_bounds_one_im": 0, "error_one_im": 0.05295054086296504, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 0, "pred_cls": 10.13821691142679, "error_w_gmm": 0.06497030420256296, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.062480711100853355}, "run_322": {"edge_length": "600", "pf": 0.20764444444444444, "in_bounds_one_im": 1, "error_one_im": 0.05326279643274986, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 10.936447321628174, "error_w_gmm": 0.07256746267972686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0697867545283113}, "run_323": {"edge_length": "600", "pf": 0.20395, "in_bounds_one_im": 1, "error_one_im": 0.05097063500153659, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.762144889627294, "error_w_gmm": 0.0722225686407842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06945507646289252}, "run_324": {"edge_length": "600", "pf": 0.20674444444444445, "in_bounds_one_im": 1, "error_one_im": 0.05340890888995079, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 10.197440778115856, "error_w_gmm": 0.06784949289404679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0652495723374667}, "run_325": {"edge_length": "600", "pf": 0.2161611111111111, "in_bounds_one_im": 1, "error_one_im": 0.05484147521669081, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 0, "pred_cls": 7.359849062624573, "error_w_gmm": 0.04760573845129724, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04578153707953477}, "run_326": {"edge_length": "600", "pf": 0.20414722222222223, "in_bounds_one_im": 1, "error_one_im": 0.05093969688303062, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.959928223787998, "error_w_gmm": 0.03997159122923631, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03843992227662688}, "run_327": {"edge_length": "600", "pf": 0.19851944444444444, "in_bounds_one_im": 1, "error_one_im": 0.04929394191220056, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.473586395117458, "error_w_gmm": 0.05100817745193953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04905359822880404}, "run_328": {"edge_length": "600", "pf": 0.20335555555555557, "in_bounds_one_im": 1, "error_one_im": 0.05423090196074351, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.688410030501153, "error_w_gmm": 0.06513621716144538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06264026645124089}, "run_329": {"edge_length": "600", "pf": 0.198525, "in_bounds_one_im": 1, "error_one_im": 0.05290969328756387, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.811464262788131, "error_w_gmm": 0.053313306104755646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05127039679816056}, "run_330": {"edge_length": "600", "pf": 0.20178888888888888, "in_bounds_one_im": 1, "error_one_im": 0.04998645876816068, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.319094449642442, "error_w_gmm": 0.042690464852762774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041054611548538684}, "run_331": {"edge_length": "600", "pf": 0.21660277777777778, "in_bounds_one_im": 0, "error_one_im": 0.05007913962526861, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.572727378760412, "error_w_gmm": 0.055378832140800284, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.053256774068721466}, "run_332": {"edge_length": "600", "pf": 0.20065, "in_bounds_one_im": 1, "error_one_im": 0.04763571572531241, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.368424633130974, "error_w_gmm": 0.049956192514825914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04804192423797097}, "run_333": {"edge_length": "600", "pf": 0.2014138888888889, "in_bounds_one_im": 1, "error_one_im": 0.05216863577157864, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.16209285555219, "error_w_gmm": 0.04167831804992801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04008124913696058}, "run_334": {"edge_length": "600", "pf": 0.21786666666666665, "in_bounds_one_im": 0, "error_one_im": 0.05431430408564046, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 0, "pred_cls": 8.923113649977727, "error_w_gmm": 0.05742846455649307, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05522786674559385}, "run_335": {"edge_length": "600", "pf": 0.20661666666666667, "in_bounds_one_im": 1, "error_one_im": 0.05904702979981879, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 10.279339883519379, "error_w_gmm": 0.06842107044047725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06579924763895376}, "run_504": {"edge_length": "400", "pf": 0.21628125, "in_bounds_one_im": 1, "error_one_im": 0.0717635729225275, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 10.488583122014317, "error_w_gmm": 0.10179539986467029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09783080049549765}, "run_505": {"edge_length": "400", "pf": 0.207475, "in_bounds_one_im": 1, "error_one_im": 0.07446301111456591, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 5.181637991913047, "error_w_gmm": 0.05163346997230028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04962251444039482}, "run_506": {"edge_length": "400", "pf": 0.21055625, "in_bounds_one_im": 1, "error_one_im": 0.08674542126435733, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 8.563843601372401, "error_w_gmm": 0.0845446049835053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08125186790471625}, "run_507": {"edge_length": "400", "pf": 0.21565625, "in_bounds_one_im": 1, "error_one_im": 0.06674707820549478, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.854340395989869, "error_w_gmm": 0.08609324051179985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08274018912168904}, "run_508": {"edge_length": "400", "pf": 0.20388125, "in_bounds_one_im": 1, "error_one_im": 0.08694507342446053, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 5.871147061234784, "error_w_gmm": 0.05915124451710155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05684749614526895}, "run_509": {"edge_length": "400", "pf": 0.2211125, "in_bounds_one_im": 1, "error_one_im": 0.08989970210901775, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 9.032379368527371, "error_w_gmm": 0.08643179548787398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08306555848381249}, "run_510": {"edge_length": "400", "pf": 0.205375, "in_bounds_one_im": 1, "error_one_im": 0.08930076853794282, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 8.261830957675498, "error_w_gmm": 0.08285605929153303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07962908556937999}, "run_511": {"edge_length": "400", "pf": 0.20985625, "in_bounds_one_im": 1, "error_one_im": 0.07703261252708567, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 9.5433200573801, "error_w_gmm": 0.09441309506259242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09073601242797023}, "run_512": {"edge_length": "400", "pf": 0.22171875, "in_bounds_one_im": 1, "error_one_im": 0.07981209152351912, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 0, "pred_cls": 5.071169896722578, "error_w_gmm": 0.04844130998083169, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04655467868661581}, "run_513": {"edge_length": "400", "pf": 0.20695625, "in_bounds_one_im": 1, "error_one_im": 0.07497217216046737, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 6.242732347014546, "error_w_gmm": 0.06230525253509324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059878665820711635}, "run_514": {"edge_length": "400", "pf": 0.2209625, "in_bounds_one_im": 1, "error_one_im": 0.07304012626281563, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 14.478191083204228, "error_w_gmm": 0.1386037063295391, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13320554327492545}, "run_515": {"edge_length": "400", "pf": 0.212375, "in_bounds_one_im": 1, "error_one_im": 0.06663097508526679, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 13.76341108277125, "error_w_gmm": 0.1351371567030873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1298740044690069}, "run_516": {"edge_length": "400", "pf": 0.18368125, "in_bounds_one_im": 0, "error_one_im": 0.08326962102993685, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 0, "pred_cls": 12.35562240233981, "error_w_gmm": 0.13280142816624171, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.12762924495331607}, "run_517": {"edge_length": "400", "pf": 0.2112125, "in_bounds_one_im": 1, "error_one_im": 0.0790379247937643, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 7.4705277277727635, "error_w_gmm": 0.07360581546878457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07073910862384913}, "run_518": {"edge_length": "400", "pf": 0.22209375, "in_bounds_one_im": 1, "error_one_im": 0.08122266050597314, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 9.001369546624133, "error_w_gmm": 0.0858904145506311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08254526257128712}, "run_519": {"edge_length": "400", "pf": 0.21414375, "in_bounds_one_im": 1, "error_one_im": 0.07605037859100838, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 3.974703704157926, "error_w_gmm": 0.038820780143438136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03730883716102365}, "run_520": {"edge_length": "400", "pf": 0.20713125, "in_bounds_one_im": 1, "error_one_im": 0.09214902920104792, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 6.295793094854972, "error_w_gmm": 0.06280134277204373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06035543495825009}, "run_521": {"edge_length": "400", "pf": 0.19144375, "in_bounds_one_im": 0, "error_one_im": 0.08672393865099223, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 11.126821541121753, "error_w_gmm": 0.11658597009779229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11204532617755052}, "run_522": {"edge_length": "400", "pf": 0.2248625, "in_bounds_one_im": 1, "error_one_im": 0.10174274126832165, "one_im_sa_cls": 11.183673469387756, "model_in_bounds": 1, "pred_cls": 11.653107596367143, "error_w_gmm": 0.11030958690721285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10601338767574031}, "run_523": {"edge_length": "400", "pf": 0.20585, "in_bounds_one_im": 1, "error_one_im": 0.07935041806640131, "one_im_sa_cls": 8.244897959183673, "model_in_bounds": 1, "pred_cls": 12.5526547049476, "error_w_gmm": 0.1257048581231908, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12080906320633118}, "run_524": {"edge_length": "400", "pf": 0.2173875, "in_bounds_one_im": 1, "error_one_im": 0.07532491191729619, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 7.611356500855083, "error_w_gmm": 0.07363068065832987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07076300539522519}, "run_525": {"edge_length": "400", "pf": 0.20145625, "in_bounds_one_im": 1, "error_one_im": 0.0989480849136402, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 11.003156607897365, "error_w_gmm": 0.11169067722336935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10734068902104463}, "run_526": {"edge_length": "400", "pf": 0.20365, "in_bounds_one_im": 1, "error_one_im": 0.08858900393464955, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 9.111136061713442, "error_w_gmm": 0.09185926422237907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08828164498346588}, "run_527": {"edge_length": "400", "pf": 0.19894375, "in_bounds_one_im": 1, "error_one_im": 0.08086552723446411, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.953955868693804, "error_w_gmm": 0.11206706260842876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10770241542090293}, "run_528": {"edge_length": "400", "pf": 0.19766875, "in_bounds_one_im": 1, "error_one_im": 0.07716114074597732, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 8.984063249152126, "error_w_gmm": 0.09228291235662946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08868879340232606}, "run_529": {"edge_length": "400", "pf": 0.22295625, "in_bounds_one_im": 1, "error_one_im": 0.06795263679998237, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 7.913964145063908, "error_w_gmm": 0.07532647313501045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07239275227660147}, "run_530": {"edge_length": "400", "pf": 0.21190625, "in_bounds_one_im": 1, "error_one_im": 0.08600900766950549, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 7.420958386012621, "error_w_gmm": 0.07296552306100891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07012375352050311}, "run_531": {"edge_length": "400", "pf": 0.19986875, "in_bounds_one_im": 1, "error_one_im": 0.08723417879227227, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 6.082174982647623, "error_w_gmm": 0.06204513357517285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059628677647307914}, "run_532": {"edge_length": "500", "pf": 0.212244, "in_bounds_one_im": 1, "error_one_im": 0.05995283947500714, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.424409278685982, "error_w_gmm": 0.07460512846979629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07117219726210693}, "run_533": {"edge_length": "500", "pf": 0.206208, "in_bounds_one_im": 1, "error_one_im": 0.06717789318258907, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 10.398260331280976, "error_w_gmm": 0.08382965629182877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0799722613765369}, "run_534": {"edge_length": "500", "pf": 0.212496, "in_bounds_one_im": 1, "error_one_im": 0.06776191760489875, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 7.902779193852917, "error_w_gmm": 0.06251255472802733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05963605944680661}, "run_535": {"edge_length": "500", "pf": 0.212416, "in_bounds_one_im": 1, "error_one_im": 0.06454325427770083, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 11.743019282487557, "error_w_gmm": 0.09291182670133222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08863651860940185}, "run_536": {"edge_length": "500", "pf": 0.20694, "in_bounds_one_im": 1, "error_one_im": 0.0689073397222822, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 11.342204232789305, "error_w_gmm": 0.09123566860488046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08703748839351745}, "run_537": {"edge_length": "500", "pf": 0.216764, "in_bounds_one_im": 1, "error_one_im": 0.06097883478648544, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.9761039879996245, "error_w_gmm": 0.062298837821440044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05943217665555805}, "run_538": {"edge_length": "500", "pf": 0.201512, "in_bounds_one_im": 1, "error_one_im": 0.06513119625195064, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.88978092709134, "error_w_gmm": 0.07271285453156572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0693669957060207}, "run_539": {"edge_length": "500", "pf": 0.210908, "in_bounds_one_im": 1, "error_one_im": 0.06266922490928811, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 7.793643087177754, "error_w_gmm": 0.06194328056685473, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05909298025471604}, "run_540": {"edge_length": "500", "pf": 0.195636, "in_bounds_one_im": 0, "error_one_im": 0.06310060645754287, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 10.202051138682265, "error_w_gmm": 0.08500134874682427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08109003877666869}, "run_541": {"edge_length": "500", "pf": 0.203996, "in_bounds_one_im": 1, "error_one_im": 0.06273635935282071, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.459416929299608, "error_w_gmm": 0.05242959609719949, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05001706494364095}, "run_542": {"edge_length": "500", "pf": 0.21566, "in_bounds_one_im": 1, "error_one_im": 0.05553295348878232, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 5.177622904346768, "error_w_gmm": 0.04057272653168843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03870578545205387}, "run_543": {"edge_length": "500", "pf": 0.202448, "in_bounds_one_im": 1, "error_one_im": 0.07177004199282513, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.649488312939368, "error_w_gmm": 0.07869795348061087, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07507669223455256}, "run_544": {"edge_length": "500", "pf": 0.210032, "in_bounds_one_im": 1, "error_one_im": 0.0633000692924927, "one_im_sa_cls": 8.326530612244898, "model_in_bounds": 1, "pred_cls": 9.053706941929628, "error_w_gmm": 0.07214809092312219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06882821951501301}, "run_545": {"edge_length": "500", "pf": 0.208184, "in_bounds_one_im": 1, "error_one_im": 0.07410782691417954, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 8.95435320996725, "error_w_gmm": 0.07175614174490753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06845430575330812}, "run_546": {"edge_length": "500", "pf": 0.212788, "in_bounds_one_im": 1, "error_one_im": 0.06524093098663158, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.838599687327297, "error_w_gmm": 0.061950835498012606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05910018754812465}, "run_547": {"edge_length": "500", "pf": 0.20738, "in_bounds_one_im": 1, "error_one_im": 0.06599993925734224, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 9.545983519256119, "error_w_gmm": 0.07668424639000307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0731556452338915}, "run_548": {"edge_length": "500", "pf": 0.221596, "in_bounds_one_im": 1, "error_one_im": 0.06657122488767789, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 9.634445790315798, "error_w_gmm": 0.07419671950612657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07078258110672853}, "run_549": {"edge_length": "500", "pf": 0.204848, "in_bounds_one_im": 1, "error_one_im": 0.06714301198995062, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.298539901985091, "error_w_gmm": 0.07527666466666291, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07181283293491302}, "run_550": {"edge_length": "500", "pf": 0.216596, "in_bounds_one_im": 1, "error_one_im": 0.060704736551670836, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 8.615946067862238, "error_w_gmm": 0.0673297564653751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06423159918159423}, "run_551": {"edge_length": "500", "pf": 0.211416, "in_bounds_one_im": 1, "error_one_im": 0.06581829994819084, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 8.156430228800103, "error_w_gmm": 0.06472790872294769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06174947463374917}, "run_552": {"edge_length": "500", "pf": 0.216308, "in_bounds_one_im": 1, "error_one_im": 0.05710178575246038, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.621375716668076, "error_w_gmm": 0.06742941365539636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0643266706777803}, "run_553": {"edge_length": "500", "pf": 0.206768, "in_bounds_one_im": 1, "error_one_im": 0.06580967506916244, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 3.056113023758339, "error_w_gmm": 0.0245959870981434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023464210591286713}, "run_554": {"edge_length": "500", "pf": 0.209952, "in_bounds_one_im": 1, "error_one_im": 0.05462499385162002, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 5.418786003596533, "error_w_gmm": 0.043192180243525155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04120470583623737}, "run_555": {"edge_length": "500", "pf": 0.210076, "in_bounds_one_im": 1, "error_one_im": 0.06577370376780291, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 9.197605737227812, "error_w_gmm": 0.07328508897706246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06991289896589589}, "run_556": {"edge_length": "500", "pf": 0.19958, "in_bounds_one_im": 1, "error_one_im": 0.06985040887921173, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 0, "pred_cls": 5.229289686893302, "error_w_gmm": 0.04303081318107026, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04105076402772883}, "run_557": {"edge_length": "500", "pf": 0.211004, "in_bounds_one_im": 1, "error_one_im": 0.06899361834382892, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 11.772557936754547, "error_w_gmm": 0.0935404141636926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08923618182003096}, "run_558": {"edge_length": "500", "pf": 0.209972, "in_bounds_one_im": 1, "error_one_im": 0.06331151691466952, "one_im_sa_cls": 8.326530612244898, "model_in_bounds": 1, "pred_cls": 9.005843970933425, "error_w_gmm": 0.07177965444536653, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06847673652434969}, "run_559": {"edge_length": "500", "pf": 0.209804, "in_bounds_one_im": 1, "error_one_im": 0.0728140823910593, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 11.359505126248612, "error_w_gmm": 0.09058501046332257, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08641677007895952}, "run_560": {"edge_length": "600", "pf": 0.2076111111111111, "in_bounds_one_im": 1, "error_one_im": 0.052486752055810736, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.384554177418554, "error_w_gmm": 0.055640323282042256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05350824514696107}, "run_561": {"edge_length": "600", "pf": 0.21188888888888888, "in_bounds_one_im": 1, "error_one_im": 0.0536137826006326, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 8.01447525796394, "error_w_gmm": 0.05250256280215857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05049072031844783}, "run_562": {"edge_length": "600", "pf": 0.20671111111111112, "in_bounds_one_im": 1, "error_one_im": 0.05158597356493676, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.716801694500267, "error_w_gmm": 0.058003836299559935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05578119085412925}, "run_563": {"edge_length": "600", "pf": 0.20465277777777777, "in_bounds_one_im": 1, "error_one_im": 0.053751876598947895, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 9.893095408357544, "error_w_gmm": 0.06624720151002064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06370867905870657}, "run_564": {"edge_length": "600", "pf": 0.20702222222222222, "in_bounds_one_im": 1, "error_one_im": 0.04944951039909744, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 8.816427430466186, "error_w_gmm": 0.0586111765910472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056365258510238936}, "run_565": {"edge_length": "600", "pf": 0.20368611111111112, "in_bounds_one_im": 1, "error_one_im": 0.05338475093236859, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.121526147557272, "error_w_gmm": 0.0679787564396847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06537388264122779}, "run_566": {"edge_length": "600", "pf": 0.21897222222222223, "in_bounds_one_im": 1, "error_one_im": 0.05413871498967791, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 0, "pred_cls": 5.714156413300835, "error_w_gmm": 0.03665697543477713, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0352523190414897}, "run_567": {"edge_length": "600", "pf": 0.20841944444444443, "in_bounds_one_im": 1, "error_one_im": 0.0505392512872145, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 10.167184080673179, "error_w_gmm": 0.067304624518269, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06472558273956022}, "run_568": {"edge_length": "600", "pf": 0.21033888888888888, "in_bounds_one_im": 1, "error_one_im": 0.048180375454380725, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.965547973935724, "error_w_gmm": 0.04584391012734917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04408722014706832}, "run_569": {"edge_length": "600", "pf": 0.20273611111111112, "in_bounds_one_im": 1, "error_one_im": 0.058168642432385606, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 8.82856346649625, "error_w_gmm": 0.05946909256077155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05719030005054072}, "run_570": {"edge_length": "600", "pf": 0.21181111111111112, "in_bounds_one_im": 1, "error_one_im": 0.05426927209686248, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 10.281068727579061, "error_w_gmm": 0.0673666303226041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06478521254728213}, "run_571": {"edge_length": "600", "pf": 0.20789444444444444, "in_bounds_one_im": 1, "error_one_im": 0.05166082710698543, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.376849001639188, "error_w_gmm": 0.055541365394972696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05341307922109642}, "run_572": {"edge_length": "600", "pf": 0.20655555555555555, "in_bounds_one_im": 1, "error_one_im": 0.05435430072815304, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 9.56323309682922, "error_w_gmm": 0.06366640687120484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06122677773135963}, "run_573": {"edge_length": "600", "pf": 0.21154166666666666, "in_bounds_one_im": 1, "error_one_im": 0.053540879904560974, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 8.676051321830624, "error_w_gmm": 0.056895681333669214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0547154992104065}, "run_574": {"edge_length": "600", "pf": 0.2116888888888889, "in_bounds_one_im": 1, "error_one_im": 0.05223078901062969, "one_im_sa_cls": 8.285714285714286, "model_in_bounds": 1, "pred_cls": 9.55565008558055, "error_w_gmm": 0.0626362584698089, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060236103523371436}, "run_575": {"edge_length": "600", "pf": 0.19518611111111112, "in_bounds_one_im": 0, "error_one_im": 0.05848005643332096, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 11.096286064854937, "error_w_gmm": 0.07653616500203972, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07360338038976041}, "run_576": {"edge_length": "600", "pf": 0.2016777777777778, "in_bounds_one_im": 1, "error_one_im": 0.05477859612087828, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 11.184273871399839, "error_w_gmm": 0.07558465862924571, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07268833473130379}, "run_577": {"edge_length": "600", "pf": 0.20727777777777778, "in_bounds_one_im": 1, "error_one_im": 0.056060034493727005, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 7.864315267552543, "error_w_gmm": 0.0522409224550622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0502391057517638}, "run_578": {"edge_length": "600", "pf": 0.19918055555555556, "in_bounds_one_im": 1, "error_one_im": 0.05614277644269157, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 10.90505701334265, "error_w_gmm": 0.07427412646229131, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07142802076607195}, "run_579": {"edge_length": "600", "pf": 0.20806388888888888, "in_bounds_one_im": 1, "error_one_im": 0.051894385516184416, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 9.10586655709113, "error_w_gmm": 0.060343955760727944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058031639421198704}, "run_580": {"edge_length": "600", "pf": 0.21457222222222222, "in_bounds_one_im": 1, "error_one_im": 0.051273526979543356, "one_im_sa_cls": 8.204081632653061, "model_in_bounds": 1, "pred_cls": 8.483896153430136, "error_w_gmm": 0.05513501536507081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053022300093066334}, "run_581": {"edge_length": "600", "pf": 0.21345555555555557, "in_bounds_one_im": 1, "error_one_im": 0.050292267127075754, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 7.502824776739988, "error_w_gmm": 0.04892135571683413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04704674128776857}, "run_582": {"edge_length": "600", "pf": 0.20123055555555555, "in_bounds_one_im": 1, "error_one_im": 0.054057869858801365, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 10.6090045900551, "error_w_gmm": 0.07179664873433103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06904547735521038}, "run_583": {"edge_length": "600", "pf": 0.206075, "in_bounds_one_im": 1, "error_one_im": 0.05508837237710839, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 8.635433859058306, "error_w_gmm": 0.05757408225683859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055367904530211426}, "run_584": {"edge_length": "600", "pf": 0.2078, "in_bounds_one_im": 1, "error_one_im": 0.05323763030155528, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.775948686497108, "error_w_gmm": 0.05820422351876877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05597389944777624}, "run_585": {"edge_length": "600", "pf": 0.21190833333333334, "in_bounds_one_im": 1, "error_one_im": 0.049753779301821476, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.080439204692189, "error_w_gmm": 0.06603278001443356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06350247396725714}, "run_586": {"edge_length": "600", "pf": 0.20422777777777779, "in_bounds_one_im": 1, "error_one_im": 0.04684764243941917, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 8.027063540447001, "error_w_gmm": 0.053821953875406156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05175955372608597}, "run_587": {"edge_length": "600", "pf": 0.204025, "in_bounds_one_im": 1, "error_one_im": 0.05174892488931138, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.522586806186718, "error_w_gmm": 0.06388938947408508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06144121587755698}, "run_756": {"edge_length": "400", "pf": 0.21565, "in_bounds_one_im": 1, "error_one_im": 0.08658209532491884, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.61779329941949, "error_w_gmm": 0.1129651568829504, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10856553184771264}, "run_757": {"edge_length": "400", "pf": 0.19948125, "in_bounds_one_im": 1, "error_one_im": 0.08493615366290247, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 3.676915061092977, "error_w_gmm": 0.03755423819634772, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03609162289879067}, "run_758": {"edge_length": "400", "pf": 0.19363125, "in_bounds_one_im": 1, "error_one_im": 0.07264757759358353, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 4.774923364268089, "error_w_gmm": 0.04968052433483464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0477456296765308}, "run_759": {"edge_length": "400", "pf": 0.20489375, "in_bounds_one_im": 1, "error_one_im": 0.09376639096681547, "one_im_sa_cls": 9.714285714285714, "model_in_bounds": 1, "pred_cls": 9.940708748696393, "error_w_gmm": 0.09984037947181867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09595192178121416}, "run_760": {"edge_length": "400", "pf": 0.20395, "in_bounds_one_im": 1, "error_one_im": 0.07922180091324099, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 12.690374923691895, "error_w_gmm": 0.12782724144565422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12284878660906767}, "run_761": {"edge_length": "400", "pf": 0.20978125, "in_bounds_one_im": 1, "error_one_im": 0.05570116095562785, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 4.753059794330124, "error_w_gmm": 0.04703317031360348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04520138147438878}, "run_762": {"edge_length": "400", "pf": 0.19601875, "in_bounds_one_im": 1, "error_one_im": 0.0858681346830451, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 12.519995313998107, "error_w_gmm": 0.12927631499730075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12424142346419968}, "run_763": {"edge_length": "400", "pf": 0.2084875, "in_bounds_one_im": 1, "error_one_im": 0.0709222134710721, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 9.568980316243481, "error_w_gmm": 0.09505942534106611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09135717024661058}, "run_764": {"edge_length": "400", "pf": 0.19745625, "in_bounds_one_im": 1, "error_one_im": 0.07398726949665396, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 6.764868456460946, "error_w_gmm": 0.06953427284764231, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06682613933046837}, "run_765": {"edge_length": "400", "pf": 0.19888125, "in_bounds_one_im": 1, "error_one_im": 0.0854974469732052, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 7.646147279412975, "error_w_gmm": 0.07824107918698539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07519384391308798}, "run_766": {"edge_length": "400", "pf": 0.210825, "in_bounds_one_im": 1, "error_one_im": 0.07409969128151397, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 5.865304554197217, "error_w_gmm": 0.05785712082870552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05560377436074547}, "run_767": {"edge_length": "400", "pf": 0.20475625, "in_bounds_one_im": 1, "error_one_im": 0.07311348377253002, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 6.298199731544728, "error_w_gmm": 0.06328322787867323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06081855220904035}, "run_768": {"edge_length": "400", "pf": 0.19945, "in_bounds_one_im": 1, "error_one_im": 0.07472708856488534, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 12.262348328939758, "error_w_gmm": 0.12525397131406316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12037573697028849}, "run_769": {"edge_length": "400", "pf": 0.20001875, "in_bounds_one_im": 1, "error_one_im": 0.08219367354836563, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.136844251009817, "error_w_gmm": 0.08296619979346802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07973493645739277}, "run_770": {"edge_length": "400", "pf": 0.1922125, "in_bounds_one_im": 1, "error_one_im": 0.07400430291070265, "one_im_sa_cls": 7.36734693877551, "model_in_bounds": 1, "pred_cls": 9.255497503028133, "error_w_gmm": 0.09673823597647499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09297059667413837}, "run_771": {"edge_length": "400", "pf": 0.20248125, "in_bounds_one_im": 1, "error_one_im": 0.0970462868706809, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 10.201604456288207, "error_w_gmm": 0.10322554167613654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09920524294008576}, "run_772": {"edge_length": "400", "pf": 0.203075, "in_bounds_one_im": 1, "error_one_im": 0.08102066851015553, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 10.826729501655517, "error_w_gmm": 0.10934990906097342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1050910861568091}, "run_773": {"edge_length": "400", "pf": 0.19986875, "in_bounds_one_im": 1, "error_one_im": 0.08723417879227227, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 13.362075787907655, "error_w_gmm": 0.13630843891660288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1309996690541129}, "run_774": {"edge_length": "400", "pf": 0.201175, "in_bounds_one_im": 1, "error_one_im": 0.08369126438281133, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 7.169610865794073, "error_w_gmm": 0.07284085737525826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07000394315728899}, "run_775": {"edge_length": "400", "pf": 0.2052125, "in_bounds_one_im": 1, "error_one_im": 0.09859465098978382, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.753918861505849, "error_w_gmm": 0.09786860370570097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09405694026089638}, "run_776": {"edge_length": "400", "pf": 0.2033625, "in_bounds_one_im": 1, "error_one_im": 0.08094877195396205, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 11.012582063240222, "error_w_gmm": 0.11112831769205987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10680023156238327}, "run_777": {"edge_length": "400", "pf": 0.19438125, "in_bounds_one_im": 1, "error_one_im": 0.08244885718334617, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 4.167205969187813, "error_w_gmm": 0.04325369456656121, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156910400135933}, "run_778": {"edge_length": "400", "pf": 0.1931625, "in_bounds_one_im": 1, "error_one_im": 0.07500491317100388, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 4.795538997165461, "error_w_gmm": 0.04997004044561258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048023870077486}, "run_779": {"edge_length": "400", "pf": 0.21030625, "in_bounds_one_im": 1, "error_one_im": 0.07014615182100617, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 9.094736501171289, "error_w_gmm": 0.08985329895305914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08635380552977122}, "run_780": {"edge_length": "400", "pf": 0.2016, "in_bounds_one_im": 1, "error_one_im": 0.09114282759682583, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 8.236097137065272, "error_w_gmm": 0.08356551722269746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08031091242418842}, "run_781": {"edge_length": "400", "pf": 0.2177375, "in_bounds_one_im": 1, "error_one_im": 0.07486843499698845, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.727391493180097, "error_w_gmm": 0.0746763702724258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07176796880371732}, "run_782": {"edge_length": "400", "pf": 0.21368125, "in_bounds_one_im": 1, "error_one_im": 0.0836362624921903, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 11.149086097213882, "error_w_gmm": 0.1090425558872501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10479570338843094}, "run_783": {"edge_length": "400", "pf": 0.1941375, "in_bounds_one_im": 1, "error_one_im": 0.10003437632439002, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 10.864804840029747, "error_w_gmm": 0.11285955458691056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10846404241725234}, "run_784": {"edge_length": "500", "pf": 0.207892, "in_bounds_one_im": 1, "error_one_im": 0.0594949759665437, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 6.550843320147871, "error_w_gmm": 0.05254203856673982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05012433340878413}, "run_785": {"edge_length": "500", "pf": 0.2026, "in_bounds_one_im": 1, "error_one_im": 0.06268988850404293, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.332151143649288, "error_w_gmm": 0.07607405297189229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07257352967142854}, "run_786": {"edge_length": "500", "pf": 0.199784, "in_bounds_one_im": 1, "error_one_im": 0.06868510430425802, "one_im_sa_cls": 8.755102040816327, "model_in_bounds": 1, "pred_cls": 3.8764082177764143, "error_w_gmm": 0.031877860390660324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030411010805195673}, "run_787": {"edge_length": "500", "pf": 0.20822, "in_bounds_one_im": 1, "error_one_im": 0.06770375851530486, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 0, "pred_cls": 3.6092389947225345, "error_w_gmm": 0.02891965309137525, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02758892447191956}, "run_788": {"edge_length": "500", "pf": 0.203856, "in_bounds_one_im": 1, "error_one_im": 0.05960153171276188, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 4.549299895395351, "error_w_gmm": 0.03694154258439507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0352416892767301}, "run_789": {"edge_length": "500", "pf": 0.195492, "in_bounds_one_im": 1, "error_one_im": 0.07010781664042383, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 7.773274710046063, "error_w_gmm": 0.06479494121933528, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0618134226511808}, "run_790": {"edge_length": "500", "pf": 0.201952, "in_bounds_one_im": 1, "error_one_im": 0.060907560903500704, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 11.047074918321142, "error_w_gmm": 0.09023481292181598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0860826867657071}, "run_791": {"edge_length": "500", "pf": 0.194252, "in_bounds_one_im": 1, "error_one_im": 0.07168883977841038, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 10.654275898723798, "error_w_gmm": 0.08916146649671716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08505873003425204}, "run_792": {"edge_length": "500", "pf": 0.201096, "in_bounds_one_im": 1, "error_one_im": 0.06425880347308051, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 6.995825521815054, "error_w_gmm": 0.05729555712065514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05465912032152718}, "run_793": {"edge_length": "500", "pf": 0.200108, "in_bounds_one_im": 1, "error_one_im": 0.07069484179884929, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 6.176686506995156, "error_w_gmm": 0.05074291426938616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04840799524253929}, "run_794": {"edge_length": "500", "pf": 0.1924, "in_bounds_one_im": 1, "error_one_im": 0.07408257387179497, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.50267112622874, "error_w_gmm": 0.07999773962558084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07631666913434175}, "run_795": {"edge_length": "500", "pf": 0.207804, "in_bounds_one_im": 1, "error_one_im": 0.0729437788764051, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.976264752057999, "error_w_gmm": 0.09608313276865356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0916618980388239}, "run_796": {"edge_length": "500", "pf": 0.200148, "in_bounds_one_im": 1, "error_one_im": 0.0618902392920764, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 5.203275519882059, "error_w_gmm": 0.0427407765550835, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040774073344643634}, "run_797": {"edge_length": "500", "pf": 0.209628, "in_bounds_one_im": 1, "error_one_im": 0.05467840001703039, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.300721615241534, "error_w_gmm": 0.06622826413725898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06318079167187834}, "run_798": {"edge_length": "500", "pf": 0.193544, "in_bounds_one_im": 1, "error_one_im": 0.07642374967456438, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 8.87398005424535, "error_w_gmm": 0.07443125232641712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07100632197404588}, "run_799": {"edge_length": "500", "pf": 0.201004, "in_bounds_one_im": 1, "error_one_im": 0.07863191968809083, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 12.547379465748271, "error_w_gmm": 0.10279201522098183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09806207340342635}, "run_800": {"edge_length": "500", "pf": 0.19998, "in_bounds_one_im": 1, "error_one_im": 0.06352280300509944, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.63271643588529, "error_w_gmm": 0.07094813948146914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06768348345648778}, "run_801": {"edge_length": "500", "pf": 0.198988, "in_bounds_one_im": 1, "error_one_im": 0.06339940322885378, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.957015117965337, "error_w_gmm": 0.05735422427331364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05471508792385492}, "run_802": {"edge_length": "500", "pf": 0.202448, "in_bounds_one_im": 1, "error_one_im": 0.05462144788834479, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.027280342436823, "error_w_gmm": 0.06546777554181848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06245529671676693}, "run_803": {"edge_length": "500", "pf": 0.196072, "in_bounds_one_im": 1, "error_one_im": 0.060745493194305104, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 0, "pred_cls": 3.6720428640167877, "error_w_gmm": 0.030552371462818643, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029146513827896244}, "run_804": {"edge_length": "500", "pf": 0.19634, "in_bounds_one_im": 1, "error_one_im": 0.06927197323850769, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 8.099506186732812, "error_w_gmm": 0.06733280703517924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06423450938040107}, "run_805": {"edge_length": "500", "pf": 0.200636, "in_bounds_one_im": 1, "error_one_im": 0.06307350488068764, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 8.831831368970457, "error_w_gmm": 0.0724360944010397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06910297060468923}, "run_806": {"edge_length": "500", "pf": 0.210244, "in_bounds_one_im": 1, "error_one_im": 0.05116589888546124, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.800382786975932, "error_w_gmm": 0.05415697727510878, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05166496122721589}, "run_807": {"edge_length": "500", "pf": 0.203224, "in_bounds_one_im": 1, "error_one_im": 0.06938039077059258, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 7.163712669358367, "error_w_gmm": 0.058284782239426736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055602826561753645}, "run_808": {"edge_length": "500", "pf": 0.208124, "in_bounds_one_im": 1, "error_one_im": 0.0638223546486309, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 4.99631118793919, "error_w_gmm": 0.04004546893691414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03820278944745059}, "run_809": {"edge_length": "500", "pf": 0.193872, "in_bounds_one_im": 1, "error_one_im": 0.07503852628472014, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 9.377241431710777, "error_w_gmm": 0.07856985488416318, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07495448805419173}, "run_810": {"edge_length": "500", "pf": 0.207736, "in_bounds_one_im": 1, "error_one_im": 0.0662410094295937, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 11.20378066010675, "error_w_gmm": 0.08990421887576185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08576730489931202}, "run_811": {"edge_length": "500", "pf": 0.211348, "in_bounds_one_im": 1, "error_one_im": 0.07015869347331262, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 11.05255971783134, "error_w_gmm": 0.0877289434171259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08369212404758099}, "run_812": {"edge_length": "600", "pf": 0.1967, "in_bounds_one_im": 1, "error_one_im": 0.05483172050539508, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 10.166442160100296, "error_w_gmm": 0.06978650918565697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06711236422060773}, "run_813": {"edge_length": "600", "pf": 0.1945111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05724937914706607, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 7.730116571717581, "error_w_gmm": 0.05343297929509474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05138548423885934}, "run_814": {"edge_length": "600", "pf": 0.20035277777777777, "in_bounds_one_im": 1, "error_one_im": 0.05127586820140075, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.221984260721989, "error_w_gmm": 0.0490087750021637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047130810758865445}, "run_815": {"edge_length": "600", "pf": 0.19983333333333334, "in_bounds_one_im": 1, "error_one_im": 0.05762895823430026, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 5.51891294887865, "error_w_gmm": 0.03751246321130741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036075025434383484}, "run_816": {"edge_length": "600", "pf": 0.20014166666666666, "in_bounds_one_im": 1, "error_one_im": 0.05450820110275363, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.140240494518837, "error_w_gmm": 0.05527653276058023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05315839469217741}, "run_817": {"edge_length": "600", "pf": 0.19145555555555555, "in_bounds_one_im": 1, "error_one_im": 0.058498751569127413, "one_im_sa_cls": 8.714285714285714, "model_in_bounds": 1, "pred_cls": 8.635209844444576, "error_w_gmm": 0.06027769479901686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057967917509215185}, "run_818": {"edge_length": "600", "pf": 0.20198333333333332, "in_bounds_one_im": 1, "error_one_im": 0.05313654914653954, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.502053622944667, "error_w_gmm": 0.05065171499954602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04871079503925971}, "run_819": {"edge_length": "600", "pf": 0.2005472222222222, "in_bounds_one_im": 1, "error_one_im": 0.055637181973332034, "one_im_sa_cls": 8.53061224489796, "model_in_bounds": 1, "pred_cls": 9.7951687535574, "error_w_gmm": 0.06643023398906167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06388469792740975}, "run_820": {"edge_length": "600", "pf": 0.20131388888888888, "in_bounds_one_im": 1, "error_one_im": 0.05245043002025422, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.132112149291955, "error_w_gmm": 0.0414884359698369, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0398986431366497}, "run_821": {"edge_length": "600", "pf": 0.19760277777777777, "in_bounds_one_im": 1, "error_one_im": 0.05722799694772677, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.971345907599382, "error_w_gmm": 0.06825237135430236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06563701292271464}, "run_822": {"edge_length": "600", "pf": 0.2084888888888889, "in_bounds_one_im": 1, "error_one_im": 0.05026882987346827, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.212317737490708, "error_w_gmm": 0.047733983529225046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04590486794218755}, "run_823": {"edge_length": "600", "pf": 0.20439722222222223, "in_bounds_one_im": 1, "error_one_im": 0.05037443466692933, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 5.71157007876667, "error_w_gmm": 0.03827647519818808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03680976129280046}, "run_824": {"edge_length": "600", "pf": 0.201275, "in_bounds_one_im": 1, "error_one_im": 0.05511281304521347, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 6.8512176990687745, "error_w_gmm": 0.04635934230979278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04458290151532749}, "run_825": {"edge_length": "600", "pf": 0.19737222222222223, "in_bounds_one_im": 1, "error_one_im": 0.053639872123573185, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 9.904157787461699, "error_w_gmm": 0.06784180674151227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06524218071013964}, "run_826": {"edge_length": "600", "pf": 0.20545833333333333, "in_bounds_one_im": 1, "error_one_im": 0.05257043750380464, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 6.357380736955184, "error_w_gmm": 0.04246591214741915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04083866346453791}, "run_827": {"edge_length": "600", "pf": 0.20916666666666667, "in_bounds_one_im": 1, "error_one_im": 0.053925022714261577, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 10.203128615862443, "error_w_gmm": 0.06738998874923458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06480767590379523}, "run_828": {"edge_length": "600", "pf": 0.20912777777777777, "in_bounds_one_im": 1, "error_one_im": 0.05470921852817577, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 10.248587651423971, "error_w_gmm": 0.06769819612920139, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06510407310407337}, "run_829": {"edge_length": "600", "pf": 0.20273611111111112, "in_bounds_one_im": 1, "error_one_im": 0.05354159132980947, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.945544180048502, "error_w_gmm": 0.07372904804292549, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0709038291732248}, "run_830": {"edge_length": "600", "pf": 0.206175, "in_bounds_one_im": 1, "error_one_im": 0.050885582029785895, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 11.000393182448379, "error_w_gmm": 0.07331931010735049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07050979196047134}, "run_831": {"edge_length": "600", "pf": 0.20185, "in_bounds_one_im": 1, "error_one_im": 0.05395392600010073, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 7.795277119909754, "error_w_gmm": 0.05265325426285124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05063563744230115}, "run_832": {"edge_length": "600", "pf": 0.203825, "in_bounds_one_im": 1, "error_one_im": 0.05481124085142588, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 7.710696132854141, "error_w_gmm": 0.051764843879062994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04978127000151754}, "run_833": {"edge_length": "600", "pf": 0.19965555555555556, "in_bounds_one_im": 1, "error_one_im": 0.05405720058808591, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 8.252671306449116, "error_w_gmm": 0.056125224727308694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053974565683488365}, "run_834": {"edge_length": "600", "pf": 0.19355833333333333, "in_bounds_one_im": 1, "error_one_im": 0.05769619322633137, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 8.168463673341138, "error_w_gmm": 0.056635234296848115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054465032227614577}, "run_835": {"edge_length": "600", "pf": 0.19758333333333333, "in_bounds_one_im": 1, "error_one_im": 0.05723150625219076, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 5.1364138853320895, "error_w_gmm": 0.03516014074668181, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033812841469997475}, "run_836": {"edge_length": "600", "pf": 0.20148333333333332, "in_bounds_one_im": 1, "error_one_im": 0.055209844027712965, "one_im_sa_cls": 8.489795918367347, "model_in_bounds": 1, "pred_cls": 10.916426097799395, "error_w_gmm": 0.07381908966870354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07099042049946738}, "run_837": {"edge_length": "600", "pf": 0.19846388888888888, "in_bounds_one_im": 1, "error_one_im": 0.05131216423130391, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.285913625032673, "error_w_gmm": 0.04973597013368041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04783014054474096}, "run_838": {"edge_length": "600", "pf": 0.1991111111111111, "in_bounds_one_im": 1, "error_one_im": 0.05829423886666677, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 7.1140312539495945, "error_w_gmm": 0.04846407547667049, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046606983541079956}, "run_839": {"edge_length": "600", "pf": 0.20806666666666668, "in_bounds_one_im": 1, "error_one_im": 0.053974908422503576, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 9.923084293531279, "error_w_gmm": 0.06575904759724187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06323923068577009}}, "anode_128": {"true_cls": 8.979591836734693, "true_pf": 0.34688831684396615, "run_84": {"edge_length": "400", "pf": 0.3391625, "in_bounds_one_im": 1, "error_one_im": 0.05052938542450722, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 5.678670399707902, "error_w_gmm": 0.040413897279205635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03883990757169468}, "run_85": {"edge_length": "400", "pf": 0.33895, "in_bounds_one_im": 1, "error_one_im": 0.05236880007674973, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 11.164244039194491, "error_w_gmm": 0.0794912455587064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07639532037529181}, "run_86": {"edge_length": "400", "pf": 0.33815625, "in_bounds_one_im": 1, "error_one_im": 0.053021285903396186, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 8.19766224124912, "error_w_gmm": 0.058472234757373134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05619493160476125}, "run_87": {"edge_length": "400", "pf": 0.3380125, "in_bounds_one_im": 1, "error_one_im": 0.05219866132862086, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.191106572725451, "error_w_gmm": 0.04417407244410846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04245363615741455}, "run_88": {"edge_length": "400", "pf": 0.34120625, "in_bounds_one_im": 1, "error_one_im": 0.05349571487878671, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.474792932608522, "error_w_gmm": 0.04587042622201814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04408392247916475}, "run_89": {"edge_length": "400", "pf": 0.3453625, "in_bounds_one_im": 1, "error_one_im": 0.057823471323796366, "one_im_sa_cls": 8.571428571428571, "model_in_bounds": 1, "pred_cls": 9.277134171363604, "error_w_gmm": 0.06512044100672879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06258421186789974}, "run_90": {"edge_length": "400", "pf": 0.3469875, "in_bounds_one_im": 1, "error_one_im": 0.06200608150775615, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 7.526387581185932, "error_w_gmm": 0.0526418395007183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05059161125902864}, "run_91": {"edge_length": "400", "pf": 0.3305375, "in_bounds_one_im": 1, "error_one_im": 0.04724793823143316, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.488398676866973, "error_w_gmm": 0.06159127190962533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059192492415816554}, "run_92": {"edge_length": "400", "pf": 0.3446, "in_bounds_one_im": 1, "error_one_im": 0.05861064917522178, "one_im_sa_cls": 8.673469387755102, "model_in_bounds": 1, "pred_cls": 13.390625590968869, "error_w_gmm": 0.09415363560095047, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09048665806753445}, "run_93": {"edge_length": "400", "pf": 0.34360625, "in_bounds_one_im": 1, "error_one_im": 0.051276411064861444, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 6.430150621009995, "error_w_gmm": 0.04531202616493154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04354727028609769}, "run_94": {"edge_length": "400", "pf": 0.33468125, "in_bounds_one_im": 1, "error_one_im": 0.06372790545272591, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 8.292548627390573, "error_w_gmm": 0.059611199716665245, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05728953758746779}, "run_95": {"edge_length": "400", "pf": 0.33791875, "in_bounds_one_im": 1, "error_one_im": 0.05192965397290645, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 8.276024113213161, "error_w_gmm": 0.059062509002942555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05676221659045522}, "run_96": {"edge_length": "400", "pf": 0.3377125, "in_bounds_one_im": 1, "error_one_im": 0.06245634848955808, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 6.923994744931567, "error_w_gmm": 0.04943642828817724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04751104037609062}, "run_97": {"edge_length": "400", "pf": 0.33753125, "in_bounds_one_im": 1, "error_one_im": 0.049032695477829874, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 2.495429299846991, "error_w_gmm": 0.017824264559501982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017130067492419243}, "run_98": {"edge_length": "400", "pf": 0.35171875, "in_bounds_one_im": 1, "error_one_im": 0.05620517840771635, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 7.839909327982148, "error_w_gmm": 0.05426698020338767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052153458022942654}, "run_99": {"edge_length": "400", "pf": 0.34509375, "in_bounds_one_im": 1, "error_one_im": 0.0668120471424736, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 12.440899122408654, "error_w_gmm": 0.08738028048767299, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0839771030812271}, "run_100": {"edge_length": "400", "pf": 0.33950625, "in_bounds_one_im": 1, "error_one_im": 0.054814447298337905, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 5.018272722783036, "error_w_gmm": 0.03568661654567805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03429673903026004}, "run_101": {"edge_length": "400", "pf": 0.33639375, "in_bounds_one_im": 1, "error_one_im": 0.05786560663225138, "one_im_sa_cls": 8.408163265306122, "model_in_bounds": 1, "pred_cls": 3.8319064523993576, "error_w_gmm": 0.027440171294689522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02637146597058308}, "run_102": {"edge_length": "400", "pf": 0.35155625, "in_bounds_one_im": 1, "error_one_im": 0.059756264215898434, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 8.118969095625438, "error_w_gmm": 0.05621863235778942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05402909968069653}, "run_103": {"edge_length": "400", "pf": 0.34509375, "in_bounds_one_im": 1, "error_one_im": 0.054138421705138405, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 3.421939050512776, "error_w_gmm": 0.02403443602455935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02309837299982477}, "run_104": {"edge_length": "400", "pf": 0.3421375, "in_bounds_one_im": 1, "error_one_im": 0.05019585047227879, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.912124499017745, "error_w_gmm": 0.04886742148614499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04696419453625694}, "run_105": {"edge_length": "400", "pf": 0.34665, "in_bounds_one_im": 1, "error_one_im": 0.0588947601295789, "one_im_sa_cls": 8.755102040816327, "model_in_bounds": 1, "pred_cls": 10.208996763542325, "error_w_gmm": 0.07145803291064427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06867497520296306}, "run_106": {"edge_length": "400", "pf": 0.3447375, "in_bounds_one_im": 1, "error_one_im": 0.05666269606718886, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 8.353128410555742, "error_w_gmm": 0.0587155585078491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056428778687441596}, "run_107": {"edge_length": "400", "pf": 0.3240875, "in_bounds_one_im": 1, "error_one_im": 0.06123108780420333, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 1, "pred_cls": 7.350136148774799, "error_w_gmm": 0.05411904542080975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05201128481845624}, "run_108": {"edge_length": "400", "pf": 0.34818125, "in_bounds_one_im": 1, "error_one_im": 0.06129580713487917, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 9.832815653025879, "error_w_gmm": 0.06859291772245374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06592144692226355}, "run_109": {"edge_length": "400", "pf": 0.32841875, "in_bounds_one_im": 1, "error_one_im": 0.0593438100290981, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.439145465067793, "error_w_gmm": 0.05423741787869254, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05212504705453658}, "run_110": {"edge_length": "400", "pf": 0.32648125, "in_bounds_one_im": 1, "error_one_im": 0.06233435530701667, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 0, "pred_cls": 5.133400109382672, "error_w_gmm": 0.03759165824229977, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.036127585555796184}, "run_111": {"edge_length": "400", "pf": 0.3376125, "in_bounds_one_im": 1, "error_one_im": 0.055046710988015765, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 9.737772612445386, "error_w_gmm": 0.0695419844401459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0668335505815535}, "run_112": {"edge_length": "500", "pf": 0.345216, "in_bounds_one_im": 1, "error_one_im": 0.04087516206020924, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 4.5884893690761634, "error_w_gmm": 0.025966277650389957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024771447660523548}, "run_113": {"edge_length": "500", "pf": 0.342852, "in_bounds_one_im": 1, "error_one_im": 0.04740280347646068, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.338924089701125, "error_w_gmm": 0.05312653511778943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050681934537333315}, "run_114": {"edge_length": "500", "pf": 0.34048, "in_bounds_one_im": 1, "error_one_im": 0.04175240113059211, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 3.8435789394876037, "error_w_gmm": 0.021980642479889744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020969210222054745}, "run_115": {"edge_length": "500", "pf": 0.3358, "in_bounds_one_im": 1, "error_one_im": 0.04309132719204022, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 9.552212660824688, "error_w_gmm": 0.05520132061945547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052661249445435376}, "run_116": {"edge_length": "500", "pf": 0.352652, "in_bounds_one_im": 1, "error_one_im": 0.04324646682687812, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 10.564570128776143, "error_w_gmm": 0.05881443854370472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05610811090000729}, "run_117": {"edge_length": "500", "pf": 0.342428, "in_bounds_one_im": 1, "error_one_im": 0.04789087532922302, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.376058430467785, "error_w_gmm": 0.053388008644210734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050931376442775726}, "run_118": {"edge_length": "500", "pf": 0.336488, "in_bounds_one_im": 1, "error_one_im": 0.042350930557513475, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 11.822826180244492, "error_w_gmm": 0.0682177357692214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06507871840079908}, "run_119": {"edge_length": "500", "pf": 0.338472, "in_bounds_one_im": 1, "error_one_im": 0.05010404195219028, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 9.79325487434357, "error_w_gmm": 0.05625695149721541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05366830580481587}, "run_120": {"edge_length": "500", "pf": 0.338908, "in_bounds_one_im": 1, "error_one_im": 0.0480441487365755, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 7.614048133627736, "error_w_gmm": 0.043696037347503935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041685378116170575}, "run_121": {"edge_length": "500", "pf": 0.343508, "in_bounds_one_im": 1, "error_one_im": 0.04545379194032637, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.967485423649197, "error_w_gmm": 0.056619795421749525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054014453581811527}, "run_122": {"edge_length": "500", "pf": 0.332296, "in_bounds_one_im": 1, "error_one_im": 0.04343203842255591, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 4.54775502850417, "error_w_gmm": 0.026488836971637644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025269961581158965}, "run_123": {"edge_length": "500", "pf": 0.3396, "in_bounds_one_im": 1, "error_one_im": 0.03770668895491453, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 2.8094669071366516, "error_w_gmm": 0.016098299682218466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015357541553342739}, "run_124": {"edge_length": "500", "pf": 0.335192, "in_bounds_one_im": 1, "error_one_im": 0.03470036309934301, "one_im_sa_cls": 6.285714285714286, "model_in_bounds": 1, "pred_cls": 4.477260094537533, "error_w_gmm": 0.025908962105961258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024716769472603598}, "run_125": {"edge_length": "500", "pf": 0.34062, "in_bounds_one_im": 1, "error_one_im": 0.04875160632933737, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 9.077556501789989, "error_w_gmm": 0.05189651193370194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04950851047801722}, "run_126": {"edge_length": "500", "pf": 0.34326, "in_bounds_one_im": 1, "error_one_im": 0.04149525230828534, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 4.685857985270164, "error_w_gmm": 0.026632421338276636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025406938958931664}, "run_127": {"edge_length": "500", "pf": 0.347124, "in_bounds_one_im": 1, "error_one_im": 0.03335251755798082, "one_im_sa_cls": 6.204081632653061, "model_in_bounds": 1, "pred_cls": 4.967724249757141, "error_w_gmm": 0.02799412564705325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02670598487795518}, "run_128": {"edge_length": "500", "pf": 0.346096, "in_bounds_one_im": 1, "error_one_im": 0.04992252768850012, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 7.17416308511247, "error_w_gmm": 0.040519711771363764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038655210149028174}, "run_129": {"edge_length": "500", "pf": 0.334268, "in_bounds_one_im": 1, "error_one_im": 0.046852462134845535, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 7.7227619781911265, "error_w_gmm": 0.04478281198828674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042722145168244824}, "run_130": {"edge_length": "500", "pf": 0.335356, "in_bounds_one_im": 1, "error_one_im": 0.039642969101084544, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 4.451142650162666, "error_w_gmm": 0.025748350483649228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024563548342900535}, "run_131": {"edge_length": "500", "pf": 0.346788, "in_bounds_one_im": 1, "error_one_im": 0.039525698552798985, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 5.8209694400763965, "error_w_gmm": 0.03282666486919425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03131615634806173}, "run_132": {"edge_length": "500", "pf": 0.3404, "in_bounds_one_im": 1, "error_one_im": 0.03853041203050344, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 5.264104238394119, "error_w_gmm": 0.030109699674621442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02872421144094046}, "run_133": {"edge_length": "500", "pf": 0.322264, "in_bounds_one_im": 0, "error_one_im": 0.05023359778308482, "one_im_sa_cls": 8.83673469387755, "model_in_bounds": 0, "pred_cls": 5.087363293125968, "error_w_gmm": 0.0303147177100069, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0289197956367729}, "run_134": {"edge_length": "500", "pf": 0.33158, "in_bounds_one_im": 1, "error_one_im": 0.04179846949003582, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 5.812482339393693, "error_w_gmm": 0.03391006296900818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032349702229623495}, "run_135": {"edge_length": "500", "pf": 0.346972, "in_bounds_one_im": 1, "error_one_im": 0.04378986326721306, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 7.6042760817067006, "error_w_gmm": 0.04286599986588502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04089353454471099}, "run_136": {"edge_length": "500", "pf": 0.336368, "in_bounds_one_im": 1, "error_one_im": 0.045283853422481875, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 9.03791465053212, "error_w_gmm": 0.0521628070801884, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04976255213821413}, "run_137": {"edge_length": "500", "pf": 0.324868, "in_bounds_one_im": 1, "error_one_im": 0.04889773498997386, "one_im_sa_cls": 8.653061224489797, "model_in_bounds": 0, "pred_cls": 3.601739303282614, "error_w_gmm": 0.021334847835833386, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020353131612710917}, "run_138": {"edge_length": "500", "pf": 0.345292, "in_bounds_one_im": 1, "error_one_im": 0.047147247284720105, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 12.279694439105853, "error_w_gmm": 0.06947915393829243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06628209281487144}, "run_139": {"edge_length": "500", "pf": 0.343192, "in_bounds_one_im": 1, "error_one_im": 0.03585730588239734, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.130335452422682, "error_w_gmm": 0.029163040262578138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02782111226001403}, "run_140": {"edge_length": "600", "pf": 0.33113611111111113, "in_bounds_one_im": 1, "error_one_im": 0.03894109731111652, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 0, "pred_cls": 5.002965828629197, "error_w_gmm": 0.024152323468906268, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023226832067311857}, "run_141": {"edge_length": "600", "pf": 0.3487972222222222, "in_bounds_one_im": 1, "error_one_im": 0.03279252624372363, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 9.207485325346092, "error_w_gmm": 0.04273448021605106, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041096940289820784}, "run_142": {"edge_length": "600", "pf": 0.34765555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03698449397189508, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 9.798370896711756, "error_w_gmm": 0.04559146514623109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043844448589697715}, "run_143": {"edge_length": "600", "pf": 0.3383277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03374908124325708, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 4.37110011999405, "error_w_gmm": 0.02076391080503611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01996825978047627}, "run_144": {"edge_length": "600", "pf": 0.34587222222222225, "in_bounds_one_im": 1, "error_one_im": 0.039605724421060945, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.606110734825734, "error_w_gmm": 0.04487317713228459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04315368461010061}, "run_145": {"edge_length": "600", "pf": 0.34075833333333333, "in_bounds_one_im": 1, "error_one_im": 0.04191198953945695, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.254724808378755, "error_w_gmm": 0.043724854022853914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04204936402346645}, "run_146": {"edge_length": "600", "pf": 0.34153055555555556, "in_bounds_one_im": 1, "error_one_im": 0.039618457314688306, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.347286696467968, "error_w_gmm": 0.04408637309819467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04239703007153349}, "run_147": {"edge_length": "600", "pf": 0.3444388888888889, "in_bounds_one_im": 1, "error_one_im": 0.03936362004479905, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.333889709376502, "error_w_gmm": 0.05311231861220552, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051077110933009734}, "run_148": {"edge_length": "600", "pf": 0.3424361111111111, "in_bounds_one_im": 1, "error_one_im": 0.03778359418747924, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 11.49094322220193, "error_w_gmm": 0.05408796668421361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052015373206389}, "run_149": {"edge_length": "600", "pf": 0.34218333333333334, "in_bounds_one_im": 1, "error_one_im": 0.03651075941701006, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.991364248699696, "error_w_gmm": 0.04705584529065149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045252715241183565}, "run_150": {"edge_length": "600", "pf": 0.342575, "in_bounds_one_im": 1, "error_one_im": 0.03463197845755807, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 4.952070635748094, "error_w_gmm": 0.02330225134064967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022409333800797758}, "run_151": {"edge_length": "600", "pf": 0.34078055555555553, "in_bounds_one_im": 1, "error_one_im": 0.03606849016945476, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 5.731961901276239, "error_w_gmm": 0.02707987613021056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026042204017752417}, "run_152": {"edge_length": "600", "pf": 0.33688055555555557, "in_bounds_one_im": 1, "error_one_im": 0.037132071364204225, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 4.658668329843094, "error_w_gmm": 0.022201661588254804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0213509174796189}, "run_153": {"edge_length": "600", "pf": 0.3495083333333333, "in_bounds_one_im": 1, "error_one_im": 0.03628822764974613, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 9.058675485850609, "error_w_gmm": 0.04197808090478587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040369525397369314}, "run_154": {"edge_length": "600", "pf": 0.33634722222222224, "in_bounds_one_im": 1, "error_one_im": 0.036989153436714446, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 7.364078051310642, "error_w_gmm": 0.03513667775686387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033790277557047214}, "run_155": {"edge_length": "600", "pf": 0.3405888888888889, "in_bounds_one_im": 1, "error_one_im": 0.039887067551235944, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 6.524517008544728, "error_w_gmm": 0.03083734909864702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029655694609980375}, "run_156": {"edge_length": "600", "pf": 0.3491138888888889, "in_bounds_one_im": 1, "error_one_im": 0.033133787536202795, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 10.479294103749478, "error_w_gmm": 0.04860341054085194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04674097943348318}, "run_157": {"edge_length": "600", "pf": 0.34510277777777776, "in_bounds_one_im": 1, "error_one_im": 0.0391221493237967, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 9.959861978265957, "error_w_gmm": 0.04660488535447982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04481903561114594}, "run_158": {"edge_length": "600", "pf": 0.33957777777777776, "in_bounds_one_im": 1, "error_one_im": 0.03421289207540463, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.766208223028988, "error_w_gmm": 0.032051794082084945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03082360335058723}, "run_159": {"edge_length": "600", "pf": 0.34584444444444445, "in_bounds_one_im": 1, "error_one_im": 0.037682759423190555, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 4.233315173083029, "error_w_gmm": 0.019776366211192536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019018556847352}, "run_160": {"edge_length": "600", "pf": 0.34510277777777776, "in_bounds_one_im": 1, "error_one_im": 0.03443851172869428, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.890596324905884, "error_w_gmm": 0.04628077264680446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04450734255843611}, "run_161": {"edge_length": "600", "pf": 0.3388805555555556, "in_bounds_one_im": 1, "error_one_im": 0.041156617066492256, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.506296057206661, "error_w_gmm": 0.04984619956575177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047936146101965935}, "run_162": {"edge_length": "600", "pf": 0.337625, "in_bounds_one_im": 1, "error_one_im": 0.03632327758222214, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 6.78378815802531, "error_w_gmm": 0.03227548092941264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031038718755332366}, "run_163": {"edge_length": "600", "pf": 0.33978055555555553, "in_bounds_one_im": 1, "error_one_im": 0.03326815234649178, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 10.078236615890189, "error_w_gmm": 0.04771942720338165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04589086939930141}, "run_164": {"edge_length": "600", "pf": 0.35131111111111113, "in_bounds_one_im": 1, "error_one_im": 0.03451421681873401, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 9.290009346475925, "error_w_gmm": 0.04287994452801695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0412368305637387}, "run_165": {"edge_length": "600", "pf": 0.3402833333333333, "in_bounds_one_im": 1, "error_one_im": 0.035737147027312205, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.918713235539574, "error_w_gmm": 0.037452324869666674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03601719153016739}, "run_166": {"edge_length": "600", "pf": 0.3385138888888889, "in_bounds_one_im": 1, "error_one_im": 0.034387392498800455, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 6.353947886180492, "error_w_gmm": 0.03017043310592283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029014334130275318}, "run_167": {"edge_length": "600", "pf": 0.34425, "in_bounds_one_im": 1, "error_one_im": 0.03468760267531721, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 10.130509594934614, "error_w_gmm": 0.04749296073711987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04567308088766962}, "run_336": {"edge_length": "400", "pf": 0.35119375, "in_bounds_one_im": 1, "error_one_im": 0.05898829892471932, "one_im_sa_cls": 8.857142857142858, "model_in_bounds": 1, "pred_cls": 5.526115983441141, "error_w_gmm": 0.038295237227160765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0368037624301172}, "run_337": {"edge_length": "400", "pf": 0.3606375, "in_bounds_one_im": 1, "error_one_im": 0.04633502502420816, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 10.369796954775333, "error_w_gmm": 0.07039617079792149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06765446916200621}, "run_338": {"edge_length": "400", "pf": 0.3532875, "in_bounds_one_im": 1, "error_one_im": 0.04938287564554556, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 5.473281060380323, "error_w_gmm": 0.03775547056333774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036285017920318303}, "run_339": {"edge_length": "400", "pf": 0.3392125, "in_bounds_one_im": 1, "error_one_im": 0.05289641208793712, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 5.257191927555127, "error_w_gmm": 0.03741015117798971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03595314760063665}, "run_340": {"edge_length": "400", "pf": 0.339175, "in_bounds_one_im": 1, "error_one_im": 0.050946716558717374, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 5.491732809667667, "error_w_gmm": 0.03908241211683015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03756027942095073}, "run_341": {"edge_length": "400", "pf": 0.35371875, "in_bounds_one_im": 1, "error_one_im": 0.0498769769741115, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 3.824182324886684, "error_w_gmm": 0.02635487571261434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025328439117603498}, "run_342": {"edge_length": "400", "pf": 0.35004375, "in_bounds_one_im": 1, "error_one_im": 0.048236543508228265, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.684420882426544, "error_w_gmm": 0.046439264284028996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04463060615085142}, "run_343": {"edge_length": "400", "pf": 0.3654375, "in_bounds_one_im": 1, "error_one_im": 0.05284051460163211, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 9.40238786619393, "error_w_gmm": 0.06316979304746825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06070953529515615}, "run_344": {"edge_length": "400", "pf": 0.3436, "in_bounds_one_im": 1, "error_one_im": 0.05404138684894958, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 4.005382622169389, "error_w_gmm": 0.028225546737196756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027126253596862108}, "run_345": {"edge_length": "400", "pf": 0.3545625, "in_bounds_one_im": 1, "error_one_im": 0.05356279401094375, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.480288720978955, "error_w_gmm": 0.05833537318729863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05606340034720692}, "run_346": {"edge_length": "400", "pf": 0.35764375, "in_bounds_one_im": 1, "error_one_im": 0.047977509861719614, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 11.026369178856894, "error_w_gmm": 0.07534177219543539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07240745548843806}, "run_347": {"edge_length": "400", "pf": 0.3422375, "in_bounds_one_im": 1, "error_one_im": 0.042144058966330666, "one_im_sa_cls": 6.204081632653061, "model_in_bounds": 1, "pred_cls": 4.092745699791606, "error_w_gmm": 0.028928516556122726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02780184503027787}, "run_348": {"edge_length": "400", "pf": 0.35144375, "in_bounds_one_im": 1, "error_one_im": 0.05066951691817466, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 10.117019293490573, "error_w_gmm": 0.0700711323457497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0673420898991903}, "run_349": {"edge_length": "400", "pf": 0.346925, "in_bounds_one_im": 1, "error_one_im": 0.051450194211956866, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 7.312347043728781, "error_w_gmm": 0.0511518294739867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04915963227122306}, "run_350": {"edge_length": "400", "pf": 0.3271875, "in_bounds_one_im": 0, "error_one_im": 0.0537739527778857, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 0, "pred_cls": 3.36274330545577, "error_w_gmm": 0.024585725933986866, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0236281919623327}, "run_351": {"edge_length": "400", "pf": 0.35355, "in_bounds_one_im": 1, "error_one_im": 0.054492798884213725, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.734209201282683, "error_w_gmm": 0.053321039738369796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05124435885896451}, "run_352": {"edge_length": "400", "pf": 0.3557, "in_bounds_one_im": 1, "error_one_im": 0.04683530973544185, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 11.470488595135484, "error_w_gmm": 0.07870905455846218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07564359316761825}, "run_353": {"edge_length": "400", "pf": 0.35826875, "in_bounds_one_im": 1, "error_one_im": 0.047912317306174845, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.444639548455557, "error_w_gmm": 0.037151975240380185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03570502677515142}, "run_354": {"edge_length": "400", "pf": 0.32575625, "in_bounds_one_im": 0, "error_one_im": 0.05366151598622853, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 0, "pred_cls": 3.6231281066175147, "error_w_gmm": 0.026575804577331146, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02554076352240503}, "run_355": {"edge_length": "400", "pf": 0.35794375, "in_bounds_one_im": 1, "error_one_im": 0.05343724534725655, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 3.8261160566413945, "error_w_gmm": 0.026126301334265196, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025108766967031005}, "run_356": {"edge_length": "400", "pf": 0.339775, "in_bounds_one_im": 1, "error_one_im": 0.0512967807018778, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 4.7048577069218505, "error_w_gmm": 0.03343777803223648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03213548545448364}, "run_357": {"edge_length": "400", "pf": 0.3584, "in_bounds_one_im": 1, "error_one_im": 0.059137432609820885, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.131836893680925, "error_w_gmm": 0.06911574793685947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06642391460220336}, "run_358": {"edge_length": "400", "pf": 0.34060625, "in_bounds_one_im": 1, "error_one_im": 0.05161929110965515, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 11.583106909508798, "error_w_gmm": 0.0821697218418209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07896947872855374}, "run_359": {"edge_length": "400", "pf": 0.3656375, "in_bounds_one_im": 1, "error_one_im": 0.054530031222420595, "one_im_sa_cls": 8.448979591836734, "model_in_bounds": 1, "pred_cls": 9.880329882875962, "error_w_gmm": 0.06635222271908624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06376801969335999}, "run_360": {"edge_length": "400", "pf": 0.35230625, "in_bounds_one_im": 1, "error_one_im": 0.048539994812791934, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 12.482998908163005, "error_w_gmm": 0.08629472657796602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08293382796163594}, "run_361": {"edge_length": "400", "pf": 0.355875, "in_bounds_one_im": 1, "error_one_im": 0.048700893354408616, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.39089187239115, "error_w_gmm": 0.0438367605000614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042129461415268056}, "run_362": {"edge_length": "400", "pf": 0.3593125, "in_bounds_one_im": 1, "error_one_im": 0.056216147228491484, "one_im_sa_cls": 8.591836734693878, "model_in_bounds": 1, "pred_cls": 6.214958016073272, "error_w_gmm": 0.04231221948923527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04066429631276235}, "run_363": {"edge_length": "400", "pf": 0.3431375, "in_bounds_one_im": 1, "error_one_im": 0.052713291900423905, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 8.294081414738331, "error_w_gmm": 0.05850757289198004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05622889343408961}, "run_364": {"edge_length": "500", "pf": 0.342408, "in_bounds_one_im": 1, "error_one_im": 0.042904147869149194, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.441352977863146, "error_w_gmm": 0.042373526586141144, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04042372226596881}, "run_365": {"edge_length": "500", "pf": 0.342348, "in_bounds_one_im": 1, "error_one_im": 0.036811563650114065, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.320325826389924, "error_w_gmm": 0.047385002105152715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045204596336277686}, "run_366": {"edge_length": "500", "pf": 0.343168, "in_bounds_one_im": 1, "error_one_im": 0.036965980756591035, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 2.994117382673418, "error_w_gmm": 0.01702076116336787, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0162375562634525}, "run_367": {"edge_length": "500", "pf": 0.355316, "in_bounds_one_im": 1, "error_one_im": 0.04148669131162089, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.08476381950794, "error_w_gmm": 0.044747605082798354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042688558297291075}, "run_368": {"edge_length": "500", "pf": 0.346016, "in_bounds_one_im": 1, "error_one_im": 0.03849333346523404, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.034817359972492, "error_w_gmm": 0.034090706163910384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03252203318548862}, "run_369": {"edge_length": "500", "pf": 0.338196, "in_bounds_one_im": 1, "error_one_im": 0.04039891199873516, "one_im_sa_cls": 7.36734693877551, "model_in_bounds": 1, "pred_cls": 5.940542584447179, "error_w_gmm": 0.03414624636494593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0325750177218759}, "run_370": {"edge_length": "500", "pf": 0.341284, "in_bounds_one_im": 1, "error_one_im": 0.043900578619008514, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 6.683001134245805, "error_w_gmm": 0.03815039794226508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0363949195406055}, "run_371": {"edge_length": "500", "pf": 0.345192, "in_bounds_one_im": 1, "error_one_im": 0.037902431932851435, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.037451028308805, "error_w_gmm": 0.04548637867377789, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043393337456950475}, "run_372": {"edge_length": "500", "pf": 0.354896, "in_bounds_one_im": 1, "error_one_im": 0.0395833353816117, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 8.401027553592678, "error_w_gmm": 0.046540722361128016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04439916585557758}, "run_373": {"edge_length": "500", "pf": 0.35026, "in_bounds_one_im": 1, "error_one_im": 0.0421664949361183, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.682473515868484, "error_w_gmm": 0.042994410394554025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04101603630383161}, "run_374": {"edge_length": "500", "pf": 0.349456, "in_bounds_one_im": 1, "error_one_im": 0.04551558706962194, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.862480005464582, "error_w_gmm": 0.04407963975948039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04205132918542531}, "run_375": {"edge_length": "500", "pf": 0.351264, "in_bounds_one_im": 1, "error_one_im": 0.03805110113934478, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.000601144222022, "error_w_gmm": 0.0446761966114681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042620435664008964}, "run_376": {"edge_length": "500", "pf": 0.33598, "in_bounds_one_im": 1, "error_one_im": 0.03936261280938297, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 0, "pred_cls": 3.852746811055871, "error_w_gmm": 0.022255673037969572, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.021231585336664808}, "run_377": {"edge_length": "500", "pf": 0.356964, "in_bounds_one_im": 1, "error_one_im": 0.040693650475523216, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 9.28288049178076, "error_w_gmm": 0.05119465123974161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048838945680185715}, "run_378": {"edge_length": "500", "pf": 0.348064, "in_bounds_one_im": 1, "error_one_im": 0.03591110582160952, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 4.791724412314465, "error_w_gmm": 0.02694642506147625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025706493900890567}, "run_379": {"edge_length": "500", "pf": 0.346252, "in_bounds_one_im": 1, "error_one_im": 0.039572505555270664, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 10.13086775287437, "error_w_gmm": 0.05719948030242151, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05456746444746204}, "run_380": {"edge_length": "500", "pf": 0.34588, "in_bounds_one_im": 1, "error_one_im": 0.04279544994724526, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 4.181401579235509, "error_w_gmm": 0.02362785316510152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022540625032600948}, "run_381": {"edge_length": "500", "pf": 0.355892, "in_bounds_one_im": 1, "error_one_im": 0.03400864455132154, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.133791585638555, "error_w_gmm": 0.03390670943918897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032346503011410004}, "run_382": {"edge_length": "500", "pf": 0.349384, "in_bounds_one_im": 1, "error_one_im": 0.03733524245956238, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.2885708047250715, "error_w_gmm": 0.0408685882516379, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03898803318925969}, "run_383": {"edge_length": "500", "pf": 0.352456, "in_bounds_one_im": 1, "error_one_im": 0.04369877277775196, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 4.63133322426692, "error_w_gmm": 0.02579435144867968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02460743258818705}, "run_384": {"edge_length": "500", "pf": 0.352008, "in_bounds_one_im": 1, "error_one_im": 0.03940008755641078, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 7.048853272309986, "error_w_gmm": 0.039297364140128736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03748910845444628}, "run_385": {"edge_length": "500", "pf": 0.356224, "in_bounds_one_im": 1, "error_one_im": 0.03699527434884852, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 11.277601538823212, "error_w_gmm": 0.06229582540930913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059429302858611324}, "run_386": {"edge_length": "500", "pf": 0.341552, "in_bounds_one_im": 1, "error_one_im": 0.03820962490004375, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.6386906477899315, "error_w_gmm": 0.032169698402249584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030689419983699017}, "run_387": {"edge_length": "500", "pf": 0.357092, "in_bounds_one_im": 1, "error_one_im": 0.040896989211439944, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 11.27915371090952, "error_w_gmm": 0.06218666479288244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05932516523315678}, "run_388": {"edge_length": "500", "pf": 0.350464, "in_bounds_one_im": 1, "error_one_im": 0.0325636517457554, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.303505250185726, "error_w_gmm": 0.03526130821833177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0336387703594811}, "run_389": {"edge_length": "500", "pf": 0.352676, "in_bounds_one_im": 1, "error_one_im": 0.04768783261758695, "one_im_sa_cls": 8.979591836734693, "model_in_bounds": 1, "pred_cls": 6.514195216856174, "error_w_gmm": 0.03626352906305232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034594874331469135}, "run_390": {"edge_length": "500", "pf": 0.345124, "in_bounds_one_im": 1, "error_one_im": 0.04264665062980173, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.336622597092102, "error_w_gmm": 0.052846734469862267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05041500882703992}, "run_391": {"edge_length": "500", "pf": 0.340232, "in_bounds_one_im": 1, "error_one_im": 0.040995658816192326, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 0, "pred_cls": 3.3887824415112746, "error_w_gmm": 0.019390460734378317, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.018498214863995846}, "run_392": {"edge_length": "600", "pf": 0.35341666666666666, "in_bounds_one_im": 1, "error_one_im": 0.035617759403049246, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 9.15388398961993, "error_w_gmm": 0.04205715790670843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04044557225250546}, "run_393": {"edge_length": "600", "pf": 0.3477138888888889, "in_bounds_one_im": 1, "error_one_im": 0.032505646279345934, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 9.201351728848605, "error_w_gmm": 0.04280805106306113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04116769198005687}, "run_394": {"edge_length": "600", "pf": 0.34480833333333333, "in_bounds_one_im": 1, "error_one_im": 0.034460957024821305, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.156153217289756, "error_w_gmm": 0.028825078804011826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02772053237734039}, "run_395": {"edge_length": "600", "pf": 0.3605, "in_bounds_one_im": 1, "error_one_im": 0.03249746508933801, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 9.791394356946958, "error_w_gmm": 0.044297371764085124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042599943492487496}, "run_396": {"edge_length": "600", "pf": 0.33934444444444445, "in_bounds_one_im": 1, "error_one_im": 0.033114479453206246, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.933645179755935, "error_w_gmm": 0.02812253875327347, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027044912915715067}, "run_397": {"edge_length": "600", "pf": 0.35473333333333334, "in_bounds_one_im": 1, "error_one_im": 0.032368448034335036, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 8.880979404799847, "error_w_gmm": 0.04068602443466233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03912697915987476}, "run_398": {"edge_length": "600", "pf": 0.35743888888888886, "in_bounds_one_im": 1, "error_one_im": 0.02931776926071488, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.59929510787622, "error_w_gmm": 0.03916381122625154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037663095546030353}, "run_399": {"edge_length": "600", "pf": 0.3543611111111111, "in_bounds_one_im": 1, "error_one_im": 0.03446444965953303, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 10.162950966988275, "error_w_gmm": 0.04659694247652792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04481139709584706}, "run_400": {"edge_length": "600", "pf": 0.3475138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03288537616490893, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 5.270721310371219, "error_w_gmm": 0.024532137108965988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02359209165179445}, "run_401": {"edge_length": "600", "pf": 0.34030555555555553, "in_bounds_one_im": 1, "error_one_im": 0.03322926085797824, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.962422935922767, "error_w_gmm": 0.03765719030048029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036214206735103366}, "run_402": {"edge_length": "600", "pf": 0.33705277777777776, "in_bounds_one_im": 0, "error_one_im": 0.033845415763640196, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 7.655220251722554, "error_w_gmm": 0.03646817162306436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035070749991457525}, "run_403": {"edge_length": "600", "pf": 0.35284166666666666, "in_bounds_one_im": 1, "error_one_im": 0.036384896868811564, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 10.733713287523592, "error_w_gmm": 0.049377728704255774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04748562654667736}, "run_404": {"edge_length": "600", "pf": 0.3452527777777778, "in_bounds_one_im": 1, "error_one_im": 0.033509030797181726, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 6.168863338464795, "error_w_gmm": 0.028856201902040454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027750462871284607}, "run_405": {"edge_length": "600", "pf": 0.35170555555555555, "in_bounds_one_im": 1, "error_one_im": 0.0322216142668214, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 6.599764455077908, "error_w_gmm": 0.030436222395440627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029269938656310546}, "run_406": {"edge_length": "600", "pf": 0.3378777777777778, "in_bounds_one_im": 1, "error_one_im": 0.03322309025235794, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 0, "pred_cls": 5.86964970460428, "error_w_gmm": 0.027910475040726027, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026840975259561552}, "run_407": {"edge_length": "600", "pf": 0.34939166666666666, "in_bounds_one_im": 1, "error_one_im": 0.03129411994413892, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 4.401552848356042, "error_w_gmm": 0.020402117174497397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019620329697875277}, "run_408": {"edge_length": "600", "pf": 0.34395555555555557, "in_bounds_one_im": 1, "error_one_im": 0.0322243578519197, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.76476430151936, "error_w_gmm": 0.04111700622724763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039541446187584726}, "run_409": {"edge_length": "600", "pf": 0.33543055555555557, "in_bounds_one_im": 0, "error_one_im": 0.03321795531904185, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 10.549278387417761, "error_w_gmm": 0.05043794739195531, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048505218779512645}, "run_410": {"edge_length": "600", "pf": 0.3515027777777778, "in_bounds_one_im": 1, "error_one_im": 0.03377530439996141, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.323405942053145, "error_w_gmm": 0.033788472958858805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03249373453600328}, "run_411": {"edge_length": "600", "pf": 0.3555861111111111, "in_bounds_one_im": 1, "error_one_im": 0.03598779057769087, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.47802121345201, "error_w_gmm": 0.038767726008325794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03728218789327593}, "run_412": {"edge_length": "600", "pf": 0.34628888888888887, "in_bounds_one_im": 1, "error_one_im": 0.034714716706019805, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 9.884312477737327, "error_w_gmm": 0.04613025959982312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04436259701167011}, "run_413": {"edge_length": "600", "pf": 0.34275555555555554, "in_bounds_one_im": 1, "error_one_im": 0.031202448236652892, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.344699820369474, "error_w_gmm": 0.02984338401578456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028699817214162107}, "run_414": {"edge_length": "600", "pf": 0.35336388888888887, "in_bounds_one_im": 1, "error_one_im": 0.03264586837002361, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 10.318448653063546, "error_w_gmm": 0.04741317936678525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04559635665477136}, "run_415": {"edge_length": "600", "pf": 0.35423333333333334, "in_bounds_one_im": 1, "error_one_im": 0.03339394820033906, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.781889311471759, "error_w_gmm": 0.03568978447302349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034322189810875856}, "run_416": {"edge_length": "600", "pf": 0.34301944444444443, "in_bounds_one_im": 1, "error_one_im": 0.03266035575932791, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.294180789260507, "error_w_gmm": 0.029588427082265164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02845462995974011}, "run_417": {"edge_length": "600", "pf": 0.34453333333333336, "in_bounds_one_im": 1, "error_one_im": 0.03466584519290618, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 6.435436933965124, "error_w_gmm": 0.030151123410898165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028995764362269878}, "run_418": {"edge_length": "600", "pf": 0.34683055555555553, "in_bounds_one_im": 1, "error_one_im": 0.033758363172556885, "one_im_sa_cls": 7.530612244897959, "model_in_bounds": 1, "pred_cls": 7.6686848640243825, "error_w_gmm": 0.03574710884885713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034377317577467835}, "run_419": {"edge_length": "600", "pf": 0.3536666666666667, "in_bounds_one_im": 1, "error_one_im": 0.0348773065238236, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.952875151447891, "error_w_gmm": 0.05029503643360278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048367784017407565}, "run_588": {"edge_length": "400", "pf": 0.32545, "in_bounds_one_im": 1, "error_one_im": 0.04563690851587445, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 8.665837135290444, "error_w_gmm": 0.06360863899867349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061131289625486314}, "run_589": {"edge_length": "400", "pf": 0.3327625, "in_bounds_one_im": 1, "error_one_im": 0.053383421296279134, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 5.778864176617849, "error_w_gmm": 0.0417211399723745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040096237418471965}, "run_590": {"edge_length": "400", "pf": 0.35576875, "in_bounds_one_im": 0, "error_one_im": 0.04790479791487706, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 0, "pred_cls": 9.047322903224893, "error_w_gmm": 0.062072284702063385, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05965477132621275}, "run_591": {"edge_length": "400", "pf": 0.321575, "in_bounds_one_im": 1, "error_one_im": 0.07247735701017748, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 7.3373978033090825, "error_w_gmm": 0.05433660415889403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05222037035208436}, "run_592": {"edge_length": "400", "pf": 0.31915625, "in_bounds_one_im": 1, "error_one_im": 0.0585677369183361, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 11.127858910566736, "error_w_gmm": 0.0828656052149712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07963825971018278}, "run_593": {"edge_length": "400", "pf": 0.33306875, "in_bounds_one_im": 1, "error_one_im": 0.055327668204127586, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 10.629759722901863, "error_w_gmm": 0.07668981376138914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07370299522475028}, "run_594": {"edge_length": "400", "pf": 0.33389375, "in_bounds_one_im": 1, "error_one_im": 0.061863393522331576, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 6.128721440405733, "error_w_gmm": 0.04413449250899698, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04241559773189946}, "run_595": {"edge_length": "400", "pf": 0.362025, "in_bounds_one_im": 0, "error_one_im": 0.04845263868563828, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 0, "pred_cls": 10.266678109494718, "error_w_gmm": 0.06948693251071285, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06678064274551748}, "run_596": {"edge_length": "400", "pf": 0.3325125, "in_bounds_one_im": 1, "error_one_im": 0.060922547564987516, "one_im_sa_cls": 8.775510204081632, "model_in_bounds": 1, "pred_cls": 13.656096894449417, "error_w_gmm": 0.09864721192677993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09480522422698716}, "run_597": {"edge_length": "400", "pf": 0.32958125, "in_bounds_one_im": 1, "error_one_im": 0.052912436097567433, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.701800938312534, "error_w_gmm": 0.0560047370551515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0538235349036326}, "run_598": {"edge_length": "400", "pf": 0.32538125, "in_bounds_one_im": 1, "error_one_im": 0.05802698528771448, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.859677203934272, "error_w_gmm": 0.06504164046044363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06250848034631036}, "run_599": {"edge_length": "400", "pf": 0.32934375, "in_bounds_one_im": 1, "error_one_im": 0.07035001817341414, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 5.145473977646126, "error_w_gmm": 0.037436161005618064, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03597814443016935}, "run_600": {"edge_length": "400", "pf": 0.33313125, "in_bounds_one_im": 1, "error_one_im": 0.048387214490236065, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 9.241371981667063, "error_w_gmm": 0.06666372741400642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06406739229470212}, "run_601": {"edge_length": "400", "pf": 0.33679375, "in_bounds_one_im": 1, "error_one_im": 0.05542828083018954, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 12.221803032003164, "error_w_gmm": 0.08744162480784042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08403605823986718}, "run_602": {"edge_length": "400", "pf": 0.33165, "in_bounds_one_im": 1, "error_one_im": 0.054653090407740954, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 14.330182418119154, "error_w_gmm": 0.10371804914935773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09967856885087639}, "run_603": {"edge_length": "400", "pf": 0.33465625, "in_bounds_one_im": 1, "error_one_im": 0.04793961118912242, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 10.266703778985148, "error_w_gmm": 0.07380660818680694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07093208111930487}, "run_604": {"edge_length": "400", "pf": 0.33724375, "in_bounds_one_im": 1, "error_one_im": 0.044017627290931685, "one_im_sa_cls": 6.408163265306122, "model_in_bounds": 1, "pred_cls": 5.487312094869229, "error_w_gmm": 0.03921979036849635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03769230723703118}, "run_605": {"edge_length": "400", "pf": 0.33735, "in_bounds_one_im": 1, "error_one_im": 0.05620023559853769, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 4.717327630862201, "error_w_gmm": 0.03370842254789301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0323955892474998}, "run_606": {"edge_length": "400", "pf": 0.3386, "in_bounds_one_im": 1, "error_one_im": 0.04374465297267274, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 8.043751315126151, "error_w_gmm": 0.05731758700549874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05508525362317892}, "run_607": {"edge_length": "400", "pf": 0.34103125, "in_bounds_one_im": 1, "error_one_im": 0.056018617588137, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 12.867868096539846, "error_w_gmm": 0.09119742313431538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08764558045076436}, "run_608": {"edge_length": "400", "pf": 0.32931875, "in_bounds_one_im": 1, "error_one_im": 0.05779588207548516, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 6.695065397864845, "error_w_gmm": 0.048713049993798795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04681583531088944}, "run_609": {"edge_length": "400", "pf": 0.32845, "in_bounds_one_im": 1, "error_one_im": 0.06377220331092583, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 8.761944310943218, "error_w_gmm": 0.06387717153115605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06138936369019632}, "run_610": {"edge_length": "400", "pf": 0.31609375, "in_bounds_one_im": 1, "error_one_im": 0.07398613432890579, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 13.950018053182674, "error_w_gmm": 0.10461783944750734, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10054331524671624}, "run_611": {"edge_length": "400", "pf": 0.3296625, "in_bounds_one_im": 1, "error_one_im": 0.05104897543264197, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 10.861439850259314, "error_w_gmm": 0.07896598017540508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07589051236835559}, "run_612": {"edge_length": "400", "pf": 0.335825, "in_bounds_one_im": 1, "error_one_im": 0.05611121410669298, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 5.463630922070422, "error_w_gmm": 0.039174796581869356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03764906581188935}, "run_613": {"edge_length": "400", "pf": 0.3382125, "in_bounds_one_im": 1, "error_one_im": 0.053574144685022265, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 10.870912575605981, "error_w_gmm": 0.07753023510985042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0745106848981812}, "run_614": {"edge_length": "400", "pf": 0.32921875, "in_bounds_one_im": 1, "error_one_im": 0.06337575792729427, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 10.744251813302983, "error_w_gmm": 0.07819248221863857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07514713963842191}, "run_615": {"edge_length": "400", "pf": 0.32701875, "in_bounds_one_im": 1, "error_one_im": 0.061397536199109176, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 11.48146187263739, "error_w_gmm": 0.0839755754077918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08070500017816204}, "run_616": {"edge_length": "500", "pf": 0.324824, "in_bounds_one_im": 1, "error_one_im": 0.04232846446610514, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 9.152402152909872, "error_w_gmm": 0.054219553043593084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051724657591658105}, "run_617": {"edge_length": "500", "pf": 0.347224, "in_bounds_one_im": 1, "error_one_im": 0.046617411838002394, "one_im_sa_cls": 8.673469387755102, "model_in_bounds": 0, "pred_cls": 7.209071725716748, "error_w_gmm": 0.040615608428851646, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.038746694152386775}, "run_618": {"edge_length": "500", "pf": 0.335408, "in_bounds_one_im": 1, "error_one_im": 0.04335444013458804, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 11.141644963755464, "error_w_gmm": 0.0644431197437036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06147779012861445}, "run_619": {"edge_length": "500", "pf": 0.323372, "in_bounds_one_im": 1, "error_one_im": 0.05045361308707969, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 14.012761083610622, "error_w_gmm": 0.08328827920301744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0794557955819145}, "run_620": {"edge_length": "500", "pf": 0.327008, "in_bounds_one_im": 1, "error_one_im": 0.045791056572703125, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 9.619738508260314, "error_w_gmm": 0.05670553136841688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05409624441621951}, "run_621": {"edge_length": "500", "pf": 0.325964, "in_bounds_one_im": 1, "error_one_im": 0.04359914209470941, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 9.81057916243774, "error_w_gmm": 0.05796792689860317, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05530055121844695}, "run_622": {"edge_length": "500", "pf": 0.335412, "in_bounds_one_im": 1, "error_one_im": 0.040764068873989645, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 3.6392910515298555, "error_w_gmm": 0.02104942004135998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020080837687225978}, "run_623": {"edge_length": "500", "pf": 0.338348, "in_bounds_one_im": 1, "error_one_im": 0.04788051176091635, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 9.80457119550873, "error_w_gmm": 0.056337556665458616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053745201951933594}, "run_624": {"edge_length": "500", "pf": 0.32196, "in_bounds_one_im": 1, "error_one_im": 0.04562482958032331, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.33389861967248, "error_w_gmm": 0.04969484115397426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04740814887748136}, "run_625": {"edge_length": "500", "pf": 0.328528, "in_bounds_one_im": 1, "error_one_im": 0.046548337524473994, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 9.13252266305322, "error_w_gmm": 0.053648170083804826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05117956663664805}, "run_626": {"edge_length": "500", "pf": 0.331108, "in_bounds_one_im": 1, "error_one_im": 0.03979634754121689, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.925467452290646, "error_w_gmm": 0.03460606158441103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033013674690573855}, "run_627": {"edge_length": "500", "pf": 0.338504, "in_bounds_one_im": 1, "error_one_im": 0.04663368881404756, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 7.823881962497721, "error_w_gmm": 0.0449407580663751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042872823407892}, "run_628": {"edge_length": "500", "pf": 0.34962, "in_bounds_one_im": 0, "error_one_im": 0.038625198407062966, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 0, "pred_cls": 8.585419545482914, "error_w_gmm": 0.04811531937408893, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04590130828885746}, "run_629": {"edge_length": "500", "pf": 0.335424, "in_bounds_one_im": 1, "error_one_im": 0.04977136319738532, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 8.18900698214574, "error_w_gmm": 0.04736340282606496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0451839909411328}, "run_630": {"edge_length": "500", "pf": 0.32628, "in_bounds_one_im": 1, "error_one_im": 0.0501202223607963, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 12.970279420115048, "error_w_gmm": 0.07658262013691068, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0730586952804438}, "run_631": {"edge_length": "500", "pf": 0.333832, "in_bounds_one_im": 1, "error_one_im": 0.048819536839453156, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 9.35358877768298, "error_w_gmm": 0.05429284121854413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051794573434597924}, "run_632": {"edge_length": "500", "pf": 0.331716, "in_bounds_one_im": 1, "error_one_im": 0.04837143010883446, "one_im_sa_cls": 8.693877551020408, "model_in_bounds": 1, "pred_cls": 8.457063272272132, "error_w_gmm": 0.0493234330486379, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04705383099773336}, "run_633": {"edge_length": "500", "pf": 0.332092, "in_bounds_one_im": 1, "error_one_im": 0.03721216741847157, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.939683076264934, "error_w_gmm": 0.04626671643678539, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044137768226509846}, "run_634": {"edge_length": "500", "pf": 0.328352, "in_bounds_one_im": 1, "error_one_im": 0.04679574272506888, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 8.307586995860495, "error_w_gmm": 0.04882163542214559, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046575123429086464}, "run_635": {"edge_length": "500", "pf": 0.33826, "in_bounds_one_im": 1, "error_one_im": 0.04240719897071063, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 4.249691359961542, "error_w_gmm": 0.024423739358353513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023299888776342873}, "run_636": {"edge_length": "500", "pf": 0.32474, "in_bounds_one_im": 1, "error_one_im": 0.04672019523122516, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 12.020206622530033, "error_w_gmm": 0.07122229233055438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06794502124960289}, "run_637": {"edge_length": "500", "pf": 0.329848, "in_bounds_one_im": 1, "error_one_im": 0.04264649468870006, "one_im_sa_cls": 7.63265306122449, "model_in_bounds": 1, "pred_cls": 10.86793443557191, "error_w_gmm": 0.06365215866201276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060723224868995035}, "run_638": {"edge_length": "500", "pf": 0.332552, "in_bounds_one_im": 1, "error_one_im": 0.03966696627864277, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.532698944211946, "error_w_gmm": 0.043849630890259686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04183190410101126}, "run_639": {"edge_length": "500", "pf": 0.328916, "in_bounds_one_im": 1, "error_one_im": 0.050963917917118025, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 10.46244549284061, "error_w_gmm": 0.0614066698950441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05858106155193512}, "run_640": {"edge_length": "500", "pf": 0.342188, "in_bounds_one_im": 1, "error_one_im": 0.03837749410034146, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 8.024699780248914, "error_w_gmm": 0.045717628809449955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04361394669133582}, "run_641": {"edge_length": "500", "pf": 0.329348, "in_bounds_one_im": 1, "error_one_im": 0.04691858709638064, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.243690103099807, "error_w_gmm": 0.054200447153325136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05170643085284127}, "run_642": {"edge_length": "500", "pf": 0.326892, "in_bounds_one_im": 1, "error_one_im": 0.04304805207263348, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.015092514499456, "error_w_gmm": 0.053155329346192534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05070940380849403}, "run_643": {"edge_length": "500", "pf": 0.335536, "in_bounds_one_im": 1, "error_one_im": 0.042103652785055574, "one_im_sa_cls": 7.63265306122449, "model_in_bounds": 1, "pred_cls": 3.8987335420327227, "error_w_gmm": 0.02254374776484773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021506404396803704}, "run_644": {"edge_length": "600", "pf": 0.32750555555555555, "in_bounds_one_im": 1, "error_one_im": 0.03486812865945778, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 10.244472549986332, "error_w_gmm": 0.049864376730827116, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047953626737367507}, "run_645": {"edge_length": "600", "pf": 0.3337555555555556, "in_bounds_one_im": 1, "error_one_im": 0.03682816384027791, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.60111026850668, "error_w_gmm": 0.04607759289276611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04431194843693041}, "run_646": {"edge_length": "600", "pf": 0.33397777777777776, "in_bounds_one_im": 1, "error_one_im": 0.036433198521858515, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 10.023440826131504, "error_w_gmm": 0.04808041224107898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04623802187348056}, "run_647": {"edge_length": "600", "pf": 0.33055, "in_bounds_one_im": 1, "error_one_im": 0.035577261875997426, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.69813461549719, "error_w_gmm": 0.04688074206999365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04508432179009796}, "run_648": {"edge_length": "600", "pf": 0.342325, "in_bounds_one_im": 1, "error_one_im": 0.03446640212876028, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.167877692213007, "error_w_gmm": 0.029039416700351487, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027926657072976806}, "run_649": {"edge_length": "600", "pf": 0.3325111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03882053549381439, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.158146059170985, "error_w_gmm": 0.044074996056461715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042386088985964944}, "run_650": {"edge_length": "600", "pf": 0.3275111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03754247051539145, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 8.854265684078651, "error_w_gmm": 0.043097081788923366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04144564735526282}, "run_651": {"edge_length": "600", "pf": 0.3338111111111111, "in_bounds_one_im": 1, "error_one_im": 0.037388631181984565, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 8.082806495261092, "error_w_gmm": 0.03878611290134266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037299870220067116}, "run_652": {"edge_length": "600", "pf": 0.32990555555555556, "in_bounds_one_im": 1, "error_one_im": 0.03904952690245549, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 9.597962030653466, "error_w_gmm": 0.04646415023107572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0446836933083034}, "run_653": {"edge_length": "600", "pf": 0.33493333333333336, "in_bounds_one_im": 1, "error_one_im": 0.03428838498616185, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 8.8073902502938, "error_w_gmm": 0.04215668203550971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04054128272231964}, "run_654": {"edge_length": "600", "pf": 0.32935277777777777, "in_bounds_one_im": 1, "error_one_im": 0.040144828903095744, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 11.884500073584027, "error_w_gmm": 0.05760538646642533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05539800919571118}, "run_655": {"edge_length": "600", "pf": 0.3289222222222222, "in_bounds_one_im": 1, "error_one_im": 0.036660747102273836, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 7.5255975531543715, "error_w_gmm": 0.03651292188369517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03511378546959604}, "run_656": {"edge_length": "600", "pf": 0.32559444444444446, "in_bounds_one_im": 1, "error_one_im": 0.038665878628088984, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 9.121650374326807, "error_w_gmm": 0.044592444027866524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0428837089002917}, "run_657": {"edge_length": "600", "pf": 0.331925, "in_bounds_one_im": 1, "error_one_im": 0.036791118412645145, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 11.590386054020135, "error_w_gmm": 0.05585426062003897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05371398463322509}, "run_658": {"edge_length": "600", "pf": 0.32806944444444447, "in_bounds_one_im": 1, "error_one_im": 0.03749493583888981, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 10.367892454443355, "error_w_gmm": 0.05040058352476168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04846928665605421}, "run_659": {"edge_length": "600", "pf": 0.32561944444444446, "in_bounds_one_im": 1, "error_one_im": 0.03875961728118726, "one_im_sa_cls": 8.244897959183673, "model_in_bounds": 1, "pred_cls": 9.679938734493927, "error_w_gmm": 0.047319019847027625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04550580522787601}, "run_660": {"edge_length": "600", "pf": 0.32990277777777777, "in_bounds_one_im": 1, "error_one_im": 0.03695951678944445, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 10.533522940675617, "error_w_gmm": 0.0509935615236727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04903954236739598}, "run_661": {"edge_length": "600", "pf": 0.3316722222222222, "in_bounds_one_im": 1, "error_one_im": 0.03908328126090776, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 8.73137286756999, "error_w_gmm": 0.042100622546627754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04048737137355383}, "run_662": {"edge_length": "600", "pf": 0.33716666666666667, "in_bounds_one_im": 1, "error_one_im": 0.03879079777471264, "one_im_sa_cls": 8.46938775510204, "model_in_bounds": 1, "pred_cls": 8.454154136253829, "error_w_gmm": 0.04026389574999207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03872102599838064}, "run_663": {"edge_length": "600", "pf": 0.33510555555555555, "in_bounds_one_im": 1, "error_one_im": 0.0348385610110423, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 10.76480091698565, "error_w_gmm": 0.05150594002507681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0495322870684321}, "run_664": {"edge_length": "600", "pf": 0.33266944444444446, "in_bounds_one_im": 1, "error_one_im": 0.037295969850977016, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 10.42199885406373, "error_w_gmm": 0.050139597943692056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04821830176545777}, "run_665": {"edge_length": "600", "pf": 0.332675, "in_bounds_one_im": 1, "error_one_im": 0.037484341181419495, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 10.027618658934543, "error_w_gmm": 0.04824165536387497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04639308633094424}, "run_666": {"edge_length": "600", "pf": 0.3330638888888889, "in_bounds_one_im": 1, "error_one_im": 0.03301772507888581, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.655817214443416, "error_w_gmm": 0.03199230311544935, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03076639201465316}, "run_667": {"edge_length": "600", "pf": 0.33471388888888887, "in_bounds_one_im": 1, "error_one_im": 0.035245152170458406, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.871644602871841, "error_w_gmm": 0.04248516160150996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04085717529997803}, "run_668": {"edge_length": "600", "pf": 0.33329166666666665, "in_bounds_one_im": 1, "error_one_im": 0.03318937990276892, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 9.512843494494655, "error_w_gmm": 0.045701646125941325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043950407551204496}, "run_669": {"edge_length": "600", "pf": 0.33792777777777777, "in_bounds_one_im": 1, "error_one_im": 0.03377925511600938, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 3.7967956893200263, "error_w_gmm": 0.018051934221042874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017360203260862943}, "run_670": {"edge_length": "600", "pf": 0.3264444444444444, "in_bounds_one_im": 1, "error_one_im": 0.038591163904818294, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.90613040949839, "error_w_gmm": 0.04345471416222364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04178957563558636}, "run_671": {"edge_length": "600", "pf": 0.33226666666666665, "in_bounds_one_im": 1, "error_one_im": 0.037140816935792985, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 10.324520652015202, "error_w_gmm": 0.04971572941305359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04781067542704637}, "run_840": {"edge_length": "400", "pf": 0.3218125, "in_bounds_one_im": 0, "error_one_im": 0.0596633009179805, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 15.708868699973353, "error_w_gmm": 0.116267675752093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11173942836021945}, "run_841": {"edge_length": "400", "pf": 0.34038125, "in_bounds_one_im": 1, "error_one_im": 0.04955707889731427, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 7.244344496554027, "error_w_gmm": 0.05141660787792964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04941409841847631}, "run_842": {"edge_length": "400", "pf": 0.32941875, "in_bounds_one_im": 1, "error_one_im": 0.05578537060585172, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 13.445786464455905, "error_w_gmm": 0.0978089058483965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09399956744075201}, "run_843": {"edge_length": "400", "pf": 0.351075, "in_bounds_one_im": 1, "error_one_im": 0.054789125223431295, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 6.098911375628003, "error_w_gmm": 0.04227564754076403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04062914872260229}, "run_844": {"edge_length": "400", "pf": 0.33723125, "in_bounds_one_im": 1, "error_one_im": 0.05453291666253687, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 13.499084327261622, "error_w_gmm": 0.09648550202825364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09272770589027424}, "run_845": {"edge_length": "400", "pf": 0.343875, "in_bounds_one_im": 1, "error_one_im": 0.0494501982997587, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 9.094493932909531, "error_w_gmm": 0.06404897352943963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061554474560050566}, "run_846": {"edge_length": "400", "pf": 0.36249375, "in_bounds_one_im": 1, "error_one_im": 0.04588387420050601, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 10.960486829754476, "error_w_gmm": 0.07410754931918044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07122130157446564}, "run_847": {"edge_length": "400", "pf": 0.36290625, "in_bounds_one_im": 1, "error_one_im": 0.051010220120413396, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 0, "pred_cls": 6.027946895794519, "error_w_gmm": 0.04072063214449186, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03913469611273613}, "run_848": {"edge_length": "400", "pf": 0.33801875, "in_bounds_one_im": 1, "error_one_im": 0.051218346476596004, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 7.749968599703659, "error_w_gmm": 0.055295913455716376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05314231767539813}, "run_849": {"edge_length": "400", "pf": 0.35635, "in_bounds_one_im": 1, "error_one_im": 0.047037753215079865, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.231009349817125, "error_w_gmm": 0.05640014824078229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05420354611107981}, "run_850": {"edge_length": "400", "pf": 0.369075, "in_bounds_one_im": 0, "error_one_im": 0.04955218205465042, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 11.31682132549909, "error_w_gmm": 0.07543912775432858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0725010193653113}, "run_851": {"edge_length": "400", "pf": 0.344625, "in_bounds_one_im": 1, "error_one_im": 0.05309141434010397, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 13.665694411366422, "error_w_gmm": 0.09608241180773006, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09234031472133972}, "run_852": {"edge_length": "400", "pf": 0.35605625, "in_bounds_one_im": 1, "error_one_im": 0.050967800137587005, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.4721924961773345, "error_w_gmm": 0.051233421031154074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049238046102908814}, "run_853": {"edge_length": "400", "pf": 0.3447125, "in_bounds_one_im": 1, "error_one_im": 0.04825557442615349, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.19738043284551, "error_w_gmm": 0.057623968151067365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05537970222073391}, "run_854": {"edge_length": "400", "pf": 0.3486875, "in_bounds_one_im": 1, "error_one_im": 0.055624093466297715, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 12.647602406691375, "error_w_gmm": 0.08813032405382233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08469793489268865}, "run_855": {"edge_length": "400", "pf": 0.3506625, "in_bounds_one_im": 1, "error_one_im": 0.06422802951030152, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 7.645958226793228, "error_w_gmm": 0.05304728314782134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05098126419624025}, "run_856": {"edge_length": "400", "pf": 0.3428125, "in_bounds_one_im": 1, "error_one_im": 0.047074667293114256, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 5.612931876277197, "error_w_gmm": 0.03962294385321976, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03807975920623107}, "run_857": {"edge_length": "400", "pf": 0.34975, "in_bounds_one_im": 1, "error_one_im": 0.047995000661210006, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 11.512980870592866, "error_w_gmm": 0.08003680564373268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07691963267140209}, "run_858": {"edge_length": "400", "pf": 0.35671875, "in_bounds_one_im": 1, "error_one_im": 0.05304281852745461, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 5.3046769281529755, "error_w_gmm": 0.03631926592522214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03490474877643769}, "run_859": {"edge_length": "400", "pf": 0.3454375, "in_bounds_one_im": 1, "error_one_im": 0.05905275060461959, "one_im_sa_cls": 8.755102040816327, "model_in_bounds": 1, "pred_cls": 10.645078313920601, "error_w_gmm": 0.07471027336898912, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07180055148506127}, "run_860": {"edge_length": "400", "pf": 0.3462375, "in_bounds_one_im": 1, "error_one_im": 0.048780171619770565, "one_im_sa_cls": 7.244897959183674, "model_in_bounds": 1, "pred_cls": 14.891758541709537, "error_w_gmm": 0.10433009006507055, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10026677276578591}, "run_861": {"edge_length": "400", "pf": 0.344675, "in_bounds_one_im": 1, "error_one_im": 0.061220724627481966, "one_im_sa_cls": 9.061224489795919, "model_in_bounds": 1, "pred_cls": 11.823360939147232, "error_w_gmm": 0.08311991088979757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07988266100701824}, "run_862": {"edge_length": "400", "pf": 0.35440625, "in_bounds_one_im": 1, "error_one_im": 0.04858738134278545, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 4.909980881894991, "error_w_gmm": 0.03378698343915748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03247109044785133}, "run_863": {"edge_length": "400", "pf": 0.3551875, "in_bounds_one_im": 1, "error_one_im": 0.04688772388227776, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 11.790825288408675, "error_w_gmm": 0.08099770929024361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0778431122496756}, "run_864": {"edge_length": "400", "pf": 0.3599, "in_bounds_one_im": 1, "error_one_im": 0.04640921835336661, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 11.453519412469467, "error_w_gmm": 0.07787760584624842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07484452667546873}, "run_865": {"edge_length": "400", "pf": 0.37683125, "in_bounds_one_im": 0, "error_one_im": 0.05683863856411797, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 0, "pred_cls": 10.811689043992574, "error_w_gmm": 0.0708865058430023, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.068125707253659}, "run_866": {"edge_length": "400", "pf": 0.35536875, "in_bounds_one_im": 1, "error_one_im": 0.05266048289868745, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 12.589344557380462, "error_w_gmm": 0.08644897042527817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08308206451332807}, "run_867": {"edge_length": "400", "pf": 0.3608625, "in_bounds_one_im": 1, "error_one_im": 0.048308651842504234, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 10.009461463400841, "error_w_gmm": 0.06791686487346475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0652717241304499}, "run_868": {"edge_length": "500", "pf": 0.33892, "in_bounds_one_im": 1, "error_one_im": 0.04413239662765072, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 11.14694291591102, "error_w_gmm": 0.0639691504264744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061025630358449524}, "run_869": {"edge_length": "500", "pf": 0.354264, "in_bounds_one_im": 1, "error_one_im": 0.036289858318206324, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.816566865032153, "error_w_gmm": 0.04336271152632107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04136739017640877}, "run_870": {"edge_length": "500", "pf": 0.33552, "in_bounds_one_im": 1, "error_one_im": 0.038727744062546234, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.783516444371755, "error_w_gmm": 0.04500844337842821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042937394201884346}, "run_871": {"edge_length": "500", "pf": 0.3411, "in_bounds_one_im": 1, "error_one_im": 0.04125008144253698, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 10.32548748030611, "error_w_gmm": 0.05896792610758817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05625453578255964}, "run_872": {"edge_length": "500", "pf": 0.341656, "in_bounds_one_im": 1, "error_one_im": 0.037978694119955116, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.38914548134668, "error_w_gmm": 0.04785045108586612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04564862783049588}, "run_873": {"edge_length": "500", "pf": 0.348504, "in_bounds_one_im": 1, "error_one_im": 0.047908007668411724, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 12.768174200878699, "error_w_gmm": 0.07173270167081541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06843194426675427}, "run_874": {"edge_length": "500", "pf": 0.344644, "in_bounds_one_im": 1, "error_one_im": 0.040595986947647184, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 11.6687544862876, "error_w_gmm": 0.06611715787041052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06307479792448618}, "run_875": {"edge_length": "500", "pf": 0.344864, "in_bounds_one_im": 1, "error_one_im": 0.037268379457662835, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.882294700156939, "error_w_gmm": 0.04464068656222231, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042586559598361245}, "run_876": {"edge_length": "500", "pf": 0.346668, "in_bounds_one_im": 1, "error_one_im": 0.04425854582503813, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 9.74556473477695, "error_w_gmm": 0.0549735133784309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052443924681997676}, "run_877": {"edge_length": "500", "pf": 0.349644, "in_bounds_one_im": 1, "error_one_im": 0.04266004406234289, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 12.659208902857824, "error_w_gmm": 0.07094233810440757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06767794902794266}, "run_878": {"edge_length": "500", "pf": 0.359296, "in_bounds_one_im": 1, "error_one_im": 0.03781706284041939, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 9.357124380450584, "error_w_gmm": 0.051343009844646306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04898047761117198}, "run_879": {"edge_length": "500", "pf": 0.360948, "in_bounds_one_im": 1, "error_one_im": 0.043962040055313734, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 12.273302868559574, "error_w_gmm": 0.06710326103715201, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06401552586831}, "run_880": {"edge_length": "500", "pf": 0.3403, "in_bounds_one_im": 1, "error_one_im": 0.03876176266662698, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 4.804351390542368, "error_w_gmm": 0.027486119300581934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026221354281600138}, "run_881": {"edge_length": "500", "pf": 0.346992, "in_bounds_one_im": 1, "error_one_im": 0.03709353528987674, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 11.28723910360245, "error_w_gmm": 0.06362439128954625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06069673520332234}, "run_882": {"edge_length": "500", "pf": 0.350612, "in_bounds_one_im": 1, "error_one_im": 0.04365812909792118, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 9.168524724417072, "error_w_gmm": 0.05127133165721396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04891209767268841}, "run_883": {"edge_length": "500", "pf": 0.342552, "in_bounds_one_im": 1, "error_one_im": 0.04067387236128703, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 8.268139635149069, "error_w_gmm": 0.04706647229926252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04490072357788072}, "run_884": {"edge_length": "500", "pf": 0.337904, "in_bounds_one_im": 1, "error_one_im": 0.04792803142241961, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 10.990031574274504, "error_w_gmm": 0.06321194466532384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06030326717905464}, "run_885": {"edge_length": "500", "pf": 0.35396, "in_bounds_one_im": 1, "error_one_im": 0.04117746373193801, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 8.45492419352606, "error_w_gmm": 0.046935205592438176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04477549706673234}, "run_886": {"edge_length": "500", "pf": 0.3439, "in_bounds_one_im": 1, "error_one_im": 0.04066293818609724, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.1071851470095515, "error_w_gmm": 0.03466142494876933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033066490527367196}, "run_887": {"edge_length": "500", "pf": 0.338472, "in_bounds_one_im": 1, "error_one_im": 0.04372919732880894, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 12.284720438514885, "error_w_gmm": 0.07056907338099963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06732185996181181}, "run_888": {"edge_length": "500", "pf": 0.348056, "in_bounds_one_im": 1, "error_one_im": 0.04061968023626685, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 14.174958106925766, "error_w_gmm": 0.07971476378117051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07604671433321926}, "run_889": {"edge_length": "500", "pf": 0.354628, "in_bounds_one_im": 1, "error_one_im": 0.0349659687509935, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 10.325036355902151, "error_w_gmm": 0.05723300292508374, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05459944453732707}, "run_890": {"edge_length": "500", "pf": 0.367656, "in_bounds_one_im": 0, "error_one_im": 0.04249060374517479, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 10.90476501017059, "error_w_gmm": 0.05876362503192362, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.056059635555774985}, "run_891": {"edge_length": "500", "pf": 0.3468, "in_bounds_one_im": 1, "error_one_im": 0.0469904191926247, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 13.59082188523369, "error_w_gmm": 0.07664179364198453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07311514593554211}, "run_892": {"edge_length": "500", "pf": 0.331276, "in_bounds_one_im": 1, "error_one_im": 0.0486467962266522, "one_im_sa_cls": 8.73469387755102, "model_in_bounds": 1, "pred_cls": 13.082863439140981, "error_w_gmm": 0.07637789270057155, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0728633883118352}, "run_893": {"edge_length": "500", "pf": 0.35806, "in_bounds_one_im": 1, "error_one_im": 0.0399539897399439, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.22896709125571, "error_w_gmm": 0.03427060309124966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03269365221305486}, "run_894": {"edge_length": "500", "pf": 0.349532, "in_bounds_one_im": 1, "error_one_im": 0.0444166615513537, "one_im_sa_cls": 8.306122448979592, "model_in_bounds": 1, "pred_cls": 10.808464897656096, "error_w_gmm": 0.060585669163224394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05779783890711305}, "run_895": {"edge_length": "500", "pf": 0.338456, "in_bounds_one_im": 1, "error_one_im": 0.0448491935222541, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 7.1586427120420675, "error_w_gmm": 0.04112399914751812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03923169143417301}, "run_896": {"edge_length": "600", "pf": 0.3458111111111111, "in_bounds_one_im": 1, "error_one_im": 0.03695199724649923, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 7.3592320038525765, "error_w_gmm": 0.034381940296070654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03306446083472149}, "run_897": {"edge_length": "600", "pf": 0.34321111111111113, "in_bounds_one_im": 1, "error_one_im": 0.03790310699194544, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 11.495238022236597, "error_w_gmm": 0.054015198246329194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05194539317781251}, "run_898": {"edge_length": "600", "pf": 0.3476972222222222, "in_bounds_one_im": 1, "error_one_im": 0.033511265476324, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 10.337426775724138, "error_w_gmm": 0.04809525446880295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04625229536279081}, "run_899": {"edge_length": "600", "pf": 0.33926666666666666, "in_bounds_one_im": 1, "error_one_im": 0.03581822025796914, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 6.669678922774666, "error_w_gmm": 0.03161645823177214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03040494910802075}, "run_900": {"edge_length": "600", "pf": 0.35558055555555557, "in_bounds_one_im": 1, "error_one_im": 0.03365482559799782, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.964880043597176, "error_w_gmm": 0.04556728658961019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04382119652970497}, "run_901": {"edge_length": "600", "pf": 0.33850277777777776, "in_bounds_one_im": 1, "error_one_im": 0.03811596878264874, "one_im_sa_cls": 8.346938775510203, "model_in_bounds": 1, "pred_cls": 6.444519763342323, "error_w_gmm": 0.03060125451869724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029428646923758496}, "run_902": {"edge_length": "600", "pf": 0.3444638888888889, "in_bounds_one_im": 1, "error_one_im": 0.03779801930683643, "one_im_sa_cls": 8.387755102040817, "model_in_bounds": 1, "pred_cls": 6.564146999496994, "error_w_gmm": 0.030758881250870035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029580233566849367}, "run_903": {"edge_length": "600", "pf": 0.3422277777777778, "in_bounds_one_im": 1, "error_one_im": 0.03502838436659184, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 8.043775838899819, "error_w_gmm": 0.03787964258290831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03642813488216542}, "run_904": {"edge_length": "600", "pf": 0.3620138888888889, "in_bounds_one_im": 0, "error_one_im": 0.03230253612113537, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 9.300083175567348, "error_w_gmm": 0.04193683062886486, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04032985578824124}, "run_905": {"edge_length": "600", "pf": 0.33874166666666666, "in_bounds_one_im": 1, "error_one_im": 0.03735049848177337, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 11.581510136887198, "error_w_gmm": 0.054964494464747174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05285831337266324}, "run_906": {"edge_length": "600", "pf": 0.34470555555555554, "in_bounds_one_im": 1, "error_one_im": 0.03612329955540384, "one_im_sa_cls": 8.020408163265307, "model_in_bounds": 1, "pred_cls": 6.6930318313109725, "error_w_gmm": 0.03134604619090762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030144898969564043}, "run_907": {"edge_length": "600", "pf": 0.34073611111111113, "in_bounds_one_im": 1, "error_one_im": 0.035701137433187376, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 11.382151667474856, "error_w_gmm": 0.053778750586247696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05171800594111489}, "run_908": {"edge_length": "600", "pf": 0.3438333333333333, "in_bounds_one_im": 1, "error_one_im": 0.033430315790076416, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 10.06055076518253, "error_w_gmm": 0.04720854631061017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04539956492012452}, "run_909": {"edge_length": "600", "pf": 0.34928055555555554, "in_bounds_one_im": 1, "error_one_im": 0.035214490824411214, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.695764601992547, "error_w_gmm": 0.040316538695954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0387716517225251}, "run_910": {"edge_length": "600", "pf": 0.34978333333333333, "in_bounds_one_im": 1, "error_one_im": 0.03444843234946641, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 8.52527357995007, "error_w_gmm": 0.039482404574825505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037969480735621536}, "run_911": {"edge_length": "600", "pf": 0.33931666666666666, "in_bounds_one_im": 1, "error_one_im": 0.036186321847967835, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 13.80828399912364, "error_w_gmm": 0.0654484804174557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06294056411069715}, "run_912": {"edge_length": "600", "pf": 0.3418888888888889, "in_bounds_one_im": 1, "error_one_im": 0.04032685633593273, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 12.129352002861006, "error_w_gmm": 0.057162405336297524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05497200263233795}, "run_913": {"edge_length": "600", "pf": 0.35036388888888886, "in_bounds_one_im": 1, "error_one_im": 0.031590421050895594, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 9.457259327768089, "error_w_gmm": 0.04374279053578338, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04206661322825713}, "run_914": {"edge_length": "600", "pf": 0.3434611111111111, "in_bounds_one_im": 1, "error_one_im": 0.03530132261958107, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 8.930948181341464, "error_w_gmm": 0.04194254598639646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04033535213933811}, "run_915": {"edge_length": "600", "pf": 0.346225, "in_bounds_one_im": 1, "error_one_im": 0.03416996509295029, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 6.105445503077886, "error_w_gmm": 0.028498242587030844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027406220177311}, "run_916": {"edge_length": "600", "pf": 0.3566138888888889, "in_bounds_one_im": 1, "error_one_im": 0.03483269491130494, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 10.82106926252316, "error_w_gmm": 0.049371084599938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04747923703738527}, "run_917": {"edge_length": "600", "pf": 0.34705277777777777, "in_bounds_one_im": 1, "error_one_im": 0.03410757708480239, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 9.009885340997682, "error_w_gmm": 0.04197844222374651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04036987287097095}, "run_918": {"edge_length": "600", "pf": 0.3599, "in_bounds_one_im": 0, "error_one_im": 0.035118086685018805, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 10.524595735866018, "error_w_gmm": 0.04767648075826163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04584956861637767}, "run_919": {"edge_length": "600", "pf": 0.345175, "in_bounds_one_im": 1, "error_one_im": 0.03847314972298552, "one_im_sa_cls": 8.551020408163264, "model_in_bounds": 1, "pred_cls": 7.5406656212799765, "error_w_gmm": 0.03527917489565674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03392731435671894}, "run_920": {"edge_length": "600", "pf": 0.3448111111111111, "in_bounds_one_im": 1, "error_one_im": 0.0357472796521953, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.325370426305566, "error_w_gmm": 0.03898180808639977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03748806657333114}, "run_921": {"edge_length": "600", "pf": 0.3436194444444444, "in_bounds_one_im": 1, "error_one_im": 0.03473610338615697, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 10.651847775314327, "error_w_gmm": 0.05000687508269673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04809066470363211}, "run_922": {"edge_length": "600", "pf": 0.34826944444444446, "in_bounds_one_im": 1, "error_one_im": 0.03292185648303765, "one_im_sa_cls": 7.36734693877551, "model_in_bounds": 1, "pred_cls": 7.5200554292478134, "error_w_gmm": 0.03494324021572547, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03360425233718295}, "run_923": {"edge_length": "600", "pf": 0.3411722222222222, "in_bounds_one_im": 1, "error_one_im": 0.035851790040248147, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.074868556277677, "error_w_gmm": 0.0333951402321891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03211547390196129}}, "anode_255": {"true_cls": 7.428571428571429, "true_pf": 0.4510002171013863, "run_168": {"edge_length": "400", "pf": 0.47096875, "in_bounds_one_im": 1, "error_one_im": 0.035822289349476164, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.712796130768181, "error_w_gmm": 0.036273438046755466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03486070574461736}, "run_169": {"edge_length": "400", "pf": 0.448975, "in_bounds_one_im": 1, "error_one_im": 0.03677940299106148, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.2743744782125095, "error_w_gmm": 0.02414280826451223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023202524493901852}, "run_170": {"edge_length": "400", "pf": 0.45334375, "in_bounds_one_im": 1, "error_one_im": 0.03667598859623, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 5.781810529344384, "error_w_gmm": 0.03237038341296103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031109662380090008}, "run_171": {"edge_length": "400", "pf": 0.4393125, "in_bounds_one_im": 0, "error_one_im": 0.036489524048286794, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 7.728030934687944, "error_w_gmm": 0.04451261961918271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04277899802236161}, "run_172": {"edge_length": "400", "pf": 0.46188125, "in_bounds_one_im": 1, "error_one_im": 0.04015215467278832, "one_im_sa_cls": 7.591836734693877, "model_in_bounds": 1, "pred_cls": 7.746106575402098, "error_w_gmm": 0.0426282995882303, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04096806612108854}, "run_173": {"edge_length": "400", "pf": 0.4588875, "in_bounds_one_im": 1, "error_one_im": 0.03355375803956151, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.783563716670278, "error_w_gmm": 0.04862975377695999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046735783210475994}, "run_174": {"edge_length": "400", "pf": 0.46791875, "in_bounds_one_im": 1, "error_one_im": 0.039667854629209943, "one_im_sa_cls": 7.591836734693877, "model_in_bounds": 1, "pred_cls": 6.7192127473436205, "error_w_gmm": 0.03653110347159684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03510833594014434}, "run_175": {"edge_length": "400", "pf": 0.452275, "in_bounds_one_im": 1, "error_one_im": 0.038956082110404334, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 10.409273454725296, "error_w_gmm": 0.05840379310762664, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05612915553441982}, "run_176": {"edge_length": "400", "pf": 0.44881875, "in_bounds_one_im": 1, "error_one_im": 0.04310755021330173, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 3.6661629329065977, "error_w_gmm": 0.020714007498223955, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019907264352957383}, "run_177": {"edge_length": "400", "pf": 0.4624625, "in_bounds_one_im": 1, "error_one_im": 0.03687094324370564, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 9.30163573577602, "error_w_gmm": 0.051128858344716956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049137555792642305}, "run_178": {"edge_length": "400", "pf": 0.46133125, "in_bounds_one_im": 1, "error_one_im": 0.03500994943216646, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.191160498045299, "error_w_gmm": 0.02859957340953602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027485713148180473}, "run_179": {"edge_length": "400", "pf": 0.4392875, "in_bounds_one_im": 0, "error_one_im": 0.032876131195234866, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 0, "pred_cls": 5.19901135603662, "error_w_gmm": 0.02994726099141949, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0287809126869492}, "run_180": {"edge_length": "400", "pf": 0.44829375, "in_bounds_one_im": 1, "error_one_im": 0.036830084330697385, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 9.59853462174212, "error_w_gmm": 0.05428979363800754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052175382948566745}, "run_181": {"edge_length": "400", "pf": 0.43831875, "in_bounds_one_im": 1, "error_one_im": 0.04075158071248398, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 0, "pred_cls": 4.907620192688697, "error_w_gmm": 0.02832445281860177, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027221307608444184}, "run_182": {"edge_length": "400", "pf": 0.45745625, "in_bounds_one_im": 1, "error_one_im": 0.03746218135025329, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.268787153689152, "error_w_gmm": 0.045911878012715075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044123759857584995}, "run_183": {"edge_length": "400", "pf": 0.44865625, "in_bounds_one_im": 1, "error_one_im": 0.036803105806121256, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.844652040153809, "error_w_gmm": 0.02738152309464721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026315101926968287}, "run_184": {"edge_length": "400", "pf": 0.44610625, "in_bounds_one_im": 1, "error_one_im": 0.032202081206893836, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 7.689758206010373, "error_w_gmm": 0.043686515677814494, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04198506813963629}, "run_185": {"edge_length": "400", "pf": 0.45320625, "in_bounds_one_im": 1, "error_one_im": 0.038223908192806015, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.3015418148484725, "error_w_gmm": 0.02968975830089622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02853343888776845}, "run_186": {"edge_length": "400", "pf": 0.45745625, "in_bounds_one_im": 1, "error_one_im": 0.037679984730196625, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 8.674365592533382, "error_w_gmm": 0.048163824696394776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04628800055048914}, "run_187": {"edge_length": "400", "pf": 0.4492625, "in_bounds_one_im": 1, "error_one_im": 0.03609373782377092, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 10.202060160900084, "error_w_gmm": 0.05759048886400821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05534752684289395}, "run_188": {"edge_length": "400", "pf": 0.4464375, "in_bounds_one_im": 1, "error_one_im": 0.03418482747390934, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 0, "pred_cls": 3.688833554224156, "error_w_gmm": 0.02094270147371469, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02012705144275215}, "run_189": {"edge_length": "400", "pf": 0.4631875, "in_bounds_one_im": 1, "error_one_im": 0.04187689911548078, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 9.807101460640103, "error_w_gmm": 0.053828739279300784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05173228515589456}, "run_190": {"edge_length": "400", "pf": 0.45003125, "in_bounds_one_im": 1, "error_one_im": 0.03802753131902507, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.236485006601481, "error_w_gmm": 0.03515023219783617, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03378124510624778}, "run_191": {"edge_length": "400", "pf": 0.4415125, "in_bounds_one_im": 1, "error_one_im": 0.04262520261476411, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.575138087284592, "error_w_gmm": 0.03770342035486779, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03623499489798774}, "run_192": {"edge_length": "400", "pf": 0.45108125, "in_bounds_one_im": 1, "error_one_im": 0.04291096351512424, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 8.636499413414555, "error_w_gmm": 0.048574130841307295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04668232660705339}, "run_193": {"edge_length": "400", "pf": 0.4659375, "in_bounds_one_im": 1, "error_one_im": 0.028477762642577086, "one_im_sa_cls": 5.428571428571429, "model_in_bounds": 1, "pred_cls": 9.184761279771848, "error_w_gmm": 0.050134966368944815, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048182372673119124}, "run_194": {"edge_length": "400", "pf": 0.46118125, "in_bounds_one_im": 1, "error_one_im": 0.037398453826383585, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 10.544074657219985, "error_w_gmm": 0.058107828553612684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05584471783609585}, "run_195": {"edge_length": "400", "pf": 0.4608125, "in_bounds_one_im": 1, "error_one_im": 0.03428933510786015, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 5.5401308575016746, "error_w_gmm": 0.030554026443125642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029364046599997803}, "run_196": {"edge_length": "500", "pf": 0.454576, "in_bounds_one_im": 1, "error_one_im": 0.029968981479788773, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 3.3988755060985643, "error_w_gmm": 0.015298030542229958, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014594096542761411}, "run_197": {"edge_length": "500", "pf": 0.453672, "in_bounds_one_im": 1, "error_one_im": 0.03107713756820728, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.548257369404223, "error_w_gmm": 0.02952690164596984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028168230677822346}, "run_198": {"edge_length": "500", "pf": 0.46046, "in_bounds_one_im": 1, "error_one_im": 0.024853054524432525, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 8.38559549841799, "error_w_gmm": 0.03729805404432973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035581795975466526}, "run_199": {"edge_length": "500", "pf": 0.462092, "in_bounds_one_im": 1, "error_one_im": 0.029863993487149177, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.715585819823681, "error_w_gmm": 0.029772141582829124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028402185977152265}, "run_200": {"edge_length": "500", "pf": 0.45044, "in_bounds_one_im": 1, "error_one_im": 0.03234090544063901, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 5.03825624428601, "error_w_gmm": 0.02286681771782736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0218146083888688}, "run_201": {"edge_length": "500", "pf": 0.448076, "in_bounds_one_im": 1, "error_one_im": 0.027967674650649973, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 3.504579168660458, "error_w_gmm": 0.01598218189096092, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01524676688523972}, "run_202": {"edge_length": "500", "pf": 0.451032, "in_bounds_one_im": 1, "error_one_im": 0.029654535183964596, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 9.968177833557966, "error_w_gmm": 0.04518788447640819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043108578374933856}, "run_203": {"edge_length": "500", "pf": 0.462544, "in_bounds_one_im": 1, "error_one_im": 0.03138906086865579, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 3.301310472639444, "error_w_gmm": 0.01462236757580832, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013949523992386005}, "run_204": {"edge_length": "500", "pf": 0.462896, "in_bounds_one_im": 1, "error_one_im": 0.030332775410441083, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.931296370035357, "error_w_gmm": 0.03510492531231536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03348958336304126}, "run_205": {"edge_length": "500", "pf": 0.451764, "in_bounds_one_im": 1, "error_one_im": 0.026526287192215517, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 9.764422844403429, "error_w_gmm": 0.04419884683713685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04216505098739831}, "run_206": {"edge_length": "500", "pf": 0.44718, "in_bounds_one_im": 1, "error_one_im": 0.02623944894258733, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 4.354239591904144, "error_w_gmm": 0.019892959816759606, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.018977591611262692}, "run_207": {"edge_length": "500", "pf": 0.459992, "in_bounds_one_im": 1, "error_one_im": 0.02895032416549878, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.594217350693619, "error_w_gmm": 0.03826200163741198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03650138782729158}, "run_208": {"edge_length": "500", "pf": 0.459372, "in_bounds_one_im": 1, "error_one_im": 0.031763627867598954, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 9.521194291866667, "error_w_gmm": 0.042441901226172654, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04048895066873238}, "run_209": {"edge_length": "500", "pf": 0.447076, "in_bounds_one_im": 1, "error_one_im": 0.02811325497886329, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 9.459022046390666, "error_w_gmm": 0.04322397222082115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04123503491583111}, "run_210": {"edge_length": "500", "pf": 0.44886, "in_bounds_one_im": 1, "error_one_im": 0.026505054914834934, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 9.805960399443386, "error_w_gmm": 0.04464800353538426, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04259353988333524}, "run_211": {"edge_length": "500", "pf": 0.444056, "in_bounds_one_im": 1, "error_one_im": 0.030791943535358333, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.935120428298958, "error_w_gmm": 0.03188504651828917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030417866265452002}, "run_212": {"edge_length": "500", "pf": 0.462132, "in_bounds_one_im": 1, "error_one_im": 0.02968898031610818, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.779538488937646, "error_w_gmm": 0.03891911132793446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0371282608248448}, "run_213": {"edge_length": "500", "pf": 0.462428, "in_bounds_one_im": 1, "error_one_im": 0.03001632432221521, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.317487993648027, "error_w_gmm": 0.03241863110759154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03092689812994683}, "run_214": {"edge_length": "500", "pf": 0.451748, "in_bounds_one_im": 1, "error_one_im": 0.02687966421053162, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.173324779171271, "error_w_gmm": 0.02794457534824304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02665871462035155}, "run_215": {"edge_length": "500", "pf": 0.44832, "in_bounds_one_im": 1, "error_one_im": 0.026001547142935896, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 8.894628117500634, "error_w_gmm": 0.0405428013641147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03867723728152805}, "run_216": {"edge_length": "500", "pf": 0.441624, "in_bounds_one_im": 0, "error_one_im": 0.025996620090071663, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.701539330465645, "error_w_gmm": 0.04020402377028996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03835404843070471}, "run_217": {"edge_length": "500", "pf": 0.448488, "in_bounds_one_im": 1, "error_one_im": 0.034154254144792034, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.12113575400746, "error_w_gmm": 0.041561133596041674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03964871128037528}, "run_218": {"edge_length": "500", "pf": 0.456168, "in_bounds_one_im": 1, "error_one_im": 0.03004764366567043, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.5920889942975585, "error_w_gmm": 0.029575318367149342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02821441951900872}, "run_219": {"edge_length": "500", "pf": 0.4587, "in_bounds_one_im": 1, "error_one_im": 0.03198044251515941, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 8.84888595796079, "error_w_gmm": 0.039498412134140834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0376809052890939}, "run_220": {"edge_length": "500", "pf": 0.467096, "in_bounds_one_im": 1, "error_one_im": 0.02973600811070619, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 0, "pred_cls": 4.9635389997008135, "error_w_gmm": 0.021784582944519224, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020782172303714316}, "run_221": {"edge_length": "500", "pf": 0.46502, "in_bounds_one_im": 1, "error_one_im": 0.02479778022734275, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.040288373308872, "error_w_gmm": 0.035435696894183216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03380513459599604}, "run_222": {"edge_length": "500", "pf": 0.467092, "in_bounds_one_im": 1, "error_one_im": 0.030590736891873273, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 0, "pred_cls": 5.322094884743759, "error_w_gmm": 0.023358444250710417, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022283612883537057}, "run_223": {"edge_length": "500", "pf": 0.451088, "in_bounds_one_im": 1, "error_one_im": 0.034504798029102154, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 4.378550076765425, "error_w_gmm": 0.01984666056557085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018933422805360447}, "run_224": {"edge_length": "600", "pf": 0.4559694444444444, "in_bounds_one_im": 1, "error_one_im": 0.023229251693619446, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.703361162315241, "error_w_gmm": 0.03600242459628786, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03462284989643295}, "run_225": {"edge_length": "600", "pf": 0.45406111111111114, "in_bounds_one_im": 1, "error_one_im": 0.025731096057173764, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.684555562259215, "error_w_gmm": 0.02862196156797195, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027525198378209825}, "run_226": {"edge_length": "600", "pf": 0.45189722222222223, "in_bounds_one_im": 1, "error_one_im": 0.02584369397438315, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 5.5730941042112105, "error_w_gmm": 0.020848428243864237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02004953860075001}, "run_227": {"edge_length": "600", "pf": 0.4574361111111111, "in_bounds_one_im": 1, "error_one_im": 0.021708617604272503, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.123403465990931, "error_w_gmm": 0.026351997472209406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025342216897401938}, "run_228": {"edge_length": "600", "pf": 0.4486111111111111, "in_bounds_one_im": 1, "error_one_im": 0.024537642601088722, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.730972616917173, "error_w_gmm": 0.01781599998864054, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017133309777840663}, "run_229": {"edge_length": "600", "pf": 0.44661666666666666, "in_bounds_one_im": 1, "error_one_im": 0.02293004012040174, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.4078103626568375, "error_w_gmm": 0.02800923244918143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026935948388939823}, "run_230": {"edge_length": "600", "pf": 0.4559666666666667, "in_bounds_one_im": 1, "error_one_im": 0.024904227460433234, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.70609027070162, "error_w_gmm": 0.03230242677836168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031064632067948187}, "run_231": {"edge_length": "600", "pf": 0.44445833333333334, "in_bounds_one_im": 0, "error_one_im": 0.02213604362030069, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 0, "pred_cls": 6.194981360815846, "error_w_gmm": 0.023526026031566564, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.022624533683058907}, "run_232": {"edge_length": "600", "pf": 0.45186944444444443, "in_bounds_one_im": 1, "error_one_im": 0.023495584724045736, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 4.82219419361255, "error_w_gmm": 0.018040392894286033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017349104185498215}, "run_233": {"edge_length": "600", "pf": 0.45616388888888887, "in_bounds_one_im": 1, "error_one_im": 0.02329294002994446, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 6.611765351013256, "error_w_gmm": 0.02452205030676554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023582391365148773}, "run_234": {"edge_length": "600", "pf": 0.45181666666666664, "in_bounds_one_im": 1, "error_one_im": 0.02599476003644297, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 6.034065332250813, "error_w_gmm": 0.022576549933404647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021711440501265226}, "run_235": {"edge_length": "600", "pf": 0.4454111111111111, "in_bounds_one_im": 1, "error_one_im": 0.024027486492315044, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 9.258221990443142, "error_w_gmm": 0.03509121665252017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033746558473972475}, "run_236": {"edge_length": "600", "pf": 0.4500472222222222, "in_bounds_one_im": 1, "error_one_im": 0.024761314440614954, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 4.278692451348299, "error_w_gmm": 0.016066101462284745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01545046550578429}, "run_237": {"edge_length": "600", "pf": 0.46236666666666665, "in_bounds_one_im": 1, "error_one_im": 0.025016689580301642, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.290454652709099, "error_w_gmm": 0.019377984690367674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01863544088358855}, "run_238": {"edge_length": "600", "pf": 0.4423861111111111, "in_bounds_one_im": 0, "error_one_im": 0.024998461239582794, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.158117758448228, "error_w_gmm": 0.031111560599266442, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029919398616926596}, "run_239": {"edge_length": "600", "pf": 0.45137777777777777, "in_bounds_one_im": 1, "error_one_im": 0.024400878067387426, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.170219349006744, "error_w_gmm": 0.02685126985705197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025822357694353145}, "run_240": {"edge_length": "600", "pf": 0.44885277777777777, "in_bounds_one_im": 1, "error_one_im": 0.023343700150495424, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 6.386401291252666, "error_w_gmm": 0.02403830460586092, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023117182286086113}, "run_241": {"edge_length": "600", "pf": 0.46426388888888886, "in_bounds_one_im": 1, "error_one_im": 0.022629807058291176, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 8.6726644376732, "error_w_gmm": 0.03164545381902829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030432833615147294}, "run_242": {"edge_length": "600", "pf": 0.44963333333333333, "in_bounds_one_im": 1, "error_one_im": 0.023749443829941576, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.7539331818437915, "error_w_gmm": 0.02538162061423743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024409023850731397}, "run_243": {"edge_length": "600", "pf": 0.4430027777777778, "in_bounds_one_im": 0, "error_one_im": 0.02429446901925407, "one_im_sa_cls": 6.63265306122449, "model_in_bounds": 1, "pred_cls": 7.853088058002369, "error_w_gmm": 0.029910903690032468, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0287647496061539}, "run_244": {"edge_length": "600", "pf": 0.4504972222222222, "in_bounds_one_im": 1, "error_one_im": 0.025622346021804233, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.881345979721625, "error_w_gmm": 0.02956684995559003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028433879645658557}, "run_245": {"edge_length": "600", "pf": 0.44843055555555555, "in_bounds_one_im": 1, "error_one_im": 0.024398728901555103, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 4.739153331228083, "error_w_gmm": 0.01785332201873093, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017169201667349258}, "run_246": {"edge_length": "600", "pf": 0.4562527777777778, "in_bounds_one_im": 1, "error_one_im": 0.023434322222764835, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.628057323457023, "error_w_gmm": 0.020869884919332015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020070173079186595}, "run_247": {"edge_length": "600", "pf": 0.4530527777777778, "in_bounds_one_im": 1, "error_one_im": 0.025344000656308655, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 8.995803930906854, "error_w_gmm": 0.033574076070656704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03228755310900993}, "run_248": {"edge_length": "600", "pf": 0.46329444444444445, "in_bounds_one_im": 1, "error_one_im": 0.025400573469639066, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 7.677066478556734, "error_w_gmm": 0.028067296190078066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026991787188910436}, "run_249": {"edge_length": "600", "pf": 0.45966111111111113, "in_bounds_one_im": 1, "error_one_im": 0.023563108992933693, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 7.260479091849325, "error_w_gmm": 0.02673900778873186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025714397389343356}, "run_250": {"edge_length": "600", "pf": 0.45139444444444443, "in_bounds_one_im": 1, "error_one_im": 0.023150656449510656, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 3.528925633711153, "error_w_gmm": 0.013214790406912097, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012708413663854001}, "run_251": {"edge_length": "600", "pf": 0.44956944444444447, "in_bounds_one_im": 1, "error_one_im": 0.0219083708659812, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 0, "pred_cls": 2.8094802851684433, "error_w_gmm": 0.01055953126093751, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.010154901230230676}, "run_420": {"edge_length": "400", "pf": 0.4626375, "in_bounds_one_im": 0, "error_one_im": 0.033517040978180264, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 11.369740420608382, "error_w_gmm": 0.06247473986056658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0600415521667247}, "run_421": {"edge_length": "400", "pf": 0.438425, "in_bounds_one_im": 1, "error_one_im": 0.03938469541608243, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.962454651802823, "error_w_gmm": 0.040175311459410785, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03861061389272265}, "run_422": {"edge_length": "400", "pf": 0.4400375, "in_bounds_one_im": 1, "error_one_im": 0.0376767222913542, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 9.491840374126946, "error_w_gmm": 0.054591584386626736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05246541993018678}, "run_423": {"edge_length": "400", "pf": 0.4352625, "in_bounds_one_im": 1, "error_one_im": 0.0470424312311245, "one_im_sa_cls": 8.428571428571429, "model_in_bounds": 1, "pred_cls": 11.039263651172638, "error_w_gmm": 0.06411039288495665, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06161350183165744}, "run_424": {"edge_length": "400", "pf": 0.437725, "in_bounds_one_im": 1, "error_one_im": 0.03388729625340108, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.104753989244139, "error_w_gmm": 0.04105474899173309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039455800196693695}, "run_425": {"edge_length": "400", "pf": 0.4699, "in_bounds_one_im": 0, "error_one_im": 0.03674889611801525, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 0, "pred_cls": 5.493224511953687, "error_w_gmm": 0.02974706854189058, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028588517081483626}, "run_426": {"edge_length": "400", "pf": 0.4429125, "in_bounds_one_im": 1, "error_one_im": 0.03947638914304541, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 9.106890172526644, "error_w_gmm": 0.05207310598074496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05004502805780753}, "run_427": {"edge_length": "400", "pf": 0.45279375, "in_bounds_one_im": 1, "error_one_im": 0.03352873526722415, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 10.855565376990427, "error_w_gmm": 0.06084409071885161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05847441149953003}, "run_428": {"edge_length": "400", "pf": 0.44514375, "in_bounds_one_im": 1, "error_one_im": 0.040638110272086164, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 10.571075831232768, "error_w_gmm": 0.06017276034225277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057829227255183746}, "run_429": {"edge_length": "400", "pf": 0.44521875, "in_bounds_one_im": 1, "error_one_im": 0.043645848560680385, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.023473155799936, "error_w_gmm": 0.051355686647028616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049355549871153516}, "run_430": {"edge_length": "400", "pf": 0.44354375, "in_bounds_one_im": 1, "error_one_im": 0.04032197544297599, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 6.773815174061203, "error_w_gmm": 0.038683099798166386, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03717651901689984}, "run_431": {"edge_length": "400", "pf": 0.43689375, "in_bounds_one_im": 1, "error_one_im": 0.028608811637557765, "one_im_sa_cls": 5.142857142857142, "model_in_bounds": 1, "pred_cls": 6.933471685719539, "error_w_gmm": 0.04013272502361363, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03856968605993425}, "run_432": {"edge_length": "400", "pf": 0.43438125, "in_bounds_one_im": 1, "error_one_im": 0.04199196539036366, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.407945103299492, "error_w_gmm": 0.03728084875897428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03582888108982072}, "run_433": {"edge_length": "400", "pf": 0.4497875, "in_bounds_one_im": 1, "error_one_im": 0.03804626229560899, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 9.184535775373423, "error_w_gmm": 0.0517916075013371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049774493027586714}, "run_434": {"edge_length": "400", "pf": 0.43546875, "in_bounds_one_im": 1, "error_one_im": 0.03871118208425836, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 0, "pred_cls": 4.153935912577151, "error_w_gmm": 0.024113815491895455, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023174660895375256}, "run_435": {"edge_length": "400", "pf": 0.44631875, "in_bounds_one_im": 1, "error_one_im": 0.03898229523557344, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 10.759815790872642, "error_w_gmm": 0.0611016339054812, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05872192421762555}, "run_436": {"edge_length": "400", "pf": 0.44268125, "in_bounds_one_im": 1, "error_one_im": 0.03287501074201854, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.137014916451679, "error_w_gmm": 0.04082850831101067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03923837085382416}, "run_437": {"edge_length": "400", "pf": 0.4408, "in_bounds_one_im": 1, "error_one_im": 0.04099738834527231, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.758216016651353, "error_w_gmm": 0.03880927260693871, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03729777780560123}, "run_438": {"edge_length": "400", "pf": 0.45021875, "in_bounds_one_im": 1, "error_one_im": 0.040665209270413394, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 10.990000542194974, "error_w_gmm": 0.06191865761343343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05950712751246045}, "run_439": {"edge_length": "400", "pf": 0.45364375, "in_bounds_one_im": 1, "error_one_im": 0.03303231467523231, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 0, "pred_cls": 2.4465403488383313, "error_w_gmm": 0.013689056616748832, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.013155912434403783}, "run_440": {"edge_length": "400", "pf": 0.443775, "in_bounds_one_im": 1, "error_one_im": 0.04310191689315461, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 8.530730083711436, "error_w_gmm": 0.048693465262153436, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046797013340771805}, "run_441": {"edge_length": "400", "pf": 0.44496875, "in_bounds_one_im": 1, "error_one_im": 0.03361649866316889, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 9.03612938846328, "error_w_gmm": 0.051453751925982213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04944979582680183}, "run_442": {"edge_length": "400", "pf": 0.4455, "in_bounds_one_im": 1, "error_one_im": 0.0397163142828051, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 10.650772620968223, "error_w_gmm": 0.06058270764252066, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05822320844293376}, "run_443": {"edge_length": "400", "pf": 0.437575, "in_bounds_one_im": 1, "error_one_im": 0.040586453532321765, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 9.48839544752527, "error_w_gmm": 0.0548453079666284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052709261802895556}, "run_444": {"edge_length": "400", "pf": 0.44519375, "in_bounds_one_im": 1, "error_one_im": 0.03795483255272847, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.312170125942592, "error_w_gmm": 0.047309810848202204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045467247760932965}, "run_445": {"edge_length": "400", "pf": 0.45818125, "in_bounds_one_im": 1, "error_one_im": 0.03784248280391757, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.852131480663667, "error_w_gmm": 0.0490791304673635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04716765814200167}, "run_446": {"edge_length": "400", "pf": 0.4468, "in_bounds_one_im": 1, "error_one_im": 0.03671896769077417, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.925911324067547, "error_w_gmm": 0.04496497515881468, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04321373578663786}, "run_447": {"edge_length": "400", "pf": 0.455425, "in_bounds_one_im": 1, "error_one_im": 0.032913868663096986, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 9.432304377569452, "error_w_gmm": 0.052587057263936934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050538962611993705}, "run_448": {"edge_length": "500", "pf": 0.447288, "in_bounds_one_im": 1, "error_one_im": 0.027834419453415048, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 8.13489432378292, "error_w_gmm": 0.0371572987678299, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03544751750815198}, "run_449": {"edge_length": "500", "pf": 0.439208, "in_bounds_one_im": 1, "error_one_im": 0.03588709440848214, "one_im_sa_cls": 8.10204081632653, "model_in_bounds": 1, "pred_cls": 6.591079174479795, "error_w_gmm": 0.03060262692191128, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02919445679805669}, "run_450": {"edge_length": "500", "pf": 0.438628, "in_bounds_one_im": 1, "error_one_im": 0.0364723923055993, "one_im_sa_cls": 8.224489795918368, "model_in_bounds": 1, "pred_cls": 8.559222867465907, "error_w_gmm": 0.03978761693981963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03795680242781733}, "run_451": {"edge_length": "500", "pf": 0.44196, "in_bounds_one_im": 1, "error_one_im": 0.024900207046412427, "one_im_sa_cls": 5.653061224489796, "model_in_bounds": 1, "pred_cls": 8.570156781224329, "error_w_gmm": 0.03957002684975894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03774922467639843}, "run_452": {"edge_length": "500", "pf": 0.450204, "in_bounds_one_im": 1, "error_one_im": 0.027052010442270236, "one_im_sa_cls": 6.244897959183674, "model_in_bounds": 1, "pred_cls": 6.076435035593202, "error_w_gmm": 0.027591884782954205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026322252999011617}, "run_453": {"edge_length": "500", "pf": 0.446588, "in_bounds_one_im": 1, "error_one_im": 0.029031559665959585, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 9.255879879034923, "error_w_gmm": 0.042337466561820414, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04038932153217393}, "run_454": {"edge_length": "500", "pf": 0.447996, "in_bounds_one_im": 1, "error_one_im": 0.029304208167102396, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 8.153870124095386, "error_w_gmm": 0.037190689438047826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03547937171732244}, "run_455": {"edge_length": "500", "pf": 0.4461, "in_bounds_one_im": 1, "error_one_im": 0.022552884656905633, "one_im_sa_cls": 5.163265306122449, "model_in_bounds": 1, "pred_cls": 9.87751834479821, "error_w_gmm": 0.0452255452325995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043144506183432685}, "run_456": {"edge_length": "500", "pf": 0.448704, "in_bounds_one_im": 1, "error_one_im": 0.02793219148383557, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.469387762838952, "error_w_gmm": 0.029465378777953743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028109538764968925}, "run_457": {"edge_length": "500", "pf": 0.440472, "in_bounds_one_im": 1, "error_one_im": 0.026959072958971278, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.846679522279398, "error_w_gmm": 0.03633909186569207, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034666960135829476}, "run_458": {"edge_length": "500", "pf": 0.441452, "in_bounds_one_im": 1, "error_one_im": 0.028615255817289208, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.680667688488892, "error_w_gmm": 0.03549963411945305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03386612977022376}, "run_459": {"edge_length": "500", "pf": 0.44564, "in_bounds_one_im": 1, "error_one_im": 0.025607534332614458, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 6.33273987400455, "error_w_gmm": 0.02902230520168145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027686853078088207}, "run_460": {"edge_length": "500", "pf": 0.443032, "in_bounds_one_im": 1, "error_one_im": 0.03139407018586497, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.593370941716913, "error_w_gmm": 0.03959109634637237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037769324666840666}, "run_461": {"edge_length": "500", "pf": 0.462536, "in_bounds_one_im": 0, "error_one_im": 0.029492394365242557, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 0, "pred_cls": 6.638298734859189, "error_w_gmm": 0.029403234517069395, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028050254052441922}, "run_462": {"edge_length": "500", "pf": 0.443272, "in_bounds_one_im": 1, "error_one_im": 0.02976504015897247, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.604092877606105, "error_w_gmm": 0.0396212221612288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0377980642519285}, "run_463": {"edge_length": "500", "pf": 0.446484, "in_bounds_one_im": 1, "error_one_im": 0.03242242764397288, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 4.689160809482615, "error_w_gmm": 0.021453278047625163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0204661122960543}, "run_464": {"edge_length": "500", "pf": 0.44662, "in_bounds_one_im": 1, "error_one_im": 0.029385872668665963, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.088553656234924, "error_w_gmm": 0.032421766405592634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030929889158209625}, "run_465": {"edge_length": "500", "pf": 0.436112, "in_bounds_one_im": 1, "error_one_im": 0.035931596176317304, "one_im_sa_cls": 8.061224489795919, "model_in_bounds": 1, "pred_cls": 10.027224520702303, "error_w_gmm": 0.04685053371846268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04469472134205053}, "run_466": {"edge_length": "500", "pf": 0.44058, "in_bounds_one_im": 1, "error_one_im": 0.029026487402853095, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 9.288929249504498, "error_w_gmm": 0.04300893174077873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04102988945493809}, "run_467": {"edge_length": "500", "pf": 0.458528, "in_bounds_one_im": 1, "error_one_im": 0.027731780950480046, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.187229445969571, "error_w_gmm": 0.04102286894900469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03913521470951094}, "run_468": {"edge_length": "500", "pf": 0.444552, "in_bounds_one_im": 1, "error_one_im": 0.03076102967588943, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.187755229640414, "error_w_gmm": 0.037606391765405034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03587594563458284}, "run_469": {"edge_length": "500", "pf": 0.4504, "in_bounds_one_im": 1, "error_one_im": 0.028190115860811205, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.237582320842673, "error_w_gmm": 0.04192942321112174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04000005416620213}, "run_470": {"edge_length": "500", "pf": 0.446648, "in_bounds_one_im": 1, "error_one_im": 0.029740380364546192, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 10.407096600457303, "error_w_gmm": 0.04759748727203364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045407304065929986}, "run_471": {"edge_length": "500", "pf": 0.438124, "in_bounds_one_im": 1, "error_one_im": 0.03397308559818966, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.238266611711344, "error_w_gmm": 0.038334866677694014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03657090000596932}, "run_472": {"edge_length": "500", "pf": 0.44336, "in_bounds_one_im": 1, "error_one_im": 0.031193937817242823, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.6028512007538485, "error_w_gmm": 0.030400229150512378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02900137229559859}, "run_473": {"edge_length": "500", "pf": 0.451976, "in_bounds_one_im": 1, "error_one_im": 0.027043474240355258, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 4.872405856008679, "error_w_gmm": 0.022045601558858895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02103118022970949}, "run_474": {"edge_length": "500", "pf": 0.438656, "in_bounds_one_im": 1, "error_one_im": 0.03131198576715459, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 4.16456243963815, "error_w_gmm": 0.019357901639265474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01846715396526717}, "run_475": {"edge_length": "500", "pf": 0.443628, "in_bounds_one_im": 1, "error_one_im": 0.02831015501700115, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 7.686073635848113, "error_w_gmm": 0.03536829257393926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03374083186406437}, "run_476": {"edge_length": "600", "pf": 0.4450388888888889, "in_bounds_one_im": 1, "error_one_im": 0.023301151969262985, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 9.186442670173143, "error_w_gmm": 0.034845398891388095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03351016018855174}, "run_477": {"edge_length": "600", "pf": 0.43925277777777777, "in_bounds_one_im": 1, "error_one_im": 0.0256097880849545, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.974559183079178, "error_w_gmm": 0.030605450029304402, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029432681666852045}, "run_478": {"edge_length": "600", "pf": 0.4624611111111111, "in_bounds_one_im": 0, "error_one_im": 0.022711989499037865, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 10.608327247103391, "error_w_gmm": 0.03884901582311577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03736036276863893}, "run_479": {"edge_length": "600", "pf": 0.4468888888888889, "in_bounds_one_im": 1, "error_one_im": 0.022324085090643268, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.8028038084841596, "error_w_gmm": 0.029486476366833957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028356585887520238}, "run_480": {"edge_length": "600", "pf": 0.43835555555555555, "in_bounds_one_im": 1, "error_one_im": 0.026109246325971013, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.689458094553928, "error_w_gmm": 0.02572019108868164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024734620663932054}, "run_481": {"edge_length": "600", "pf": 0.43895, "in_bounds_one_im": 1, "error_one_im": 0.026529965227472127, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.011052839889773, "error_w_gmm": 0.02692416690492666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025892461404721658}, "run_482": {"edge_length": "600", "pf": 0.4404666666666667, "in_bounds_one_im": 1, "error_one_im": 0.02569705327027959, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.318466120026214, "error_w_gmm": 0.0318467770461351, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030626442349863014}, "run_483": {"edge_length": "600", "pf": 0.44716944444444445, "in_bounds_one_im": 1, "error_one_im": 0.023200912041015057, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 7.483078663224511, "error_w_gmm": 0.028262205326507233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02717922761409569}, "run_484": {"edge_length": "600", "pf": 0.4491361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02355182731621748, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.073794394895868, "error_w_gmm": 0.0341340543913709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03282607365479947}, "run_485": {"edge_length": "600", "pf": 0.4509166666666667, "in_bounds_one_im": 1, "error_one_im": 0.023025871939380948, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 9.209828645333301, "error_w_gmm": 0.034521393158478346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0331985700114481}, "run_486": {"edge_length": "600", "pf": 0.44998333333333335, "in_bounds_one_im": 1, "error_one_im": 0.025354141735069488, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.731264258382488, "error_w_gmm": 0.03278933587926794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031532883328882044}, "run_487": {"edge_length": "600", "pf": 0.4570416666666667, "in_bounds_one_im": 0, "error_one_im": 0.023033788617759544, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 10.112468585976671, "error_w_gmm": 0.03743935143800077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03600471522663376}, "run_488": {"edge_length": "600", "pf": 0.4379222222222222, "in_bounds_one_im": 1, "error_one_im": 0.025225915881260216, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.791031988470954, "error_w_gmm": 0.0261337221323258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025132305636879234}, "run_489": {"edge_length": "600", "pf": 0.4431222222222222, "in_bounds_one_im": 1, "error_one_im": 0.022943375599438945, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.196680047555795, "error_w_gmm": 0.03121202448902311, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0300160128370537}, "run_490": {"edge_length": "600", "pf": 0.4489111111111111, "in_bounds_one_im": 1, "error_one_im": 0.023488675634165467, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 6.671263686197224, "error_w_gmm": 0.025107561430212286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024145466323769207}, "run_491": {"edge_length": "600", "pf": 0.44540555555555555, "in_bounds_one_im": 1, "error_one_im": 0.026036268855749844, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.215176161698581, "error_w_gmm": 0.031138135227973693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029944954934066386}, "run_492": {"edge_length": "600", "pf": 0.4462305555555556, "in_bounds_one_im": 1, "error_one_im": 0.024656060448819878, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.524549215285026, "error_w_gmm": 0.03225685644580205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031020807942166793}, "run_493": {"edge_length": "600", "pf": 0.445425, "in_bounds_one_im": 1, "error_one_im": 0.023952424610270313, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.428298580920623, "error_w_gmm": 0.028154510350775864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02707565939553379}, "run_494": {"edge_length": "600", "pf": 0.4446555555555556, "in_bounds_one_im": 1, "error_one_im": 0.028236399965203753, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 9.262703762722865, "error_w_gmm": 0.03516194630538326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03381457784160578}, "run_495": {"edge_length": "600", "pf": 0.44174722222222224, "in_bounds_one_im": 1, "error_one_im": 0.025180744749791897, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.629556022288638, "error_w_gmm": 0.0291335612997637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02801719415125863}, "run_496": {"edge_length": "600", "pf": 0.44692777777777776, "in_bounds_one_im": 1, "error_one_im": 0.025214590944373474, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.678283629115002, "error_w_gmm": 0.03279229909337612, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03153573299577058}, "run_497": {"edge_length": "600", "pf": 0.44717222222222225, "in_bounds_one_im": 1, "error_one_im": 0.02357140120809962, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.888169692920913, "error_w_gmm": 0.029791991909526434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028650394398871473}, "run_498": {"edge_length": "600", "pf": 0.44203055555555554, "in_bounds_one_im": 1, "error_one_im": 0.0289861668926632, "one_im_sa_cls": 7.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.240803217435359, "error_w_gmm": 0.023816905240740746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02290426670965811}, "run_499": {"edge_length": "600", "pf": 0.44101388888888887, "in_bounds_one_im": 1, "error_one_im": 0.024767893732583236, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.385802307890448, "error_w_gmm": 0.028244756258061984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02716244717543405}, "run_500": {"edge_length": "600", "pf": 0.44740833333333335, "in_bounds_one_im": 1, "error_one_im": 0.02289335122667576, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 9.371755376640532, "error_w_gmm": 0.035378291208211385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03402263263737222}, "run_501": {"edge_length": "600", "pf": 0.44324166666666664, "in_bounds_one_im": 1, "error_one_im": 0.027495501967054768, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 7.734197019731311, "error_w_gmm": 0.029443815089868576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02831555934541021}, "run_502": {"edge_length": "600", "pf": 0.44208055555555553, "in_bounds_one_im": 1, "error_one_im": 0.02411524477259739, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.635472564960589, "error_w_gmm": 0.029136457000179024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02801997889150731}, "run_503": {"edge_length": "600", "pf": 0.4426027777777778, "in_bounds_one_im": 1, "error_one_im": 0.02356604197102704, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 8.311003460312273, "error_w_gmm": 0.031680685686528286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03046671543487755}, "run_672": {"edge_length": "400", "pf": 0.45646875, "in_bounds_one_im": 1, "error_one_im": 0.03306293337855152, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.583586499342792, "error_w_gmm": 0.04219121419208936, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04054800377793538}, "run_673": {"edge_length": "400", "pf": 0.46265, "in_bounds_one_im": 1, "error_one_im": 0.041491113724442794, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 9.760855407741253, "error_w_gmm": 0.05363284906263237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05154402422532806}, "run_674": {"edge_length": "400", "pf": 0.440675, "in_bounds_one_im": 0, "error_one_im": 0.03548750629035747, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 3.7829763172429502, "error_w_gmm": 0.021729372089553004, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020883083799578393}, "run_675": {"edge_length": "400", "pf": 0.44854375, "in_bounds_one_im": 1, "error_one_im": 0.03359601565607088, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.462546147743296, "error_w_gmm": 0.04218720971166731, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04054415525898688}, "run_676": {"edge_length": "400", "pf": 0.4578, "in_bounds_one_im": 1, "error_one_im": 0.0389598170443427, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.850734687239381, "error_w_gmm": 0.043560495225200765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041863955773317155}, "run_677": {"edge_length": "400", "pf": 0.462475, "in_bounds_one_im": 1, "error_one_im": 0.03514510321738329, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 2.875200912802188, "error_w_gmm": 0.015803891749527062, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015188381624865735}, "run_678": {"edge_length": "400", "pf": 0.4645625, "in_bounds_one_im": 1, "error_one_im": 0.038647983358943365, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 10.566378759068108, "error_w_gmm": 0.057836118182710373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055583589699425236}, "run_679": {"edge_length": "400", "pf": 0.4631875, "in_bounds_one_im": 1, "error_one_im": 0.032834072571263855, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 9.914580610890741, "error_w_gmm": 0.054418665587295224, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052299235755049106}, "run_680": {"edge_length": "400", "pf": 0.46095625, "in_bounds_one_im": 1, "error_one_im": 0.043362922646925955, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 8.387315407106486, "error_w_gmm": 0.04624297580869798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044441962472500526}, "run_681": {"edge_length": "400", "pf": 0.46751875, "in_bounds_one_im": 1, "error_one_im": 0.03799221908596441, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 0, "pred_cls": 3.2290372561101433, "error_w_gmm": 0.017569780846877506, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016885495091778144}, "run_682": {"edge_length": "400", "pf": 0.46385, "in_bounds_one_im": 1, "error_one_im": 0.0376282862094267, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.641514163033555, "error_w_gmm": 0.04736798014114641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04552315154932175}, "run_683": {"edge_length": "400", "pf": 0.46193125, "in_bounds_one_im": 1, "error_one_im": 0.040040191174293825, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 9.165545418953455, "error_w_gmm": 0.05043466868245456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048470402557377085}, "run_684": {"edge_length": "400", "pf": 0.44944375, "in_bounds_one_im": 1, "error_one_im": 0.03176413932355804, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 6.561274409356668, "error_w_gmm": 0.037024740433859685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0355827473500563}, "run_685": {"edge_length": "400", "pf": 0.4681125, "in_bounds_one_im": 1, "error_one_im": 0.03752057247128081, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.094374363357584, "error_w_gmm": 0.043990480393407146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04227719441929474}, "run_686": {"edge_length": "400", "pf": 0.46893125, "in_bounds_one_im": 1, "error_one_im": 0.03990653982057669, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 4.974194637751779, "error_w_gmm": 0.02698883920325974, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025937711794534076}, "run_687": {"edge_length": "400", "pf": 0.45816875, "in_bounds_one_im": 1, "error_one_im": 0.033384869862559736, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 4.4451256246901245, "error_w_gmm": 0.024645859986267903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023685983989079673}, "run_688": {"edge_length": "400", "pf": 0.451125, "in_bounds_one_im": 1, "error_one_im": 0.035737593729072335, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 5.92182193007094, "error_w_gmm": 0.03330306973102693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0320060236029831}, "run_689": {"edge_length": "400", "pf": 0.47448125, "in_bounds_one_im": 1, "error_one_im": 0.03683364044334834, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 8.316193349891469, "error_w_gmm": 0.04462207929375177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04288419459901738}, "run_690": {"edge_length": "400", "pf": 0.45489375, "in_bounds_one_im": 1, "error_one_im": 0.04564715032636644, "one_im_sa_cls": 8.510204081632653, "model_in_bounds": 1, "pred_cls": 8.901298534270557, "error_w_gmm": 0.04967977357798226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047744908159213326}, "run_691": {"edge_length": "400", "pf": 0.4593875, "in_bounds_one_im": 1, "error_one_im": 0.03265216406160681, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.204434973304164, "error_w_gmm": 0.039846852824358084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0382949476520125}, "run_692": {"edge_length": "400", "pf": 0.45286875, "in_bounds_one_im": 1, "error_one_im": 0.03846977512496856, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 10.481123793242379, "error_w_gmm": 0.05873650205707449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05644890655361885}, "run_693": {"edge_length": "400", "pf": 0.4610875, "in_bounds_one_im": 1, "error_one_im": 0.036540642060604506, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.931503862342963, "error_w_gmm": 0.05474230944057497, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05261027473405882}, "run_694": {"edge_length": "400", "pf": 0.45299375, "in_bounds_one_im": 1, "error_one_im": 0.04043801952126094, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 4.92819010694668, "error_w_gmm": 0.027610745763019764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026535397118778673}, "run_695": {"edge_length": "400", "pf": 0.4560125, "in_bounds_one_im": 1, "error_one_im": 0.038008204145621526, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 10.336526491091734, "error_w_gmm": 0.05756007533644007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05531829782319524}, "run_696": {"edge_length": "400", "pf": 0.44636875, "in_bounds_one_im": 1, "error_one_im": 0.0419852532144654, "one_im_sa_cls": 7.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.676056918064099, "error_w_gmm": 0.04926363395450646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04734497581908153}, "run_697": {"edge_length": "400", "pf": 0.46094375, "in_bounds_one_im": 1, "error_one_im": 0.042282616544152246, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 9.204510029731484, "error_w_gmm": 0.05074980735946119, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04877326760903593}, "run_698": {"edge_length": "400", "pf": 0.468325, "in_bounds_one_im": 1, "error_one_im": 0.03516052964639014, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 8.914576075302524, "error_w_gmm": 0.04842735949126234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046541271523191076}, "run_699": {"edge_length": "400", "pf": 0.4607125, "in_bounds_one_im": 1, "error_one_im": 0.035919086455607235, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.273441243769566, "error_w_gmm": 0.045637517384840925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04386008468282211}, "run_700": {"edge_length": "500", "pf": 0.461356, "in_bounds_one_im": 1, "error_one_im": 0.03725564645142122, "one_im_sa_cls": 8.795918367346939, "model_in_bounds": 1, "pred_cls": 10.474900000213234, "error_w_gmm": 0.04650708376400961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04436707512778394}, "run_701": {"edge_length": "500", "pf": 0.466664, "in_bounds_one_im": 1, "error_one_im": 0.026084357635525978, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.827759625596223, "error_w_gmm": 0.03438524922236102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03280302293898412}, "run_702": {"edge_length": "500", "pf": 0.45072, "in_bounds_one_im": 1, "error_one_im": 0.031262862960011725, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 4.451786250195491, "error_w_gmm": 0.02019361990418126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0192644169205909}, "run_703": {"edge_length": "500", "pf": 0.453836, "in_bounds_one_im": 1, "error_one_im": 0.029662706239073636, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.041437286323518, "error_w_gmm": 0.03624784053997301, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034579907710778846}, "run_704": {"edge_length": "500", "pf": 0.450092, "in_bounds_one_im": 1, "error_one_im": 0.027853959029033887, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 5.337903969475151, "error_w_gmm": 0.024243846404329455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023128273539261054}, "run_705": {"edge_length": "500", "pf": 0.464476, "in_bounds_one_im": 1, "error_one_im": 0.03109556179017944, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.544310896596108, "error_w_gmm": 0.02887407954834701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027545447980948056}, "run_706": {"edge_length": "500", "pf": 0.457168, "in_bounds_one_im": 1, "error_one_im": 0.030161498476345174, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.9209443350137585, "error_w_gmm": 0.035465669737865156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03383372824882915}, "run_707": {"edge_length": "500", "pf": 0.460388, "in_bounds_one_im": 1, "error_one_im": 0.031179080932893777, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 7.338957941037137, "error_w_gmm": 0.032647474863256726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031145211713134217}, "run_708": {"edge_length": "500", "pf": 0.448164, "in_bounds_one_im": 1, "error_one_im": 0.030004420106294023, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.480440288697311, "error_w_gmm": 0.038667075529878546, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03688782237370521}, "run_709": {"edge_length": "500", "pf": 0.459572, "in_bounds_one_im": 1, "error_one_im": 0.031056833510163785, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.496951201003466, "error_w_gmm": 0.03340513413899484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03186800753878762}, "run_710": {"edge_length": "500", "pf": 0.464144, "in_bounds_one_im": 1, "error_one_im": 0.026904444082887956, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 5.900916753249655, "error_w_gmm": 0.0260527493956157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024853940435953743}, "run_711": {"edge_length": "500", "pf": 0.457168, "in_bounds_one_im": 1, "error_one_im": 0.02876674710171649, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.257597405980374, "error_w_gmm": 0.03249556388789334, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03100029087288377}, "run_712": {"edge_length": "500", "pf": 0.466796, "in_bounds_one_im": 1, "error_one_im": 0.026590440509298263, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 8.75804303791528, "error_w_gmm": 0.03846153446670673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036691739217043225}, "run_713": {"edge_length": "500", "pf": 0.461552, "in_bounds_one_im": 1, "error_one_im": 0.03093332459282307, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.6767308513504044, "error_w_gmm": 0.029632059053120694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028268549300399893}, "run_714": {"edge_length": "500", "pf": 0.451624, "in_bounds_one_im": 1, "error_one_im": 0.02909019682795104, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 4.3137399711398, "error_w_gmm": 0.019531746154019525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01863299908008417}, "run_715": {"edge_length": "500", "pf": 0.451344, "in_bounds_one_im": 1, "error_one_im": 0.032458321307143226, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.437319091230236, "error_w_gmm": 0.04275444416381176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04078711204271253}, "run_716": {"edge_length": "500", "pf": 0.4555, "in_bounds_one_im": 1, "error_one_im": 0.03148757818029052, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 8.607865348972457, "error_w_gmm": 0.03867110764813775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03689166895532782}, "run_717": {"edge_length": "500", "pf": 0.457216, "in_bounds_one_im": 1, "error_one_im": 0.03268632413201491, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 9.341139608938805, "error_w_gmm": 0.04182048518710255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03989612889063643}, "run_718": {"edge_length": "500", "pf": 0.452252, "in_bounds_one_im": 1, "error_one_im": 0.029405503877749463, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.917199742799198, "error_w_gmm": 0.04032413336954818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03846863122503554}, "run_719": {"edge_length": "500", "pf": 0.45528, "in_bounds_one_im": 1, "error_one_im": 0.028176383689820207, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 9.26949804417417, "error_w_gmm": 0.04166198775122928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039744924663757085}, "run_720": {"edge_length": "500", "pf": 0.464784, "in_bounds_one_im": 1, "error_one_im": 0.025152930242708066, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.237831925474368, "error_w_gmm": 0.023095475772791016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022032744816313368}, "run_721": {"edge_length": "500", "pf": 0.452756, "in_bounds_one_im": 1, "error_one_im": 0.03131052875230664, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 8.71962756190643, "error_w_gmm": 0.03939061197425505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03757806551920607}, "run_722": {"edge_length": "500", "pf": 0.45862, "in_bounds_one_im": 1, "error_one_im": 0.02633596546533016, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.656794083896548, "error_w_gmm": 0.03418282660330187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03260991473222292}, "run_723": {"edge_length": "500", "pf": 0.461216, "in_bounds_one_im": 1, "error_one_im": 0.0302625286523937, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 4.554974442376094, "error_w_gmm": 0.020229143846751, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01929830624026585}, "run_724": {"edge_length": "500", "pf": 0.46232, "in_bounds_one_im": 1, "error_one_im": 0.029505210214072836, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 9.152450886367026, "error_w_gmm": 0.04055686741343174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038690656086068954}, "run_725": {"edge_length": "500", "pf": 0.455996, "in_bounds_one_im": 1, "error_one_im": 0.028310500470550594, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.776765409357459, "error_w_gmm": 0.03490245082388999, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033296425673666113}, "run_726": {"edge_length": "500", "pf": 0.450148, "in_bounds_one_im": 1, "error_one_im": 0.024314197639185554, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 7.64410405416667, "error_w_gmm": 0.03471428524614849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03311691847501051}, "run_727": {"edge_length": "500", "pf": 0.457916, "in_bounds_one_im": 1, "error_one_im": 0.030638327589268613, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 11.979559830158665, "error_w_gmm": 0.053557172602425644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.051092756375370946}, "run_728": {"edge_length": "600", "pf": 0.46093055555555557, "in_bounds_one_im": 1, "error_one_im": 0.023070411841101982, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 8.567700034491319, "error_w_gmm": 0.031472746128513134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030266743900031808}, "run_729": {"edge_length": "600", "pf": 0.456125, "in_bounds_one_im": 1, "error_one_im": 0.020746900808706906, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 7.076052998230336, "error_w_gmm": 0.026246080962718757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02524035899614195}, "run_730": {"edge_length": "600", "pf": 0.4648027777777778, "in_bounds_one_im": 1, "error_one_im": 0.02589595305343163, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 8.292601882889809, "error_w_gmm": 0.030225894425074465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029067670230540184}, "run_731": {"edge_length": "600", "pf": 0.4535, "in_bounds_one_im": 1, "error_one_im": 0.02444295255961932, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.682530409283384, "error_w_gmm": 0.028646825500978662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027549109551692763}, "run_732": {"edge_length": "600", "pf": 0.463275, "in_bounds_one_im": 1, "error_one_im": 0.024396984912579526, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.085519091269633, "error_w_gmm": 0.025905616359650732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024912940635316093}, "run_733": {"edge_length": "600", "pf": 0.46063611111111114, "in_bounds_one_im": 1, "error_one_im": 0.024671116801821068, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 7.3310381833099, "error_w_gmm": 0.026945931501272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02591339200483446}, "run_734": {"edge_length": "600", "pf": 0.4502638888888889, "in_bounds_one_im": 1, "error_one_im": 0.025634424892051186, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.013348937694833, "error_w_gmm": 0.030076230562854998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02892374132867724}, "run_735": {"edge_length": "600", "pf": 0.45750555555555555, "in_bounds_one_im": 1, "error_one_im": 0.02395599214098769, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.435516723948399, "error_w_gmm": 0.023803929858645337, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022891788530433426}, "run_736": {"edge_length": "600", "pf": 0.46226388888888886, "in_bounds_one_im": 1, "error_one_im": 0.025021861812557594, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.6946040969793135, "error_w_gmm": 0.024526201552055385, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02358638353912505}, "run_737": {"edge_length": "600", "pf": 0.4510277777777778, "in_bounds_one_im": 1, "error_one_im": 0.024565226192541, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 8.662894219385954, "error_w_gmm": 0.03246402233912505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03122003545833031}, "run_738": {"edge_length": "600", "pf": 0.45789722222222223, "in_bounds_one_im": 1, "error_one_im": 0.02495261208231605, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.541663393900384, "error_w_gmm": 0.024177466069035872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023251011229689204}, "run_739": {"edge_length": "600", "pf": 0.456925, "in_bounds_one_im": 1, "error_one_im": 0.027545294231843015, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.162523850144425, "error_w_gmm": 0.022820851002173025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021946380212363944}, "run_740": {"edge_length": "600", "pf": 0.458125, "in_bounds_one_im": 1, "error_one_im": 0.027043765025349407, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.544745381795481, "error_w_gmm": 0.0315662116894413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030356627959863557}, "run_741": {"edge_length": "600", "pf": 0.4620472222222222, "in_bounds_one_im": 1, "error_one_im": 0.024457303505708957, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 9.307481082191796, "error_w_gmm": 0.0341135435944237, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0328063488098225}, "run_742": {"edge_length": "600", "pf": 0.4639388888888889, "in_bounds_one_im": 1, "error_one_im": 0.025940962938308654, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 9.59421871283984, "error_w_gmm": 0.03503096926003032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033688619697620104}, "run_743": {"edge_length": "600", "pf": 0.462025, "in_bounds_one_im": 1, "error_one_im": 0.025177761436762355, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.164258599825045, "error_w_gmm": 0.026259432738112706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02525319914567353}, "run_744": {"edge_length": "600", "pf": 0.46168888888888887, "in_bounds_one_im": 1, "error_one_im": 0.02476288060973912, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.9923689538896445, "error_w_gmm": 0.025646734366817175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024663978725687118}, "run_745": {"edge_length": "600", "pf": 0.45666666666666667, "in_bounds_one_im": 1, "error_one_im": 0.023414783737542036, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 5.540811541681992, "error_w_gmm": 0.02052923067570266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019742572344624468}, "run_746": {"edge_length": "600", "pf": 0.46321388888888887, "in_bounds_one_im": 1, "error_one_im": 0.025117629714935225, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 5.7382683935296885, "error_w_gmm": 0.020982463844996146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02017843809990329}, "run_747": {"edge_length": "600", "pf": 0.45623055555555553, "in_bounds_one_im": 1, "error_one_im": 0.024163178388454234, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.423852051420958, "error_w_gmm": 0.023821906906211283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022909076716616236}, "run_748": {"edge_length": "600", "pf": 0.45894722222222223, "in_bounds_one_im": 1, "error_one_im": 0.028301924020120547, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 6.448436692132585, "error_w_gmm": 0.02378256324771738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022871240665359078}, "run_749": {"edge_length": "600", "pf": 0.46268888888888887, "in_bounds_one_im": 1, "error_one_im": 0.0266528126034606, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 9.827991406362985, "error_w_gmm": 0.0359748441199041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03459632627463202}, "run_750": {"edge_length": "600", "pf": 0.45955555555555555, "in_bounds_one_im": 1, "error_one_im": 0.022194514745462964, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 8.61715624357954, "error_w_gmm": 0.03174214438570346, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030525819101928774}, "run_751": {"edge_length": "600", "pf": 0.45774444444444445, "in_bounds_one_im": 1, "error_one_im": 0.023001199608863133, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 7.301741685733177, "error_w_gmm": 0.026994961105160253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02596054284633872}, "run_752": {"edge_length": "600", "pf": 0.4559666666666667, "in_bounds_one_im": 1, "error_one_im": 0.025923698759983137, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 7.960082310118086, "error_w_gmm": 0.02953449458681052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028402764100270855}, "run_753": {"edge_length": "600", "pf": 0.4601777777777778, "in_bounds_one_im": 1, "error_one_im": 0.02527151993703631, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.080248489083746, "error_w_gmm": 0.026048147068990692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025050009719147153}, "run_754": {"edge_length": "600", "pf": 0.46007777777777775, "in_bounds_one_im": 1, "error_one_im": 0.02440998057076684, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 6.285940730115798, "error_w_gmm": 0.02313055384648543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0222442155723811}, "run_755": {"edge_length": "600", "pf": 0.4555222222222222, "in_bounds_one_im": 1, "error_one_im": 0.02448924146360141, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 9.25100492596475, "error_w_gmm": 0.034355002523893105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03303855528938371}, "run_924": {"edge_length": "400", "pf": 0.4584375, "in_bounds_one_im": 1, "error_one_im": 0.03608397122341369, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 10.58938720595345, "error_w_gmm": 0.05868075574392701, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0563953313778532}, "run_925": {"edge_length": "400", "pf": 0.45820625, "in_bounds_one_im": 1, "error_one_im": 0.03501340783032318, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 9.481511879587439, "error_w_gmm": 0.05256597568021259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05051870208731182}, "run_926": {"edge_length": "400", "pf": 0.45003125, "in_bounds_one_im": 1, "error_one_im": 0.03128427721884911, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 2.7213667253775777, "error_w_gmm": 0.015338234949852637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014740860641315634}, "run_927": {"edge_length": "400", "pf": 0.45441875, "in_bounds_one_im": 1, "error_one_im": 0.03813053163805685, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.6231269679217664, "error_w_gmm": 0.0202407124789005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01945240263354269}, "run_928": {"edge_length": "400", "pf": 0.4503875, "in_bounds_one_im": 1, "error_one_im": 0.04429671582710417, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 3.8226560665761453, "error_w_gmm": 0.02152985014028187, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020691332580568794}, "run_929": {"edge_length": "400", "pf": 0.436975, "in_bounds_one_im": 1, "error_one_im": 0.035982126495602784, "one_im_sa_cls": 6.469387755102041, "model_in_bounds": 1, "pred_cls": 11.169627634765511, "error_w_gmm": 0.06464201482552458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06212441882865221}, "run_930": {"edge_length": "400", "pf": 0.452, "in_bounds_one_im": 1, "error_one_im": 0.03589472922703906, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 8.863245476590937, "error_w_gmm": 0.04975703405254945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04781915958986355}, "run_931": {"edge_length": "400", "pf": 0.4527125, "in_bounds_one_im": 1, "error_one_im": 0.03606304425514454, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 10.919356349777885, "error_w_gmm": 0.06121166685918216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05882767174605772}, "run_932": {"edge_length": "400", "pf": 0.4569625, "in_bounds_one_im": 1, "error_one_im": 0.04371304117999667, "one_im_sa_cls": 8.183673469387756, "model_in_bounds": 1, "pred_cls": 5.524415576382882, "error_w_gmm": 0.030704470764850233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029508631605252272}, "run_933": {"edge_length": "400", "pf": 0.45585, "in_bounds_one_im": 1, "error_one_im": 0.03758363653121126, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 11.006409046255488, "error_w_gmm": 0.0613104680341205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05892262493693835}, "run_934": {"edge_length": "400", "pf": 0.454525, "in_bounds_one_im": 1, "error_one_im": 0.038560550101265696, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 10.619706304415057, "error_w_gmm": 0.05931461135787109, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05700450037952862}, "run_935": {"edge_length": "400", "pf": 0.44995, "in_bounds_one_im": 1, "error_one_im": 0.036707014198420325, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 5.361333805472218, "error_w_gmm": 0.030222643589753434, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029045570029750115}, "run_936": {"edge_length": "400", "pf": 0.44505625, "in_bounds_one_im": 1, "error_one_im": 0.03841205060758804, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.1066597085152825, "error_w_gmm": 0.03476653389245694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03341249060050461}, "run_937": {"edge_length": "400", "pf": 0.4374875, "in_bounds_one_im": 0, "error_one_im": 0.03072872741673012, "one_im_sa_cls": 5.530612244897959, "model_in_bounds": 0, "pred_cls": 4.810562812722569, "error_w_gmm": 0.027811204556237257, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026728048694713315}, "run_938": {"edge_length": "400", "pf": 0.44030625, "in_bounds_one_im": 1, "error_one_im": 0.034724862896971326, "one_im_sa_cls": 6.285714285714286, "model_in_bounds": 1, "pred_cls": 4.905856480782674, "error_w_gmm": 0.02820027137953862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027101962632085825}, "run_939": {"edge_length": "400", "pf": 0.45364375, "in_bounds_one_im": 1, "error_one_im": 0.040933732139075245, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 7.980073799945984, "error_w_gmm": 0.04465067666068273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04291167819162204}, "run_940": {"edge_length": "400", "pf": 0.4531375, "in_bounds_one_im": 1, "error_one_im": 0.037570086531902754, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 3.7051372372318787, "error_w_gmm": 0.020752432675402367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019944192994600762}, "run_941": {"edge_length": "400", "pf": 0.45699375, "in_bounds_one_im": 1, "error_one_im": 0.03531704134391077, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.513822423228442, "error_w_gmm": 0.04731648958271919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04547366638048702}, "run_942": {"edge_length": "400", "pf": 0.455325, "in_bounds_one_im": 1, "error_one_im": 0.030076873304441767, "one_im_sa_cls": 5.612244897959184, "model_in_bounds": 1, "pred_cls": 5.971893759456285, "error_w_gmm": 0.03330126192931503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03200428620926146}, "run_943": {"edge_length": "400", "pf": 0.43311875, "in_bounds_one_im": 0, "error_one_im": 0.03729513414038741, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 5.812218218626449, "error_w_gmm": 0.03390198367904133, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.032581611802843476}, "run_944": {"edge_length": "400", "pf": 0.4507125, "in_bounds_one_im": 1, "error_one_im": 0.03797523926025642, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.702965826772161, "error_w_gmm": 0.03209899765180708, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030848846210675022}, "run_945": {"edge_length": "400", "pf": 0.43713125, "in_bounds_one_im": 1, "error_one_im": 0.03903445352178157, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.843241367883724, "error_w_gmm": 0.0453768000983992, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04360952148576691}, "run_946": {"edge_length": "400", "pf": 0.4600625, "in_bounds_one_im": 1, "error_one_im": 0.03596610696038278, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 7.414407046282276, "error_w_gmm": 0.04095249804030508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03935753158688494}, "run_947": {"edge_length": "400", "pf": 0.4416125, "in_bounds_one_im": 1, "error_one_im": 0.036432099117688105, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.483127434926563, "error_w_gmm": 0.04290134928523712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041230481421472974}, "run_948": {"edge_length": "400", "pf": 0.462525, "in_bounds_one_im": 1, "error_one_im": 0.03880664061771632, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 7.822811738152139, "error_w_gmm": 0.04299471280029641, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04132020873162114}, "run_949": {"edge_length": "400", "pf": 0.4572375, "in_bounds_one_im": 1, "error_one_im": 0.039003990558315244, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.788064474541294, "error_w_gmm": 0.021042241654330947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02022271485744582}, "run_950": {"edge_length": "400", "pf": 0.4602125, "in_bounds_one_im": 1, "error_one_im": 0.03833782653811381, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 3.860719167131405, "error_w_gmm": 0.02131773520221677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020487478828674844}, "run_951": {"edge_length": "400", "pf": 0.447875, "in_bounds_one_im": 1, "error_one_im": 0.03552894351371542, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 4.092519608269823, "error_w_gmm": 0.0231671019411802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022264818754870533}, "run_952": {"edge_length": "500", "pf": 0.44818, "in_bounds_one_im": 1, "error_one_im": 0.027429189087659022, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.511168718304978, "error_w_gmm": 0.03424651592983588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03267067341469624}, "run_953": {"edge_length": "500", "pf": 0.443268, "in_bounds_one_im": 1, "error_one_im": 0.02734461091147957, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.452889763995153, "error_w_gmm": 0.0251103644256072, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0239549190099745}, "run_954": {"edge_length": "500", "pf": 0.438892, "in_bounds_one_im": 1, "error_one_im": 0.029849725695316284, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 6.0059162808569395, "error_w_gmm": 0.02790358906976946, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02661961431241841}, "run_955": {"edge_length": "500", "pf": 0.450032, "in_bounds_one_im": 1, "error_one_im": 0.029183875166906726, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 2.7994548435146984, "error_w_gmm": 0.012716186078906816, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012131054829508313}, "run_956": {"edge_length": "500", "pf": 0.441392, "in_bounds_one_im": 1, "error_one_im": 0.02780877337382351, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 6.20826300117677, "error_w_gmm": 0.028697750066493076, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027377232244000297}, "run_957": {"edge_length": "500", "pf": 0.452316, "in_bounds_one_im": 1, "error_one_im": 0.027200979155727386, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.720686746477593, "error_w_gmm": 0.021344482496811923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02036232293783535}, "run_958": {"edge_length": "500", "pf": 0.440348, "in_bounds_one_im": 1, "error_one_im": 0.029220526229290743, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.594334410589768, "error_w_gmm": 0.03981160255208599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03797968434978019}, "run_959": {"edge_length": "500", "pf": 0.452128, "in_bounds_one_im": 1, "error_one_im": 0.02650680317837726, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 4.038141673166532, "error_w_gmm": 0.018265299511110965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017424827575795304}, "run_960": {"edge_length": "500", "pf": 0.453708, "in_bounds_one_im": 1, "error_one_im": 0.028792544862167736, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 9.606661982940164, "error_w_gmm": 0.043314480233615914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04132137823126466}, "run_961": {"edge_length": "500", "pf": 0.456104, "in_bounds_one_im": 1, "error_one_im": 0.03415739610174038, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 8.742783072057644, "error_w_gmm": 0.03922943832812456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03742430822703149}, "run_962": {"edge_length": "500", "pf": 0.434384, "in_bounds_one_im": 0, "error_one_im": 0.028755206678640226, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 0, "pred_cls": 3.5991376125684775, "error_w_gmm": 0.016875582817955283, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.01609905825333156}, "run_963": {"edge_length": "500", "pf": 0.4557, "in_bounds_one_im": 1, "error_one_im": 0.031125164649835703, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 8.282889061343019, "error_w_gmm": 0.03719614164946398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03548457304696799}, "run_964": {"edge_length": "500", "pf": 0.44016, "in_bounds_one_im": 1, "error_one_im": 0.02850990468188205, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 8.31316485741948, "error_w_gmm": 0.03852383060562842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036751168818988114}, "run_965": {"edge_length": "500", "pf": 0.44704, "in_bounds_one_im": 1, "error_one_im": 0.028026329683530592, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 7.182627497115443, "error_w_gmm": 0.03282414370144776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03131375119104549}, "run_966": {"edge_length": "500", "pf": 0.460972, "in_bounds_one_im": 1, "error_one_im": 0.03503526600654815, "one_im_sa_cls": 8.26530612244898, "model_in_bounds": 1, "pred_cls": 5.706993396452391, "error_w_gmm": 0.02535783402150567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02419100137129342}, "run_967": {"edge_length": "500", "pf": 0.452604, "in_bounds_one_im": 1, "error_one_im": 0.02920866489885483, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.875082374690534, "error_w_gmm": 0.04010517391730959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0382597471222029}, "run_968": {"edge_length": "500", "pf": 0.450448, "in_bounds_one_im": 1, "error_one_im": 0.03384253178740544, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 5.817279346125538, "error_w_gmm": 0.026402094397715077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025187210439128097}, "run_969": {"edge_length": "500", "pf": 0.450008, "in_bounds_one_im": 1, "error_one_im": 0.027947126340338482, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 10.423370035876854, "error_w_gmm": 0.0473491972215845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04517043900301485}, "run_970": {"edge_length": "500", "pf": 0.456168, "in_bounds_one_im": 1, "error_one_im": 0.03004764366567043, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 5.2501299340369725, "error_w_gmm": 0.023554637141938433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022470778021407633}, "run_971": {"edge_length": "500", "pf": 0.457772, "in_bounds_one_im": 1, "error_one_im": 0.03204027115786976, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 9.525838152599233, "error_w_gmm": 0.042599642200909026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04063943324279286}, "run_972": {"edge_length": "500", "pf": 0.455008, "in_bounds_one_im": 1, "error_one_im": 0.02722876495698213, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.9215768876823205, "error_w_gmm": 0.03112626355351343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02969399845695405}, "run_973": {"edge_length": "500", "pf": 0.45232, "in_bounds_one_im": 1, "error_one_im": 0.028081043032263876, "one_im_sa_cls": 6.5102040816326525, "model_in_bounds": 1, "pred_cls": 8.10830434197538, "error_w_gmm": 0.03666122582555081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03497427120419885}, "run_974": {"edge_length": "500", "pf": 0.47212, "in_bounds_one_im": 0, "error_one_im": 0.029945162452050096, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 0, "pred_cls": 6.131480659335217, "error_w_gmm": 0.02664054854317976, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02541469219309158}, "run_975": {"edge_length": "500", "pf": 0.446592, "in_bounds_one_im": 1, "error_one_im": 0.03063428131411452, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 8.624996916407076, "error_w_gmm": 0.039451415567849944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03763607125482165}, "run_976": {"edge_length": "500", "pf": 0.450764, "in_bounds_one_im": 1, "error_one_im": 0.028434314594491892, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 7.807756254720784, "error_w_gmm": 0.03541339211084081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03378385616014996}, "run_977": {"edge_length": "500", "pf": 0.443472, "in_bounds_one_im": 1, "error_one_im": 0.02769178133180525, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.726950046549348, "error_w_gmm": 0.03556762836255858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03393099527990459}, "run_978": {"edge_length": "500", "pf": 0.442592, "in_bounds_one_im": 1, "error_one_im": 0.030883411499913825, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 9.784339350419987, "error_w_gmm": 0.04511829934486344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04304219518103832}, "run_979": {"edge_length": "500", "pf": 0.450984, "in_bounds_one_im": 1, "error_one_im": 0.024979306431135752, "one_im_sa_cls": 5.775510204081632, "model_in_bounds": 1, "pred_cls": 3.422558730170528, "error_w_gmm": 0.015516695522053073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014802699723232986}, "run_980": {"edge_length": "600", "pf": 0.4563305555555556, "in_bounds_one_im": 1, "error_one_im": 0.024012777028605284, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.886331378581237, "error_w_gmm": 0.029239402039408575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028118979186092925}, "run_981": {"edge_length": "600", "pf": 0.4371361111111111, "in_bounds_one_im": 0, "error_one_im": 0.025417532603147344, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 0, "pred_cls": 7.6834189375204245, "error_w_gmm": 0.029615129918460215, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028480309571592827}, "run_982": {"edge_length": "600", "pf": 0.450975, "in_bounds_one_im": 1, "error_one_im": 0.023832280265621262, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.4286055539692715, "error_w_gmm": 0.027841517486369798, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026774660085501147}, "run_983": {"edge_length": "600", "pf": 0.4477277777777778, "in_bounds_one_im": 1, "error_one_im": 0.025173827842485657, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 7.930152118787011, "error_w_gmm": 0.029916919686814633, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028770535076324377}, "run_984": {"edge_length": "600", "pf": 0.4571027777777778, "in_bounds_one_im": 1, "error_one_im": 0.026372983629088555, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 7.584115273884151, "error_w_gmm": 0.028075182118214588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026999370936650394}, "run_985": {"edge_length": "600", "pf": 0.4561472222222222, "in_bounds_one_im": 1, "error_one_im": 0.023293722490929324, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 4.945424469953161, "error_w_gmm": 0.018342456967689325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017639593484200213}, "run_986": {"edge_length": "600", "pf": 0.4537111111111111, "in_bounds_one_im": 1, "error_one_im": 0.024286242127066825, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 4.892555112246777, "error_w_gmm": 0.018235722714044375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017536949173873943}, "run_987": {"edge_length": "600", "pf": 0.45339722222222223, "in_bounds_one_im": 1, "error_one_im": 0.024448021402653352, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.133519581978333, "error_w_gmm": 0.022875575195997894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021999007433162236}, "run_988": {"edge_length": "600", "pf": 0.45410555555555554, "in_bounds_one_im": 1, "error_one_im": 0.023389808635556314, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 5.24178216827675, "error_w_gmm": 0.019521836718308126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018773780654493644}, "run_989": {"edge_length": "600", "pf": 0.45468333333333333, "in_bounds_one_im": 1, "error_one_im": 0.023946633773914584, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.990957125842432, "error_w_gmm": 0.02972586121476649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028586797762147825}, "run_990": {"edge_length": "600", "pf": 0.4474361111111111, "in_bounds_one_im": 1, "error_one_im": 0.02578135497007447, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.813280225503255, "error_w_gmm": 0.014394289480808608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013842715585083872}, "run_991": {"edge_length": "600", "pf": 0.4520638888888889, "in_bounds_one_im": 1, "error_one_im": 0.02436710291055122, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 6.877636033670577, "error_w_gmm": 0.025719944047785843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024734383089381168}, "run_992": {"edge_length": "600", "pf": 0.4420972222222222, "in_bounds_one_im": 1, "error_one_im": 0.02696023231477596, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 9.23990751977142, "error_w_gmm": 0.03525768314134491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033906646143622376}, "run_993": {"edge_length": "600", "pf": 0.4417833333333333, "in_bounds_one_im": 1, "error_one_im": 0.022705973402681153, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 0, "pred_cls": 4.805842927236857, "error_w_gmm": 0.018349831693923367, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017646685618752038}, "run_994": {"edge_length": "600", "pf": 0.46173888888888887, "in_bounds_one_im": 1, "error_one_im": 0.024184566822502127, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.761538090920749, "error_w_gmm": 0.02846504307803951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027374292838268317}, "run_995": {"edge_length": "600", "pf": 0.4478972222222222, "in_bounds_one_im": 1, "error_one_im": 0.024721112386985288, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.8821956725126165, "error_w_gmm": 0.029725815001360702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02858675331959066}, "run_996": {"edge_length": "600", "pf": 0.4491722222222222, "in_bounds_one_im": 1, "error_one_im": 0.026281625942856254, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 7.738182454199304, "error_w_gmm": 0.029107587653015986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02799221578708745}, "run_997": {"edge_length": "600", "pf": 0.4460722222222222, "in_bounds_one_im": 1, "error_one_im": 0.02295531318253503, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 3.1495903365233326, "error_w_gmm": 0.011921854817044965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011465021993551362}, "run_998": {"edge_length": "600", "pf": 0.45653055555555555, "in_bounds_one_im": 1, "error_one_im": 0.023857627040887282, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.689575682519699, "error_w_gmm": 0.03220453168493925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03097048821060612}, "run_999": {"edge_length": "600", "pf": 0.4531777777777778, "in_bounds_one_im": 1, "error_one_im": 0.023873007566182495, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 3.9158397352262715, "error_w_gmm": 0.014610983866129898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014051106471545177}, "run_1000": {"edge_length": "600", "pf": 0.45200833333333335, "in_bounds_one_im": 1, "error_one_im": 0.02392941694859377, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 1, "pred_cls": 3.035796027841649, "error_w_gmm": 0.011354084495381925, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01091900802801924}, "run_1001": {"edge_length": "600", "pf": 0.4573888888888889, "in_bounds_one_im": 1, "error_one_im": 0.028971780918203394, "one_im_sa_cls": 8.142857142857142, "model_in_bounds": 1, "pred_cls": 5.505781381565301, "error_w_gmm": 0.020369777076853852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01958922883844968}, "run_1002": {"edge_length": "600", "pf": 0.4394166666666667, "in_bounds_one_im": 0, "error_one_im": 0.02484829124004727, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 0, "pred_cls": 5.560144396515585, "error_w_gmm": 0.021332103183033874, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020514679629592334}, "run_1003": {"edge_length": "600", "pf": 0.45261666666666667, "in_bounds_one_im": 1, "error_one_im": 0.024633184064759207, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.025618280679474, "error_w_gmm": 0.026244049063371258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025238404957020878}, "run_1004": {"edge_length": "600", "pf": 0.4560888888888889, "in_bounds_one_im": 1, "error_one_im": 0.023878872881390567, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 8.56332952912333, "error_w_gmm": 0.0317649117479262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030547714042994844}, "run_1005": {"edge_length": "600", "pf": 0.45245, "in_bounds_one_im": 1, "error_one_im": 0.024201444922393442, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.693426292005661, "error_w_gmm": 0.028748300108716308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02764669576016049}, "run_1006": {"edge_length": "600", "pf": 0.4506027777777778, "in_bounds_one_im": 1, "error_one_im": 0.024144649298044482, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.266195385738104, "error_w_gmm": 0.027253303096910382, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026208985447152628}, "run_1007": {"edge_length": "600", "pf": 0.454375, "in_bounds_one_im": 1, "error_one_im": 0.025568704345381447, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 6.616529389343463, "error_w_gmm": 0.024628385310930166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023684651724811035}}}, "validation_3D": {"blobs_50.0_0.1": {"true_cls": 2.8979591836734695, "true_pf": 0.0992788752940266, "run_1": {"edge_length": 280, "pf": 0.09922895408163265, "in_bounds_one_im": 1, "error_one_im": 0.007297776464103029, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.9755567056148235, "error_w_gmm": 0.01043506922851667, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009990701300668299}, "run_2": {"edge_length": 280, "pf": 0.09877888119533527, "in_bounds_one_im": 1, "error_one_im": 0.0073162103430755195, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 4.705318394674164, "error_w_gmm": 0.013470308953938578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012896688104257807}, "run_3": {"edge_length": 280, "pf": 0.09921547011661808, "in_bounds_one_im": 1, "error_one_im": 0.007022936917191391, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.117597616505855, "error_w_gmm": 0.011000109842407844, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010531680174167873}, "run_4": {"edge_length": 280, "pf": 0.09941258199708455, "in_bounds_one_im": 1, "error_one_im": 0.0070152033745390675, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.8580071597974928, "error_w_gmm": 0.009965456747978663, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00954108684029658}, "run_5": {"edge_length": 310, "pf": 0.09900550501829411, "in_bounds_one_im": 1, "error_one_im": 0.0060356480666725575, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.764858233462975, "error_w_gmm": 0.008339828109191113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007913341140947992}, "run_6": {"edge_length": 310, "pf": 0.09892474237185728, "in_bounds_one_im": 1, "error_one_im": 0.0063946896595276385, "one_im_sa_cls": 3.2653061224489797, "model_in_bounds": 1, "pred_cls": 3.244471127880359, "error_w_gmm": 0.006674929767640314, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006333583336687083}, "run_7": {"edge_length": 310, "pf": 0.09933681313148267, "in_bounds_one_im": 1, "error_one_im": 0.006142206626802901, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.040324116132122, "error_w_gmm": 0.006040997868282456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005732069814577506}, "run_8": {"edge_length": 310, "pf": 0.09957983954885703, "in_bounds_one_im": 1, "error_one_im": 0.006016298913036583, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 2.608647937200927, "error_w_gmm": 0.004794715706361843, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004549520752890309}, "run_9": {"edge_length": 340, "pf": 0.09938560960716467, "in_bounds_one_im": 1, "error_one_im": 0.005243537336292162, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 3.402771755484926, "error_w_gmm": 0.00618043744800083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0059072674309684}, "run_10": {"edge_length": 340, "pf": 0.09937456747404844, "in_bounds_one_im": 1, "error_one_im": 0.0051420400507646395, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.2302395522768346, "error_w_gmm": 0.005716745672626415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005464070433066058}, "run_11": {"edge_length": 340, "pf": 0.09956846631386118, "in_bounds_one_im": 1, "error_one_im": 0.005443593226121514, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.0305313844101724, "error_w_gmm": 0.005189253851762396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00495989329678586}, "run_12": {"edge_length": 340, "pf": 0.09897450641156116, "in_bounds_one_im": 1, "error_one_im": 0.005255615005152665, "one_im_sa_cls": 3.142857142857143, "model_in_bounds": 1, "pred_cls": 4.200204285349709, "error_w_gmm": 0.008495223048133358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008119741499411678}, "run_13": {"edge_length": 370, "pf": 0.09931498627919373, "in_bounds_one_im": 1, "error_one_im": 0.004711046135022408, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.390561469785344, "error_w_gmm": 0.005388847297820652, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005177641938921707}, "run_14": {"edge_length": 370, "pf": 0.09906870274218704, "in_bounds_one_im": 1, "error_one_im": 0.0047175431514629084, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.507845721089241, "error_w_gmm": 0.005678683895520124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005456118956500211}, "run_15": {"edge_length": 370, "pf": 0.09947702998835212, "in_bounds_one_im": 1, "error_one_im": 0.004797588641603276, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 3.6272870820168297, "error_w_gmm": 0.005957557668656811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005724062816041758}, "run_16": {"edge_length": 370, "pf": 0.099103685862634, "in_bounds_one_im": 1, "error_one_im": 0.004716618867332209, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.2234159944564036, "error_w_gmm": 0.005001225134455716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004805211870193381}, "run_17": {"edge_length": 400, "pf": 0.099423671875, "in_bounds_one_im": 1, "error_one_im": 0.004188574515182553, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.758522494621269, "error_w_gmm": 0.005526666935174811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005372781749659653}, "run_18": {"edge_length": 400, "pf": 0.099347421875, "in_bounds_one_im": 1, "error_one_im": 0.004271200532414414, "one_im_sa_cls": 3.224489795918367, "model_in_bounds": 1, "pred_cls": 2.8192497775456444, "error_w_gmm": 0.0035918887517678304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003491875765025734}, "run_19": {"edge_length": 400, "pf": 0.099309296875, "in_bounds_one_im": 1, "error_one_im": 0.004031087752541895, "one_im_sa_cls": 3.1020408163265305, "model_in_bounds": 1, "pred_cls": 2.842434374305993, "error_w_gmm": 0.003637062412668321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0035357916050244983}, "run_20": {"edge_length": 400, "pf": 0.099332375, "in_bounds_one_im": 1, "error_one_im": 0.004190711345569413, "one_im_sa_cls": 3.183673469387755, "model_in_bounds": 1, "pred_cls": 3.923849203977861, "error_w_gmm": 0.005898309086142746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005734075851429385}}, "blobs_50.0_0.2": {"true_cls": 3.4693877551020407, "true_pf": 0.19962180870986826, "run_13": {"edge_length": 300, "pf": 0.1993607037037037, "in_bounds_one_im": 1, "error_one_im": 0.004927934497193307, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.638109135546716, "error_w_gmm": 0.005486910943461153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005245398227967262}, "run_14": {"edge_length": 300, "pf": 0.1998185925925926, "in_bounds_one_im": 1, "error_one_im": 0.004877774861647565, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.4986167466123743, "error_w_gmm": 0.005166976558087288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004939546123677902}, "run_15": {"edge_length": 300, "pf": 0.19991766666666666, "in_bounds_one_im": 1, "error_one_im": 0.004876264157555682, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 2.857034745560326, "error_w_gmm": 0.00381180514071806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003644024139722235}, "run_16": {"edge_length": 300, "pf": 0.20018007407407407, "in_bounds_one_im": 1, "error_one_im": 0.00461661382643482, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 4.592548640940016, "error_w_gmm": 0.0077621492512112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007420489296630883}, "run_17": {"edge_length": 350, "pf": 0.19885180174927114, "in_bounds_one_im": 1, "error_one_im": 0.0038142353954288754, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.215634856515285, "error_w_gmm": 0.005419301495384588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005200345157717987}, "run_18": {"edge_length": 350, "pf": 0.1991835335276968, "in_bounds_one_im": 1, "error_one_im": 0.0038443395747577718, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.411479845112711, "error_w_gmm": 0.005795266311992489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0055611198470731935}, "run_19": {"edge_length": 350, "pf": 0.19999181341107872, "in_bounds_one_im": 1, "error_one_im": 0.0039028977760253826, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.0214862107321485, "error_w_gmm": 0.003276643550437915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003144257140076026}, "run_20": {"edge_length": 350, "pf": 0.19948958600583092, "in_bounds_one_im": 1, "error_one_im": 0.0038406553800461158, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 2.8741599877675905, "error_w_gmm": 0.0030447171616080873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0029217012859450555}, "run_21": {"edge_length": 280, "pf": 0.19911675473760934, "in_bounds_one_im": 1, "error_one_im": 0.005137045322988398, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.441048137453023, "error_w_gmm": 0.005593417378306067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00535522678890429}, "run_22": {"edge_length": 280, "pf": 0.1998881195335277, "in_bounds_one_im": 1, "error_one_im": 0.005124654186935929, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.1884464201466627, "error_w_gmm": 0.004976923408009831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0047649856533628935}, "run_23": {"edge_length": 280, "pf": 0.19944087099125365, "in_bounds_one_im": 1, "error_one_im": 0.00503824255544376, "one_im_sa_cls": 3.3061224489795915, "model_in_bounds": 1, "pred_cls": 2.610132199715039, "error_w_gmm": 0.003691422767198674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0035342268876169436}, "run_24": {"edge_length": 280, "pf": 0.19998514941690962, "in_bounds_one_im": 1, "error_one_im": 0.00521710054988051, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 1, "pred_cls": 2.155162884703588, "error_w_gmm": 0.002764908118350741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0026471670220209876}, "run_25": {"edge_length": 310, "pf": 0.20108640193346983, "in_bounds_one_im": 0, "error_one_im": 0.0044630537502792006, "one_im_sa_cls": 3.387755102040816, "model_in_bounds": 0, "pred_cls": 3.8128096703442997, "error_w_gmm": 0.005616024660327963, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.005328829133081804}, "run_26": {"edge_length": 310, "pf": 0.19962733711523614, "in_bounds_one_im": 1, "error_one_im": 0.004646446369960288, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 3.5297209752194574, "error_w_gmm": 0.005025154762944368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004768175483306885}, "run_27": {"edge_length": 310, "pf": 0.20033046893357054, "in_bounds_one_im": 1, "error_one_im": 0.004554672170727951, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 4.18268263398125, "error_w_gmm": 0.006467953692442778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00613719172410127}, "run_28": {"edge_length": 310, "pf": 0.20012789097378403, "in_bounds_one_im": 1, "error_one_im": 0.004598306910829395, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 3.4644353813167146, "error_w_gmm": 0.004878742838579864, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00462925085687223}, "run_29": {"edge_length": 340, "pf": 0.19945550071239568, "in_bounds_one_im": 1, "error_one_im": 0.0040117640490439825, "one_im_sa_cls": 3.4489795918367347, "model_in_bounds": 1, "pred_cls": 4.149068992331839, "error_w_gmm": 0.005538064542865258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005293286855488013}, "run_30": {"edge_length": 340, "pf": 0.20005309892122938, "in_bounds_one_im": 1, "error_one_im": 0.0038278887382468454, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.7269404299289897, "error_w_gmm": 0.004705967392660302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00449796768331569}, "run_31": {"edge_length": 340, "pf": 0.199280276816609, "in_bounds_one_im": 1, "error_one_im": 0.0038371561395069333, "one_im_sa_cls": 3.3469387755102042, "model_in_bounds": 1, "pred_cls": 3.0827806479215174, "error_w_gmm": 0.003548822994792466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003391968072128992}, "run_32": {"edge_length": 340, "pf": 0.2002640443720741, "in_bounds_one_im": 1, "error_one_im": 0.003966170114381051, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.792783156107993, "error_w_gmm": 0.004828043100328267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004614647749748947}}, "blobs_50.0_0.3": {"true_cls": 3.510204081632653, "true_pf": 0.2998435534563864, "run_25": {"edge_length": 300, "pf": 0.30043374074074075, "in_bounds_one_im": 1, "error_one_im": 0.003818399094696852, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.9277392163565654, "error_w_gmm": 0.00468672743718067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004480435721897446}, "run_26": {"edge_length": 300, "pf": 0.29936992592592593, "in_bounds_one_im": 1, "error_one_im": 0.0038280847691919907, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 2.9585610250041725, "error_w_gmm": 0.003071685554343724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0029364817708274985}, "run_27": {"edge_length": 300, "pf": 0.30010462962962964, "in_bounds_one_im": 1, "error_one_im": 0.0037553158239993275, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 2.930865935916128, "error_w_gmm": 0.003023359547060755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002890282888509365}, "run_28": {"edge_length": 300, "pf": 0.29935911111111113, "in_bounds_one_im": 1, "error_one_im": 0.0038947596410782363, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 2.526781201261916, "error_w_gmm": 0.002424480022689316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0023177637373379065}, "run_29": {"edge_length": 350, "pf": 0.29962714868804663, "in_bounds_one_im": 1, "error_one_im": 0.003088752061698961, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 2.856584930860052, "error_w_gmm": 0.002302512253188024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022094837234374817}, "run_30": {"edge_length": 350, "pf": 0.2994916618075802, "in_bounds_one_im": 1, "error_one_im": 0.002958282015183638, "one_im_sa_cls": 3.4693877551020407, "model_in_bounds": 1, "pred_cls": 2.859569712484953, "error_w_gmm": 0.0023068666335281244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022136621735082676}, "run_31": {"edge_length": 350, "pf": 0.29916688046647233, "in_bounds_one_im": 1, "error_one_im": 0.003039286292226563, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.1610023022813936, "error_w_gmm": 0.0026831499135484007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0025747424593808546}, "run_32": {"edge_length": 350, "pf": 0.2998857609329446, "in_bounds_one_im": 1, "error_one_im": 0.003086849885527359, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.2810991571527306, "error_w_gmm": 0.002832648804650733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0027182011385280366}, "run_33": {"edge_length": 400, "pf": 0.299921515625, "in_bounds_one_im": 1, "error_one_im": 0.002526333094445247, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.082604838402297, "error_w_gmm": 0.0020838599848983738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0020258367343343074}, "run_34": {"edge_length": 400, "pf": 0.300117703125, "in_bounds_one_im": 1, "error_one_im": 0.002525153330768553, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 4.083488506938218, "error_w_gmm": 0.0031756739092418675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0030872500591361558}, "run_35": {"edge_length": 400, "pf": 0.300114953125, "in_bounds_one_im": 1, "error_one_im": 0.002503556497768228, "one_im_sa_cls": 3.5510204081632653, "model_in_bounds": 1, "pred_cls": 4.244853508455591, "error_w_gmm": 0.0033657805645090906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003272063361600423}, "run_36": {"edge_length": 400, "pf": 0.299113046875, "in_bounds_one_im": 1, "error_one_im": 0.0025312052728979108, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.455086055061157, "error_w_gmm": 0.0024775179515368535, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00240853364072869}, "run_41": {"edge_length": 280, "pf": 0.3000128006559767, "in_bounds_one_im": 1, "error_one_im": 0.004165683269516322, "one_im_sa_cls": 3.489795918367347, "model_in_bounds": 1, "pred_cls": 3.6656092282294495, "error_w_gmm": 0.004683869734167296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004484411403560875}, "run_42": {"edge_length": 280, "pf": 0.30052551020408164, "in_bounds_one_im": 1, "error_one_im": 0.004051595826237341, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 3.19913637914663, "error_w_gmm": 0.0038142117883850834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0036517870500663006}, "run_43": {"edge_length": 280, "pf": 0.29881163447521863, "in_bounds_one_im": 1, "error_one_im": 0.004399419978568487, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 3.3866697399866528, "error_w_gmm": 0.004171461830405108, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003993823924121816}, "run_44": {"edge_length": 280, "pf": 0.30030981231778425, "in_bounds_one_im": 1, "error_one_im": 0.004053675471019275, "one_im_sa_cls": 3.4285714285714284, "model_in_bounds": 1, "pred_cls": 5.429380172445974, "error_w_gmm": 0.008437308196777349, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00807801310463037}, "run_45": {"edge_length": 310, "pf": 0.30010828773790743, "in_bounds_one_im": 1, "error_one_im": 0.0036379524295135344, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.185428133079945, "error_w_gmm": 0.003285722709217736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003117695515084422}, "run_46": {"edge_length": 310, "pf": 0.30116048471014734, "in_bounds_one_im": 0, "error_one_im": 0.0038834616942590564, "one_im_sa_cls": 3.693877551020408, "model_in_bounds": 0, "pred_cls": 3.5984005230242415, "error_w_gmm": 0.003935108817889222, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.003733872940185861}, "run_47": {"edge_length": 310, "pf": 0.30065892383605786, "in_bounds_one_im": 1, "error_one_im": 0.003696374560876811, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 4.129876695884059, "error_w_gmm": 0.004844130771710971, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004596408801959162}, "run_48": {"edge_length": 310, "pf": 0.29931452452082846, "in_bounds_one_im": 1, "error_one_im": 0.0037082257458836017, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.3692660966411236, "error_w_gmm": 0.00358099233034189, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0033978654670212692}}, "blobs_50.0_0.4": {"true_cls": 3.3469387755102042, "true_pf": 0.3999764889248595, "run_37": {"edge_length": 300, "pf": 0.4016451111111111, "in_bounds_one_im": 0, "error_one_im": 0.0030542137146586145, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 4.31365225067153, "error_w_gmm": 0.004314609855099583, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.004124697324508215}, "run_38": {"edge_length": 300, "pf": 0.399867, "in_bounds_one_im": 1, "error_one_im": 0.0031724731882865117, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 2.739588004382754, "error_w_gmm": 0.0021918433441453153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002095366830595811}, "run_39": {"edge_length": 300, "pf": 0.4003967037037037, "in_bounds_one_im": 1, "error_one_im": 0.0032770020293030645, "one_im_sa_cls": 3.693877551020408, "model_in_bounds": 1, "pred_cls": 3.2461003785936113, "error_w_gmm": 0.0028238741130214053, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0026995780359981136}, "run_40": {"edge_length": 300, "pf": 0.39929403703703703, "in_bounds_one_im": 1, "error_one_im": 0.0030692043341323983, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 5.291151164008621, "error_w_gmm": 0.005890137973605702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005630876755171859}, "run_41": {"edge_length": 350, "pf": 0.3993787988338192, "in_bounds_one_im": 1, "error_one_im": 0.002435167757985756, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.8523372805849903, "error_w_gmm": 0.0028923540214593445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0027754940821640467}, "run_42": {"edge_length": 350, "pf": 0.39992643731778427, "in_bounds_one_im": 1, "error_one_im": 0.0024323902211723677, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 3.488171383345749, "error_w_gmm": 0.002489236037830262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002388663296694674}, "run_43": {"edge_length": 350, "pf": 0.40112942274052477, "in_bounds_one_im": 0, "error_one_im": 0.00255361652404137, "one_im_sa_cls": 3.6530612244897958, "model_in_bounds": 0, "pred_cls": 2.9463660597499906, "error_w_gmm": 0.0019275757392338282, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0018496957901671148}, "run_44": {"edge_length": 350, "pf": 0.3999507638483965, "in_bounds_one_im": 1, "error_one_im": 0.0024745666512583585, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.847482800708362, "error_w_gmm": 0.0028834496807372944, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00276694950401197}, "run_45": {"edge_length": 400, "pf": 0.4002055625, "in_bounds_one_im": 1, "error_one_im": 0.0020243272140421055, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.2251153040879297, "error_w_gmm": 0.001786897836968004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0017371432365254733}, "run_46": {"edge_length": 400, "pf": 0.399611390625, "in_bounds_one_im": 1, "error_one_im": 0.002061679611676837, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 4.16403135599517, "error_w_gmm": 0.0026247653048532297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0025516810208518173}, "run_47": {"edge_length": 400, "pf": 0.39932859375, "in_bounds_one_im": 1, "error_one_im": 0.0020628951675429686, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 4.089889000465472, "error_w_gmm": 0.0025564820897616696, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0024852990918962955}, "run_48": {"edge_length": 400, "pf": 0.399886609375, "in_bounds_one_im": 1, "error_one_im": 0.0021307381129205675, "one_im_sa_cls": 3.693877551020408, "model_in_bounds": 1, "pred_cls": 4.000194258780472, "error_w_gmm": 0.0024699721056865975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00240119790232686}, "run_61": {"edge_length": 280, "pf": 0.4003142310495627, "in_bounds_one_im": 1, "error_one_im": 0.00339662369816649, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 4.921627662685243, "error_w_gmm": 0.005838951834442913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005590305383647276}, "run_62": {"edge_length": 280, "pf": 0.3989410987609329, "in_bounds_one_im": 1, "error_one_im": 0.003376865173803348, "one_im_sa_cls": 3.510204081632653, "model_in_bounds": 0, "pred_cls": 2.783951862669611, "error_w_gmm": 0.002491191498391517, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.002385106375258065}, "run_63": {"edge_length": 280, "pf": 0.39969948068513117, "in_bounds_one_im": 1, "error_one_im": 0.0034601232168224648, "one_im_sa_cls": 3.571428571428571, "model_in_bounds": 1, "pred_cls": 3.5662057239313576, "error_w_gmm": 0.00360609829472962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003452535880168228}, "run_64": {"edge_length": 280, "pf": 0.3997585185860058, "in_bounds_one_im": 1, "error_one_im": 0.0035191758010419305, "one_im_sa_cls": 3.6122448979591835, "model_in_bounds": 1, "pred_cls": 4.988662336406254, "error_w_gmm": 0.005965552976818502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005711515331573703}, "run_65": {"edge_length": 310, "pf": 0.4005935349602229, "in_bounds_one_im": 1, "error_one_im": 0.0030669007383010176, "one_im_sa_cls": 3.6530612244897958, "model_in_bounds": 1, "pred_cls": 4.62367318133754, "error_w_gmm": 0.00460248305454849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004367118605950149}, "run_66": {"edge_length": 310, "pf": 0.40028488469672047, "in_bounds_one_im": 1, "error_one_im": 0.0029158722110789333, "one_im_sa_cls": 3.5306122448979593, "model_in_bounds": 1, "pred_cls": 4.301696907755589, "error_w_gmm": 0.004132856959995288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003921508523076319}, "run_67": {"edge_length": 310, "pf": 0.40034312376221004, "in_bounds_one_im": 1, "error_one_im": 0.003068500504143954, "one_im_sa_cls": 3.6530612244897958, "model_in_bounds": 1, "pred_cls": 4.573790989611787, "error_w_gmm": 0.004530565938831557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00429887922941994}, "run_68": {"edge_length": 310, "pf": 0.39913638347151825, "in_bounds_one_im": 1, "error_one_im": 0.0031279268444695373, "one_im_sa_cls": 3.693877551020408, "model_in_bounds": 0, "pred_cls": 1.6118921826650001, "error_w_gmm": 0.0009502416012856339, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0009016475949914208}}, "blobs_100.0_0.1": {"true_cls": 5.775510204081632, "true_pf": 0.09816313106701463, "run_49": {"edge_length": 300, "pf": 0.09636555555555555, "in_bounds_one_im": 0, "error_one_im": 0.017761167309791364, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.54476533043444, "error_w_gmm": 0.025039158716557156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023937031257658756}, "run_50": {"edge_length": 300, "pf": 0.09851837037037037, "in_bounds_one_im": 1, "error_one_im": 0.017026547477200192, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 4.6018612208427365, "error_w_gmm": 0.011782454249200797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011263835931858162}, "run_51": {"edge_length": 300, "pf": 0.09654077777777778, "in_bounds_one_im": 1, "error_one_im": 0.01756793489390131, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 0, "pred_cls": 4.558965021593279, "error_w_gmm": 0.011749352302755053, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011232191005775204}, "run_52": {"edge_length": 300, "pf": 0.09852177777777778, "in_bounds_one_im": 1, "error_one_im": 0.017893329193393395, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 9.273461790360914, "error_w_gmm": 0.03370466269625895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032221113082194164}, "run_53": {"edge_length": 350, "pf": 0.09669679300291545, "in_bounds_one_im": 0, "error_one_im": 0.013790163890779425, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.50565710957003, "error_w_gmm": 0.019604284155114397, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01881221117950416}, "run_54": {"edge_length": 350, "pf": 0.09806257725947522, "in_bounds_one_im": 1, "error_one_im": 0.014236263557137443, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 7.155323726593165, "error_w_gmm": 0.018106630981733686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017375067770014165}, "run_55": {"edge_length": 350, "pf": 0.09701865889212828, "in_bounds_one_im": 1, "error_one_im": 0.013764816989375308, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 5.419335990134632, "error_w_gmm": 0.012005715252704156, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011520647676183712}, "run_56": {"edge_length": 350, "pf": 0.0974401166180758, "in_bounds_one_im": 1, "error_one_im": 0.013869818036893524, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 7.660176524868266, "error_w_gmm": 0.02012725043174359, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019314048020771288}, "run_57": {"edge_length": 400, "pf": 0.097887640625, "in_bounds_one_im": 1, "error_one_im": 0.011323485111118262, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.813292306246331, "error_w_gmm": 0.010723136261223499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010424559952533524}, "run_58": {"edge_length": 400, "pf": 0.09781871875, "in_bounds_one_im": 1, "error_one_im": 0.011440996367217677, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.190150076158798, "error_w_gmm": 0.01475587784322069, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014345013388029406}, "run_59": {"edge_length": 400, "pf": 0.097323546875, "in_bounds_one_im": 1, "error_one_im": 0.011134116234866714, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.56948402696673, "error_w_gmm": 0.01292338200105745, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012563541782704604}, "run_60": {"edge_length": 400, "pf": 0.098289203125, "in_bounds_one_im": 1, "error_one_im": 0.011410604551769508, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.877444452922593, "error_w_gmm": 0.00822226412229138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007993322401240554}, "run_81": {"edge_length": 280, "pf": 0.09671911443148688, "in_bounds_one_im": 1, "error_one_im": 0.01926987781050455, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.333401972300483, "error_w_gmm": 0.021282431180028025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020376138213882695}, "run_82": {"edge_length": 280, "pf": 0.09549644679300291, "in_bounds_one_im": 0, "error_one_im": 0.018632363131045222, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 0, "pred_cls": 6.086306353176124, "error_w_gmm": 0.02019075919415965, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019330954086180564}, "run_83": {"edge_length": 280, "pf": 0.09799075255102041, "in_bounds_one_im": 1, "error_one_im": 0.01932322522305366, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 4.727438206148043, "error_w_gmm": 0.013625804186720393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013045561714042378}, "run_84": {"edge_length": 280, "pf": 0.09812695881924198, "in_bounds_one_im": 1, "error_one_im": 0.01892474912009156, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.558846289828024, "error_w_gmm": 0.02225000518224517, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021302508957646148}, "run_85": {"edge_length": 310, "pf": 0.09696149843912591, "in_bounds_one_im": 1, "error_one_im": 0.018288996299258935, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 8.016203390373871, "error_w_gmm": 0.026212553351004676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02487208059039009}, "run_86": {"edge_length": 310, "pf": 0.09696837971199355, "in_bounds_one_im": 1, "error_one_im": 0.015859420824777686, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 7.052651193274832, "error_w_gmm": 0.021630560775204984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020524404609198726}, "run_87": {"edge_length": 310, "pf": 0.09843845456681548, "in_bounds_one_im": 1, "error_one_im": 0.017376700267710033, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 6.489152130268363, "error_w_gmm": 0.018932152380317778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01796398898830515}, "run_88": {"edge_length": 310, "pf": 0.09951240307475412, "in_bounds_one_im": 1, "error_one_im": 0.017606682050615222, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.1618388203271754, "error_w_gmm": 0.01741279644277272, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016522330756156656}}, "blobs_100.0_0.2": {"true_cls": 6.1020408163265305, "true_pf": 0.1981177262330828, "run_61": {"edge_length": 300, "pf": 0.19510637037037037, "in_bounds_one_im": 0, "error_one_im": 0.013147161845016426, "one_im_sa_cls": 6.653061224489796, "model_in_bounds": 0, "pred_cls": 6.0458653857340225, "error_w_gmm": 0.011913431857164175, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011389048409296531}, "run_62": {"edge_length": 300, "pf": 0.1950477037037037, "in_bounds_one_im": 0, "error_one_im": 0.01254923822761981, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 8.068487412897008, "error_w_gmm": 0.0183703950072622, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017561800876864073}, "run_63": {"edge_length": 300, "pf": 0.19837962962962963, "in_bounds_one_im": 1, "error_one_im": 0.012832512831926554, "one_im_sa_cls": 6.591836734693877, "model_in_bounds": 1, "pred_cls": 7.439022156767999, "error_w_gmm": 0.016092564861831735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015384232053245893}, "run_64": {"edge_length": 300, "pf": 0.1984875925925926, "in_bounds_one_im": 1, "error_one_im": 0.012354533809908821, "one_im_sa_cls": 6.428571428571429, "model_in_bounds": 1, "pred_cls": 6.71217086544307, "error_w_gmm": 0.013787915172104814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013181024178515247}, "run_65": {"edge_length": 350, "pf": 0.19877474052478133, "in_bounds_one_im": 1, "error_one_im": 0.01040781079741902, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.8488862420152845, "error_w_gmm": 0.013771014594516198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013214623531177862}, "run_66": {"edge_length": 350, "pf": 0.1972384839650146, "in_bounds_one_im": 1, "error_one_im": 0.011726117505034167, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 9.17712721910026, "error_w_gmm": 0.01749503197673901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01678817923340138}, "run_67": {"edge_length": 350, "pf": 0.19851916034985423, "in_bounds_one_im": 1, "error_one_im": 0.010799562892225976, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.49921730233192, "error_w_gmm": 0.015529981023651846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014902522342516248}, "run_68": {"edge_length": 350, "pf": 0.19927722448979593, "in_bounds_one_im": 1, "error_one_im": 0.011258442408441972, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.324634636553656, "error_w_gmm": 0.01239505263591164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011894254639591524}, "run_69": {"edge_length": 400, "pf": 0.196647875, "in_bounds_one_im": 1, "error_one_im": 0.008654525030752093, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.936525311935226, "error_w_gmm": 0.011388752380952322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01107164257616651}, "run_70": {"edge_length": 400, "pf": 0.196965046875, "in_bounds_one_im": 1, "error_one_im": 0.00888271120730668, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.827686016226582, "error_w_gmm": 0.011144098328343677, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01083380070071894}, "run_71": {"edge_length": 400, "pf": 0.197736859375, "in_bounds_one_im": 1, "error_one_im": 0.008624809222964913, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 7.490837182051907, "error_w_gmm": 0.01040716253599932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010117384238098558}, "run_72": {"edge_length": 400, "pf": 0.195493265625, "in_bounds_one_im": 0, "error_one_im": 0.008216816819670014, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 0, "pred_cls": 7.100421006655155, "error_w_gmm": 0.00967269043684217, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009403362869293094}, "run_101": {"edge_length": 280, "pf": 0.19533750911078718, "in_bounds_one_im": 1, "error_one_im": 0.014704211657321147, "one_im_sa_cls": 6.6938775510204085, "model_in_bounds": 1, "pred_cls": 7.820204217010509, "error_w_gmm": 0.019393294894444083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018567449078026595}, "run_102": {"edge_length": 280, "pf": 0.19548765488338193, "in_bounds_one_im": 1, "error_one_im": 0.015102307618108032, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 9.901844293392527, "error_w_gmm": 0.02761793677022977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026441852063432036}, "run_103": {"edge_length": 280, "pf": 0.19746865889212828, "in_bounds_one_im": 1, "error_one_im": 0.014206354382119151, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 4.89136093791122, "error_w_gmm": 0.00952877084712091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009122996811170484}, "run_104": {"edge_length": 280, "pf": 0.19593267128279884, "in_bounds_one_im": 1, "error_one_im": 0.014408780235488482, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 7.410729904955146, "error_w_gmm": 0.017856430989237372, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017096031123774943}, "run_105": {"edge_length": 310, "pf": 0.19854086804739687, "in_bounds_one_im": 1, "error_one_im": 0.01295496007744127, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.654841883546999, "error_w_gmm": 0.016103594671037717, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015280079704164888}, "run_106": {"edge_length": 310, "pf": 0.1977102816286798, "in_bounds_one_im": 1, "error_one_im": 0.01298886886604403, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.23729752280461, "error_w_gmm": 0.018023157428017342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017101478747233636}, "run_107": {"edge_length": 310, "pf": 0.19684173072404418, "in_bounds_one_im": 1, "error_one_im": 0.012333062310083633, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 8.131431831339755, "error_w_gmm": 0.017725368792585145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016818918599803917}, "run_108": {"edge_length": 310, "pf": 0.19660840522305395, "in_bounds_one_im": 1, "error_one_im": 0.01222806783832058, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 6.909091497049525, "error_w_gmm": 0.013893023784256331, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013182554273866082}}, "blobs_100.0_0.3": {"true_cls": 6.612244897959184, "true_pf": 0.29844865069715404, "run_73": {"edge_length": 300, "pf": 0.29726381481481484, "in_bounds_one_im": 1, "error_one_im": 0.010228321004206982, "one_im_sa_cls": 6.775510204081632, "model_in_bounds": 1, "pred_cls": 8.67861114729294, "error_w_gmm": 0.01551015488897163, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014827457527274743}, "run_74": {"edge_length": 300, "pf": 0.29729292592592593, "in_bounds_one_im": 1, "error_one_im": 0.011356433469572637, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.8955713555155995, "error_w_gmm": 0.008683591410144506, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008301373115859476}, "run_75": {"edge_length": 300, "pf": 0.297132962962963, "in_bounds_one_im": 1, "error_one_im": 0.010139211211940185, "one_im_sa_cls": 6.73469387755102, "model_in_bounds": 1, "pred_cls": 9.289802080240328, "error_w_gmm": 0.017182506565530848, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016426198715377194}, "run_76": {"edge_length": 300, "pf": 0.29929596296296296, "in_bounds_one_im": 1, "error_one_im": 0.010829368135467967, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 9.674133018183317, "error_w_gmm": 0.018165636406225164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017366054961884408}, "run_77": {"edge_length": 350, "pf": 0.2970553469387755, "in_bounds_one_im": 1, "error_one_im": 0.009207772621918402, "one_im_sa_cls": 7.36734693877551, "model_in_bounds": 0, "pred_cls": 4.855374693688376, "error_w_gmm": 0.0051337317561836815, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.004926313308464207}, "run_78": {"edge_length": 350, "pf": 0.2979594868804665, "in_bounds_one_im": 1, "error_one_im": 0.008846436781684319, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.045865481776982, "error_w_gmm": 0.010927449235550822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0104859469004821}, "run_79": {"edge_length": 350, "pf": 0.29915160349854225, "in_bounds_one_im": 1, "error_one_im": 0.00852228282427757, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.853401239434022, "error_w_gmm": 0.010507761876092085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010083216192590106}, "run_80": {"edge_length": 350, "pf": 0.29809308454810496, "in_bounds_one_im": 1, "error_one_im": 0.008247543801291748, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 8.780029520871656, "error_w_gmm": 0.012452740621952896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011949611854746101}, "run_81": {"edge_length": 400, "pf": 0.29795353125, "in_bounds_one_im": 1, "error_one_im": 0.006873707076415234, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.185428305338322, "error_w_gmm": 0.009059265171228579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008807017891293385}, "run_82": {"edge_length": 400, "pf": 0.299889734375, "in_bounds_one_im": 1, "error_one_im": 0.007023936153690579, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.612585894019313, "error_w_gmm": 0.006547592008608605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006365280061328003}, "run_83": {"edge_length": 400, "pf": 0.298290828125, "in_bounds_one_im": 1, "error_one_im": 0.007358640859626284, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 5.909400242919964, "error_w_gmm": 0.005552594167320101, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0053979870608034325}, "run_84": {"edge_length": 400, "pf": 0.298309671875, "in_bounds_one_im": 1, "error_one_im": 0.007173070982604405, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.719996115259252, "error_w_gmm": 0.008290617868195736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008059772897140263}, "run_121": {"edge_length": 280, "pf": 0.2987658072157434, "in_bounds_one_im": 1, "error_one_im": 0.011610691087835651, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 3.863402597723008, "error_w_gmm": 0.005083132742837873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004866672160310983}, "run_122": {"edge_length": 280, "pf": 0.29167283163265306, "in_bounds_one_im": 0, "error_one_im": 0.012126167105327905, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 0, "pred_cls": 8.019581070382161, "error_w_gmm": 0.015463467570605727, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.014804969874881483}, "run_123": {"edge_length": 280, "pf": 0.29598984147230323, "in_bounds_one_im": 1, "error_one_im": 0.011481210620332867, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 6.9788967680878145, "error_w_gmm": 0.012423433086246098, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011894392492800708}, "run_124": {"edge_length": 280, "pf": 0.3012016217201166, "in_bounds_one_im": 1, "error_one_im": 0.01237283177887356, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 9.780667859763149, "error_w_gmm": 0.020356844616685032, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019489966912114843}, "run_125": {"edge_length": 310, "pf": 0.2993076096807761, "in_bounds_one_im": 1, "error_one_im": 0.009953854812966671, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 8.971331806710605, "error_w_gmm": 0.015559404157484262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014763718320808585}, "run_126": {"edge_length": 310, "pf": 0.2997106508677117, "in_bounds_one_im": 1, "error_one_im": 0.009332900111764894, "one_im_sa_cls": 6.612244897959184, "model_in_bounds": 1, "pred_cls": 6.4538484579321675, "error_w_gmm": 0.00948459037115669, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00899956188622136}, "run_127": {"edge_length": 310, "pf": 0.2968787553287906, "in_bounds_one_im": 1, "error_one_im": 0.010369340321984768, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 7.724499814544818, "error_w_gmm": 0.012503565166402029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011864150596913368}, "run_128": {"edge_length": 310, "pf": 0.2962135208620053, "in_bounds_one_im": 1, "error_one_im": 0.010116908594301593, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 8.298480802977446, "error_w_gmm": 0.013945004936303929, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013231877183603026}}, "blobs_100.0_0.4": {"true_cls": 6.346938775510204, "true_pf": 0.39916065910478066, "run_85": {"edge_length": 300, "pf": 0.39904614814814815, "in_bounds_one_im": 1, "error_one_im": 0.008311702784399171, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.674959439412675, "error_w_gmm": 0.010295294840549541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009842135560332919}, "run_86": {"edge_length": 300, "pf": 0.3945498518518519, "in_bounds_one_im": 0, "error_one_im": 0.00861587720233459, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 0, "pred_cls": 7.048611428091135, "error_w_gmm": 0.009146591055331712, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.00874399329749542}, "run_87": {"edge_length": 300, "pf": 0.40070648148148147, "in_bounds_one_im": 1, "error_one_im": 0.008730669766728863, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 9.103967090947307, "error_w_gmm": 0.013254650496024123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0126712317623863}, "run_88": {"edge_length": 300, "pf": 0.4006275925925926, "in_bounds_one_im": 1, "error_one_im": 0.008656935493291187, "one_im_sa_cls": 7.061224489795919, "model_in_bounds": 1, "pred_cls": 6.902985881966625, "error_w_gmm": 0.00875284176188859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008367575333476608}, "run_89": {"edge_length": 350, "pf": 0.399141527696793, "in_bounds_one_im": 1, "error_one_im": 0.006535732093081243, "one_im_sa_cls": 6.816326530612245, "model_in_bounds": 1, "pred_cls": 7.326081915256531, "error_w_gmm": 0.007589050808981227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007282429969945894}, "run_90": {"edge_length": 350, "pf": 0.3990073002915452, "in_bounds_one_im": 1, "error_one_im": 0.006773844784434501, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 6.597117212259886, "error_w_gmm": 0.006486831932578993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006224744103690869}, "run_91": {"edge_length": 350, "pf": 0.40076916618075803, "in_bounds_one_im": 1, "error_one_im": 0.006808312693522381, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 6.335934434627157, "error_w_gmm": 0.006083074077761094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005837299299783623}, "run_92": {"edge_length": 350, "pf": 0.400483638483965, "in_bounds_one_im": 1, "error_one_im": 0.007051378558124036, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.495884654447327, "error_w_gmm": 0.009451009729256995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009069160061115935}, "run_93": {"edge_length": 400, "pf": 0.39944765625, "in_bounds_one_im": 1, "error_one_im": 0.005490701751862879, "one_im_sa_cls": 6.938775510204081, "model_in_bounds": 1, "pred_cls": 9.386832757209117, "error_w_gmm": 0.008886818535417562, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008639372880558414}, "run_94": {"edge_length": 400, "pf": 0.3983576875, "in_bounds_one_im": 1, "error_one_im": 0.00574776012500759, "one_im_sa_cls": 7.142857142857142, "model_in_bounds": 1, "pred_cls": 7.326034947917693, "error_w_gmm": 0.006141270984822618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005970272689487691}, "run_95": {"edge_length": 400, "pf": 0.397263359375, "in_bounds_one_im": 1, "error_one_im": 0.00541872911906508, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 7.339553376360594, "error_w_gmm": 0.006172359150684874, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006000495232683205}, "run_96": {"edge_length": 400, "pf": 0.397569078125, "in_bounds_one_im": 1, "error_one_im": 0.005806645429192388, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 8.184995197497035, "error_w_gmm": 0.007264356834153159, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007062087199998468}, "run_141": {"edge_length": 280, "pf": 0.39708582361516037, "in_bounds_one_im": 1, "error_one_im": 0.009755989998065201, "one_im_sa_cls": 7.1020408163265305, "model_in_bounds": 1, "pred_cls": 6.557286961499813, "error_w_gmm": 0.009040287560221268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008655315140554861}, "run_142": {"edge_length": 280, "pf": 0.3973849307580175, "in_bounds_one_im": 1, "error_one_im": 0.009249966007468444, "one_im_sa_cls": 6.857142857142857, "model_in_bounds": 1, "pred_cls": 6.714799620100428, "error_w_gmm": 0.00936212178760378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008963444350212927}, "run_143": {"edge_length": 280, "pf": 0.39818526785714287, "in_bounds_one_im": 1, "error_one_im": 0.009901927283162137, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 9.509533446080022, "error_w_gmm": 0.015752084495244685, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015081296310407728}, "run_144": {"edge_length": 280, "pf": 0.398263985058309, "in_bounds_one_im": 1, "error_one_im": 0.01015450947576383, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.349612650205055, "error_w_gmm": 0.010701004962589737, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010245312403490392}, "run_145": {"edge_length": 310, "pf": 0.3987284414756134, "in_bounds_one_im": 1, "error_one_im": 0.008202492030720853, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.442032485906188, "error_w_gmm": 0.009434889685276388, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008952402822849738}, "run_146": {"edge_length": 310, "pf": 0.3984430197039374, "in_bounds_one_im": 1, "error_one_im": 0.008786591890200587, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 9.089736174220134, "error_w_gmm": 0.012743389356994587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012091710518912112}, "run_147": {"edge_length": 310, "pf": 0.3973479574368098, "in_bounds_one_im": 1, "error_one_im": 0.00801187757812148, "one_im_sa_cls": 6.8979591836734695, "model_in_bounds": 1, "pred_cls": 9.634638667695665, "error_w_gmm": 0.013938105037922735, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013225330136228342}, "run_148": {"edge_length": 310, "pf": 0.3982352388305193, "in_bounds_one_im": 1, "error_one_im": 0.00868075075964082, "one_im_sa_cls": 7.285714285714286, "model_in_bounds": 1, "pred_cls": 8.838869298122539, "error_w_gmm": 0.012224788720018228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011599630382178386}}, "blobs_150.0_0.1": {"true_cls": 9.571428571428571, "true_pf": 0.09780821042736754, "run_97": {"edge_length": 300, "pf": 0.09265433333333334, "in_bounds_one_im": 0, "error_one_im": 0.03395176477602153, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 0, "pred_cls": 9.017123754069502, "error_w_gmm": 0.033432681978290184, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03196110390931437}, "run_98": {"edge_length": 300, "pf": 0.09801796296296296, "in_bounds_one_im": 1, "error_one_im": 0.0338826571257354, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 12.309499286707611, "error_w_gmm": 0.05169188200929613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04941660418508918}, "run_99": {"edge_length": 300, "pf": 0.09702511111111112, "in_bounds_one_im": 1, "error_one_im": 0.03245275942554344, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 9.097125967637513, "error_w_gmm": 0.03302689379295757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03157317695912212}, "run_100": {"edge_length": 300, "pf": 0.09965140740740741, "in_bounds_one_im": 1, "error_one_im": 0.03134387859791796, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 11.035518824272948, "error_w_gmm": 0.043477885610549674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04156415631442348}, "run_101": {"edge_length": 350, "pf": 0.09427018075801749, "in_bounds_one_im": 0, "error_one_im": 0.023449454490619893, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 0, "pred_cls": 7.219463933119968, "error_w_gmm": 0.018755418436480067, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017997642229388943}, "run_102": {"edge_length": 350, "pf": 0.09947533527696793, "in_bounds_one_im": 1, "error_one_im": 0.026328216112168498, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 11.821574221938226, "error_w_gmm": 0.03814698672777174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03660573191586637}, "run_103": {"edge_length": 350, "pf": 0.0966708804664723, "in_bounds_one_im": 1, "error_one_im": 0.0269216946052903, "one_im_sa_cls": 9.53061224489796, "model_in_bounds": 1, "pred_cls": 11.028736119833162, "error_w_gmm": 0.03492375674077083, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03351273026807322}, "run_104": {"edge_length": 350, "pf": 0.09860020991253644, "in_bounds_one_im": 1, "error_one_im": 0.02369176036384234, "one_im_sa_cls": 8.816326530612244, "model_in_bounds": 1, "pred_cls": 10.193774764437887, "error_w_gmm": 0.030695840154060725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02945563442875539}, "run_105": {"edge_length": 400, "pf": 0.095807671875, "in_bounds_one_im": 0, "error_one_im": 0.02066790884747976, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 10.821787410297397, "error_w_gmm": 0.02756138006937411, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026793957654602407}, "run_106": {"edge_length": 400, "pf": 0.09550871875, "in_bounds_one_im": 0, "error_one_im": 0.021474297578010993, "one_im_sa_cls": 9.326530612244898, "model_in_bounds": 1, "pred_cls": 10.35631474563677, "error_w_gmm": 0.0258470356385945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02512734763840967}, "run_107": {"edge_length": 400, "pf": 0.096790359375, "in_bounds_one_im": 1, "error_one_im": 0.020275688903079875, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 9.84398642552387, "error_w_gmm": 0.02377699342431656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023114943931012124}, "run_108": {"edge_length": 400, "pf": 0.09633884375, "in_bounds_one_im": 1, "error_one_im": 0.019915710762808167, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 10.425858345217126, "error_w_gmm": 0.025983163117284984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025259684767046934}, "run_161": {"edge_length": 280, "pf": 0.0967966472303207, "in_bounds_one_im": 1, "error_one_im": 0.03229596111736091, "one_im_sa_cls": 8.612244897959183, "model_in_bounds": 1, "pred_cls": 10.816675468450601, "error_w_gmm": 0.04748032868561967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04545842209261589}, "run_162": {"edge_length": 280, "pf": 0.09341362973760933, "in_bounds_one_im": 0, "error_one_im": 0.036511026660978475, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 12.209103826630548, "error_w_gmm": 0.058067824200803614, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05559505874523195}, "run_163": {"edge_length": 280, "pf": 0.09935545736151603, "in_bounds_one_im": 1, "error_one_im": 0.035052301782318974, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 9.700298099774596, "error_w_gmm": 0.039743752760869916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0380513012138306}, "run_164": {"edge_length": 280, "pf": 0.09672380648688046, "in_bounds_one_im": 1, "error_one_im": 0.034633303629787816, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.311795705614792, "error_w_gmm": 0.04421355610664442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04233076205136139}, "run_165": {"edge_length": 310, "pf": 0.09786378436440536, "in_bounds_one_im": 1, "error_one_im": 0.03249135676226602, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 11.448817945702784, "error_w_gmm": 0.04451114759969544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04223491071036551}, "run_166": {"edge_length": 310, "pf": 0.09573075761135913, "in_bounds_one_im": 1, "error_one_im": 0.029899778141198173, "one_im_sa_cls": 9.020408163265307, "model_in_bounds": 1, "pred_cls": 10.323974666072836, "error_w_gmm": 0.038583026235894484, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036609945056097395}, "run_167": {"edge_length": 310, "pf": 0.09934379510590446, "in_bounds_one_im": 1, "error_one_im": 0.028697912917696623, "one_im_sa_cls": 8.89795918367347, "model_in_bounds": 1, "pred_cls": 12.34583736963821, "error_w_gmm": 0.04943024219056025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04690244978820402}, "run_168": {"edge_length": 310, "pf": 0.09950018461951596, "in_bounds_one_im": 1, "error_one_im": 0.03107263249355909, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 10.257186337992279, "error_w_gmm": 0.03740029261364603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03548769475199267}}, "blobs_150.0_0.2": {"true_cls": 9.612244897959183, "true_pf": 0.19760844162802993, "run_109": {"edge_length": 300, "pf": 0.19413948148148147, "in_bounds_one_im": 1, "error_one_im": 0.02497444892869298, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.27087588541662, "error_w_gmm": 0.03041761529825308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029078748867718992}, "run_110": {"edge_length": 300, "pf": 0.20083362962962964, "in_bounds_one_im": 1, "error_one_im": 0.024747107672580634, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 13.489340598795284, "error_w_gmm": 0.0389943887734914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03727800576331444}, "run_111": {"edge_length": 300, "pf": 0.19180637037037038, "in_bounds_one_im": 0, "error_one_im": 0.023221485468215466, "one_im_sa_cls": 9.653061224489797, "model_in_bounds": 1, "pred_cls": 11.620988160694436, "error_w_gmm": 0.03208532487979438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030673052287971417}, "run_112": {"edge_length": 300, "pf": 0.19825062962962964, "in_bounds_one_im": 1, "error_one_im": 0.023913734527111107, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 13.130226764019428, "error_w_gmm": 0.03775165722643571, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0360899744790573}, "run_113": {"edge_length": 350, "pf": 0.19407120699708455, "in_bounds_one_im": 1, "error_one_im": 0.019348260461439355, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 12.644848147183783, "error_w_gmm": 0.028582181833401263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027427374361978753}, "run_114": {"edge_length": 350, "pf": 0.19461413411078718, "in_bounds_one_im": 1, "error_one_im": 0.019196851521318167, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.658129199126925, "error_w_gmm": 0.02525894903533808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024238410322222757}, "run_115": {"edge_length": 350, "pf": 0.19678885131195334, "in_bounds_one_im": 1, "error_one_im": 0.01848288635481006, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 8.447936239387737, "error_w_gmm": 0.015473826663228525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014848636789819044}, "run_116": {"edge_length": 350, "pf": 0.19820431486880466, "in_bounds_one_im": 1, "error_one_im": 0.018400536235734448, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 11.244457885805257, "error_w_gmm": 0.023655942519892587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02270017016756683}, "run_117": {"edge_length": 400, "pf": 0.19740325, "in_bounds_one_im": 1, "error_one_im": 0.01605411433226561, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 10.353276426545378, "error_w_gmm": 0.016928187506714987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01645683699736416}, "run_118": {"edge_length": 400, "pf": 0.193795703125, "in_bounds_one_im": 0, "error_one_im": 0.01614169175059252, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 0, "pred_cls": 10.179243525610831, "error_w_gmm": 0.016693443689772658, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.016228629415777036}, "run_119": {"edge_length": 400, "pf": 0.198512046875, "in_bounds_one_im": 1, "error_one_im": 0.015710479078035695, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 12.24633085228651, "error_w_gmm": 0.02170132473393168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02109707041179181}, "run_120": {"edge_length": 400, "pf": 0.19560428125, "in_bounds_one_im": 1, "error_one_im": 0.015662928660444088, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 13.066686739642643, "error_w_gmm": 0.024138824307612435, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023466699951238665}, "run_181": {"edge_length": 280, "pf": 0.1965684220116618, "in_bounds_one_im": 1, "error_one_im": 0.026173101720613583, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 8.060864835486473, "error_w_gmm": 0.020216242352797075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019355352067695435}, "run_182": {"edge_length": 280, "pf": 0.19508126822157434, "in_bounds_one_im": 1, "error_one_im": 0.023964531067763004, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 13.206527132687208, "error_w_gmm": 0.042595289844836286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0407814081857933}, "run_183": {"edge_length": 280, "pf": 0.19456992529154518, "in_bounds_one_im": 1, "error_one_im": 0.026176441289389875, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 9.388057778696231, "error_w_gmm": 0.02557114056458405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024482216811749634}, "run_184": {"edge_length": 280, "pf": 0.1925351220845481, "in_bounds_one_im": 0, "error_one_im": 0.02601964282767384, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 12.367731545520213, "error_w_gmm": 0.038918161580665134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0372608670827994}, "run_185": {"edge_length": 310, "pf": 0.19898385418414957, "in_bounds_one_im": 1, "error_one_im": 0.022158520544640146, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 9.66758270111079, "error_w_gmm": 0.022823977003359606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02165679122591138}, "run_186": {"edge_length": 310, "pf": 0.2015111946561042, "in_bounds_one_im": 1, "error_one_im": 0.0230903672485642, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 13.605797583890638, "error_w_gmm": 0.03780712009562881, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035873717654178607}, "run_187": {"edge_length": 310, "pf": 0.19922966667785572, "in_bounds_one_im": 1, "error_one_im": 0.022975173121454716, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 11.923353865764206, "error_w_gmm": 0.03123758096518343, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029640135427138666}, "run_188": {"edge_length": 310, "pf": 0.2009988251485348, "in_bounds_one_im": 1, "error_one_im": 0.022987734794093984, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.745392604845046, "error_w_gmm": 0.022955075247396158, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021781185291887002}}, "blobs_150.0_0.3": {"true_cls": 9.775510204081632, "true_pf": 0.2982036466364808, "run_121": {"edge_length": 300, "pf": 0.29690674074074075, "in_bounds_one_im": 1, "error_one_im": 0.018411567539872067, "one_im_sa_cls": 10.020408163265307, "model_in_bounds": 1, "pred_cls": 11.872220132626454, "error_w_gmm": 0.02483762148599153, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02374436492081255}, "run_122": {"edge_length": 300, "pf": 0.2951758888888889, "in_bounds_one_im": 1, "error_one_im": 0.017814568001938754, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 12.717489276870609, "error_w_gmm": 0.027651434181614632, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026434324404306927}, "run_123": {"edge_length": 300, "pf": 0.29801344444444444, "in_bounds_one_im": 1, "error_one_im": 0.018813490398064115, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 12.869194350130968, "error_w_gmm": 0.02795690967341959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02672635403990933}, "run_124": {"edge_length": 300, "pf": 0.2937068888888889, "in_bounds_one_im": 1, "error_one_im": 0.019123355402869913, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 12.597930032303505, "error_w_gmm": 0.027358977467049753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026154740509444704}, "run_125": {"edge_length": 350, "pf": 0.30117266472303206, "in_bounds_one_im": 1, "error_one_im": 0.015581297627578958, "one_im_sa_cls": 10.53061224489796, "model_in_bounds": 1, "pred_cls": 11.903568606511834, "error_w_gmm": 0.01951417087014648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018725738746566387}, "run_126": {"edge_length": 350, "pf": 0.3008907755102041, "in_bounds_one_im": 1, "error_one_im": 0.014384119173576473, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 11.266415618060234, "error_w_gmm": 0.017980588411759348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017254117704956728}, "run_127": {"edge_length": 350, "pf": 0.2992410962099125, "in_bounds_one_im": 1, "error_one_im": 0.015380868614639154, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 10.348186160419264, "error_w_gmm": 0.01589012124962831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015248111803049372}, "run_128": {"edge_length": 350, "pf": 0.29571414577259475, "in_bounds_one_im": 1, "error_one_im": 0.016061869454100663, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 10.25699251087167, "error_w_gmm": 0.015813414631193252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015174504366356055}, "run_129": {"edge_length": 400, "pf": 0.296600046875, "in_bounds_one_im": 1, "error_one_im": 0.013043212182581043, "one_im_sa_cls": 10.612244897959183, "model_in_bounds": 1, "pred_cls": 11.838964754481676, "error_w_gmm": 0.015809143758796437, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015368952039502498}, "run_130": {"edge_length": 400, "pf": 0.29816375, "in_bounds_one_im": 1, "error_one_im": 0.012215332119966824, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.257377825773979, "error_w_gmm": 0.014603889488912005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014197257015921507}, "run_131": {"edge_length": 400, "pf": 0.29709990625, "in_bounds_one_im": 1, "error_one_im": 0.012099497262260638, "one_im_sa_cls": 10.10204081632653, "model_in_bounds": 1, "pred_cls": 9.872703045573473, "error_w_gmm": 0.012024633605562947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011689818246713031}, "run_132": {"edge_length": 400, "pf": 0.299115109375, "in_bounds_one_im": 1, "error_one_im": 0.012187621986943158, "one_im_sa_cls": 10.183673469387756, "model_in_bounds": 1, "pred_cls": 11.797664356025006, "error_w_gmm": 0.015632211598559525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01519694639982869}, "run_201": {"edge_length": 280, "pf": 0.29444961734693875, "in_bounds_one_im": 1, "error_one_im": 0.022645002510903522, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 15.390373545934704, "error_w_gmm": 0.04083595005318927, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0390969882782864}, "run_202": {"edge_length": 280, "pf": 0.2978932671282799, "in_bounds_one_im": 1, "error_one_im": 0.019505887612741336, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 11.099311823919098, "error_w_gmm": 0.024804227610840963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023747962148299804}, "run_203": {"edge_length": 280, "pf": 0.29745772594752184, "in_bounds_one_im": 1, "error_one_im": 0.02127049493691348, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 12.128178731589339, "error_w_gmm": 0.02836138209945142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02715363844979664}, "run_204": {"edge_length": 280, "pf": 0.29502314139941693, "in_bounds_one_im": 1, "error_one_im": 0.019517164719460935, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 11.197172872329803, "error_w_gmm": 0.025306516514522284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02422886153606867}, "run_205": {"edge_length": 310, "pf": 0.2961537712732033, "in_bounds_one_im": 1, "error_one_im": 0.01702586968762799, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 0, "pred_cls": 4.444914978877408, "error_w_gmm": 0.0054673667743464225, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.005187773400318278}, "run_206": {"edge_length": 310, "pf": 0.29492024436910474, "in_bounds_one_im": 1, "error_one_im": 0.017504171068046515, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 13.223898446936591, "error_w_gmm": 0.028139012322902453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02670002318573761}, "run_207": {"edge_length": 310, "pf": 0.29935732268134674, "in_bounds_one_im": 1, "error_one_im": 0.016895941433702936, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 11.71440839739449, "error_w_gmm": 0.02321328765560233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02202619308415907}, "run_208": {"edge_length": 310, "pf": 0.2993587996374744, "in_bounds_one_im": 1, "error_one_im": 0.017107078951369356, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 11.173895675493364, "error_w_gmm": 0.02162526815371043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020519382644852712}}, "blobs_150.0_0.4": {"true_cls": 9.693877551020408, "true_pf": 0.3988888517099266, "run_133": {"edge_length": 300, "pf": 0.4006758148148148, "in_bounds_one_im": 1, "error_one_im": 0.016410440193214873, "one_im_sa_cls": 10.816326530612244, "model_in_bounds": 1, "pred_cls": 11.870300106334836, "error_w_gmm": 0.019735245850671736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01886657623575556}, "run_134": {"edge_length": 300, "pf": 0.40122392592592593, "in_bounds_one_im": 1, "error_one_im": 0.01583818954729326, "one_im_sa_cls": 10.571428571428571, "model_in_bounds": 1, "pred_cls": 11.921935014535594, "error_w_gmm": 0.019841503961232538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01896815727298875}, "run_135": {"edge_length": 300, "pf": 0.3991056666666667, "in_bounds_one_im": 1, "error_one_im": 0.015770230447211018, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 10.035956578779262, "error_w_gmm": 0.015392491510003324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014714973237681513}, "run_136": {"edge_length": 300, "pf": 0.3991537407407407, "in_bounds_one_im": 1, "error_one_im": 0.016183803562624128, "one_im_sa_cls": 10.693877551020408, "model_in_bounds": 1, "pred_cls": 11.259622769932363, "error_w_gmm": 0.01828997008007188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017484915945631355}, "run_137": {"edge_length": 350, "pf": 0.39625310787172013, "in_bounds_one_im": 1, "error_one_im": 0.012115702298846107, "one_im_sa_cls": 10.244897959183673, "model_in_bounds": 1, "pred_cls": 11.593301092763442, "error_w_gmm": 0.015198787887251897, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01458471042070061}, "run_138": {"edge_length": 350, "pf": 0.40019792419825073, "in_bounds_one_im": 1, "error_one_im": 0.012304776649270354, "one_im_sa_cls": 10.408163265306122, "model_in_bounds": 1, "pred_cls": 12.592263784286292, "error_w_gmm": 0.017063945425887305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016374509896275872}, "run_139": {"edge_length": 350, "pf": 0.40158822157434404, "in_bounds_one_im": 1, "error_one_im": 0.012305317899174318, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 10.027387196877402, "error_w_gmm": 0.012090616018398594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011602118191552081}, "run_140": {"edge_length": 350, "pf": 0.3994250029154519, "in_bounds_one_im": 1, "error_one_im": 0.012252182955754792, "one_im_sa_cls": 10.36734693877551, "model_in_bounds": 1, "pred_cls": 13.853350607735951, "error_w_gmm": 0.019722202193486554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018925364968858382}, "run_141": {"edge_length": 400, "pf": 0.40241184375, "in_bounds_one_im": 1, "error_one_im": 0.010740920029620413, "one_im_sa_cls": 10.89795918367347, "model_in_bounds": 1, "pred_cls": 10.436694261423009, "error_w_gmm": 0.010354574394310367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010066260367015141}, "run_142": {"edge_length": 400, "pf": 0.40162959375, "in_bounds_one_im": 1, "error_one_im": 0.010517555209639118, "one_im_sa_cls": 10.73469387755102, "model_in_bounds": 1, "pred_cls": 11.04288015266074, "error_w_gmm": 0.011288024304748593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010973719184752852}, "run_143": {"edge_length": 400, "pf": 0.397425484375, "in_bounds_one_im": 1, "error_one_im": 0.009921868930260922, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 13.822808423281764, "error_w_gmm": 0.015947556699258444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015503510993236205}, "run_144": {"edge_length": 400, "pf": 0.396186234375, "in_bounds_one_im": 1, "error_one_im": 0.01051650790194844, "one_im_sa_cls": 10.653061224489797, "model_in_bounds": 1, "pred_cls": 13.122038403796694, "error_w_gmm": 0.014788562737032851, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014376788199687842}, "run_221": {"edge_length": 280, "pf": 0.4010785805393586, "in_bounds_one_im": 1, "error_one_im": 0.017417986736195542, "one_im_sa_cls": 10.510204081632653, "model_in_bounds": 1, "pred_cls": 12.161101792934089, "error_w_gmm": 0.022643313391762367, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021679068494946437}, "run_222": {"edge_length": 280, "pf": 0.39663875728862974, "in_bounds_one_im": 1, "error_one_im": 0.01768250823514657, "one_im_sa_cls": 10.551020408163264, "model_in_bounds": 1, "pred_cls": 11.567864764929825, "error_w_gmm": 0.021202220096186858, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02029934284605982}, "run_223": {"edge_length": 280, "pf": 0.4022907252186589, "in_bounds_one_im": 1, "error_one_im": 0.01687053979276012, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 12.584668491970852, "error_w_gmm": 0.023776507441096113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02276400650682352}, "run_224": {"edge_length": 280, "pf": 0.3963544551749271, "in_bounds_one_im": 1, "error_one_im": 0.0178987473033793, "one_im_sa_cls": 10.63265306122449, "model_in_bounds": 1, "pred_cls": 12.219621341749377, "error_w_gmm": 0.023032769111823406, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022051939597548583}, "run_225": {"edge_length": 310, "pf": 0.39966134067335773, "in_bounds_one_im": 1, "error_one_im": 0.014431753123415166, "one_im_sa_cls": 10.244897959183673, "model_in_bounds": 1, "pred_cls": 8.320335233960872, "error_w_gmm": 0.011131817652525577, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01056255230322806}, "run_226": {"edge_length": 310, "pf": 0.3974233157665067, "in_bounds_one_im": 1, "error_one_im": 0.014542628108320932, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 14.43935251925127, "error_w_gmm": 0.025568416420139427, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024260883907594833}, "run_227": {"edge_length": 310, "pf": 0.39687455943070055, "in_bounds_one_im": 1, "error_one_im": 0.01490802025454348, "one_im_sa_cls": 10.428571428571429, "model_in_bounds": 1, "pred_cls": 12.872948708598122, "error_w_gmm": 0.021547506152839818, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02044559728229659}, "run_228": {"edge_length": 310, "pf": 0.39526695982007987, "in_bounds_one_im": 1, "error_one_im": 0.014695524440404329, "one_im_sa_cls": 10.306122448979592, "model_in_bounds": 1, "pred_cls": 10.987272584617827, "error_w_gmm": 0.01704803004492323, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01617621799398149}}, "blobs_200.0_0.1": {"true_cls": 12.224489795918368, "true_pf": 0.0975439501939117, "run_145": {"edge_length": 300, "pf": 0.09380803703703704, "in_bounds_one_im": 1, "error_one_im": 0.04737245452131253, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 14.240618074216728, "error_w_gmm": 0.0659020603555761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06300130513699803}, "run_146": {"edge_length": 300, "pf": 0.09181644444444445, "in_bounds_one_im": 0, "error_one_im": 0.049187621477818126, "one_im_sa_cls": 11.979591836734693, "model_in_bounds": 0, "pred_cls": 10.157746691834474, "error_w_gmm": 0.04017337366076381, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.038405096270564015}, "run_147": {"edge_length": 300, "pf": 0.09693544444444445, "in_bounds_one_im": 1, "error_one_im": 0.04700611762856794, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 7.667659991903331, "error_w_gmm": 0.025569840595616258, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024444354561556768}, "run_148": {"edge_length": 300, "pf": 0.0948672962962963, "in_bounds_one_im": 1, "error_one_im": 0.044653216554384666, "one_im_sa_cls": 11.36734693877551, "model_in_bounds": 1, "pred_cls": 12.951259255112658, "error_w_gmm": 0.05680433989155037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054304031335349646}, "run_149": {"edge_length": 350, "pf": 0.09239172011661807, "in_bounds_one_im": 0, "error_one_im": 0.03929758156263367, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 0, "pred_cls": 11.382232549287307, "error_w_gmm": 0.0375431793168754, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03602632016914525}, "run_150": {"edge_length": 350, "pf": 0.093928, "in_bounds_one_im": 1, "error_one_im": 0.03894188259875972, "one_im_sa_cls": 12.061224489795919, "model_in_bounds": 0, "pred_cls": 7.889346284159284, "error_w_gmm": 0.021468540143960133, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.020601145530655746}, "run_151": {"edge_length": 350, "pf": 0.09665268804664723, "in_bounds_one_im": 1, "error_one_im": 0.03774905755086098, "one_im_sa_cls": 11.938775510204081, "model_in_bounds": 1, "pred_cls": 13.539169007651116, "error_w_gmm": 0.04750787357302603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04558841033284004}, "run_152": {"edge_length": 350, "pf": 0.0924851778425656, "in_bounds_one_im": 0, "error_one_im": 0.040377315078497865, "one_im_sa_cls": 12.285714285714286, "model_in_bounds": 0, "pred_cls": 10.762295739892368, "error_w_gmm": 0.03449890783043791, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03310504655173208}, "run_153": {"edge_length": 400, "pf": 0.09470203125, "in_bounds_one_im": 1, "error_one_im": 0.030767907088231496, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 14.900537115784921, "error_w_gmm": 0.044816837637647475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04356895216617452}, "run_154": {"edge_length": 400, "pf": 0.097218921875, "in_bounds_one_im": 1, "error_one_im": 0.030167792161389314, "one_im_sa_cls": 11.775510204081632, "model_in_bounds": 1, "pred_cls": 9.704598274673872, "error_w_gmm": 0.023216907148795873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022570452765785474}, "run_155": {"edge_length": 400, "pf": 0.095214703125, "in_bounds_one_im": 1, "error_one_im": 0.030835354168597083, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 13.767131600614618, "error_w_gmm": 0.039683333937109794, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038578386366285876}, "run_156": {"edge_length": 400, "pf": 0.095812296875, "in_bounds_one_im": 1, "error_one_im": 0.03025411291621113, "one_im_sa_cls": 11.73469387755102, "model_in_bounds": 1, "pred_cls": 13.143699000497355, "error_w_gmm": 0.036890732376710485, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03586354234297577}, "run_241": {"edge_length": 280, "pf": 0.10123833819241983, "in_bounds_one_im": 1, "error_one_im": 0.05855954686625414, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 17.982735383012326, "error_w_gmm": 0.09927589243367133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09504831888911902}, "run_242": {"edge_length": 280, "pf": 0.0930086552478134, "in_bounds_one_im": 1, "error_one_im": 0.05333606989879164, "one_im_sa_cls": 11.857142857142858, "model_in_bounds": 1, "pred_cls": 16.980329828148786, "error_w_gmm": 0.09547056115891493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09140503418408916}, "run_243": {"edge_length": 280, "pf": 0.09469214650145773, "in_bounds_one_im": 1, "error_one_im": 0.05653448705833046, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 13.73743197848553, "error_w_gmm": 0.06878755921119094, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06585830359447772}, "run_244": {"edge_length": 280, "pf": 0.09885996720116617, "in_bounds_one_im": 1, "error_one_im": 0.058225557948183904, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.401650337813509, "error_w_gmm": 0.05761234306168416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055158973855963}, "run_245": {"edge_length": 310, "pf": 0.0911145648014501, "in_bounds_one_im": 0, "error_one_im": 0.042533450527813536, "one_im_sa_cls": 11.204081632653061, "model_in_bounds": 1, "pred_cls": 15.263715381163287, "error_w_gmm": 0.0712777233609898, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06763268179160885}, "run_246": {"edge_length": 310, "pf": 0.093593400691484, "in_bounds_one_im": 1, "error_one_im": 0.04398705985609115, "one_im_sa_cls": 11.571428571428571, "model_in_bounds": 0, "pred_cls": 8.892046578606738, "error_w_gmm": 0.031228007179908118, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029631051231649167}, "run_247": {"edge_length": 310, "pf": 0.09619616662750495, "in_bounds_one_im": 1, "error_one_im": 0.04470823060394479, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 13.8398389788805, "error_w_gmm": 0.05972518778611263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056670926483224075}, "run_248": {"edge_length": 310, "pf": 0.0958137021248028, "in_bounds_one_im": 1, "error_one_im": 0.043881427060381215, "one_im_sa_cls": 11.653061224489797, "model_in_bounds": 1, "pred_cls": 12.678301844154513, "error_w_gmm": 0.052481899155612056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04979804934894209}}, "blobs_200.0_0.2": {"true_cls": 11.775510204081632, "true_pf": 0.19730892210324283, "run_157": {"edge_length": 300, "pf": 0.19371318518518518, "in_bounds_one_im": 1, "error_one_im": 0.03547709908287213, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 12.07001748241493, "error_w_gmm": 0.03375535592158044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03226957498671777}, "run_158": {"edge_length": 300, "pf": 0.19933392592592591, "in_bounds_one_im": 1, "error_one_im": 0.032797463253455894, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 17.54297427546819, "error_w_gmm": 0.05810394207076668, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055546430025280556}, "run_159": {"edge_length": 300, "pf": 0.19392725925925927, "in_bounds_one_im": 1, "error_one_im": 0.03647055047838639, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 12.002953004716264, "error_w_gmm": 0.03345149263560353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03197908659384398}, "run_160": {"edge_length": 300, "pf": 0.19883281481481482, "in_bounds_one_im": 1, "error_one_im": 0.03342079435860018, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 10.945761361307408, "error_w_gmm": 0.028681520060778568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027419069865076633}, "run_161": {"edge_length": 350, "pf": 0.1968315335276968, "in_bounds_one_im": 1, "error_one_im": 0.0293480523144792, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 14.994182241074292, "error_w_gmm": 0.03658451752549965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0351063912430804}, "run_162": {"edge_length": 350, "pf": 0.1960111720116618, "in_bounds_one_im": 1, "error_one_im": 0.03044564993714066, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 14.083637539119673, "error_w_gmm": 0.033389815652201525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03204076508603652}, "run_163": {"edge_length": 350, "pf": 0.18990476967930028, "in_bounds_one_im": 0, "error_one_im": 0.026821623852659595, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 0, "pred_cls": 14.60022382249556, "error_w_gmm": 0.035941528250264046, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.034489380699049305}, "run_164": {"edge_length": 350, "pf": 0.1926515218658892, "in_bounds_one_im": 1, "error_one_im": 0.027445990615773703, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 15.479703549889226, "error_w_gmm": 0.038890669567576225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037319367696815035}, "run_165": {"edge_length": 400, "pf": 0.19112190625, "in_bounds_one_im": 0, "error_one_im": 0.023791413637572745, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 0, "pred_cls": 14.229472340177457, "error_w_gmm": 0.0278286214917444, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027053757974344027}, "run_166": {"edge_length": 400, "pf": 0.196690375, "in_bounds_one_im": 1, "error_one_im": 0.023700782897062515, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 11.054053125134633, "error_w_gmm": 0.018717784792165543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01819660451860069}, "run_167": {"edge_length": 400, "pf": 0.196756796875, "in_bounds_one_im": 1, "error_one_im": 0.0216360517064718, "one_im_sa_cls": 12.408163265306122, "model_in_bounds": 1, "pred_cls": 10.654574565871908, "error_w_gmm": 0.01770863248204008, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01721555116798876}, "run_168": {"edge_length": 400, "pf": 0.195395890625, "in_bounds_one_im": 1, "error_one_im": 0.024353038385389995, "one_im_sa_cls": 13.387755102040817, "model_in_bounds": 1, "pred_cls": 15.816509484198207, "error_w_gmm": 0.03216781606269996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03127213148454619}, "run_261": {"edge_length": 280, "pf": 0.20027573797376094, "in_bounds_one_im": 1, "error_one_im": 0.03890512153682902, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 10.792770846891557, "error_w_gmm": 0.030957494448534354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02963919771679059}, "run_262": {"edge_length": 280, "pf": 0.1993038447521866, "in_bounds_one_im": 1, "error_one_im": 0.03755568344928822, "one_im_sa_cls": 12.612244897959183, "model_in_bounds": 1, "pred_cls": 14.201574612388745, "error_w_gmm": 0.046869593494924075, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04487369450428596}, "run_263": {"edge_length": 280, "pf": 0.19698428389212827, "in_bounds_one_im": 1, "error_one_im": 0.03728123501071966, "one_im_sa_cls": 12.489795918367347, "model_in_bounds": 1, "pred_cls": 18.731531023189923, "error_w_gmm": 0.07151819603020915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06847265872926346}, "run_264": {"edge_length": 280, "pf": 0.19720740706997084, "in_bounds_one_im": 1, "error_one_im": 0.03428268564714695, "one_im_sa_cls": 11.816326530612244, "model_in_bounds": 1, "pred_cls": 16.42387436535877, "error_w_gmm": 0.05867645831582216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05617777473028078}, "run_265": {"edge_length": 310, "pf": 0.1885058574737337, "in_bounds_one_im": 0, "error_one_im": 0.03434808462874719, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 0, "pred_cls": 14.243798415163967, "error_w_gmm": 0.04221062273452077, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04005203142040767}, "run_266": {"edge_length": 310, "pf": 0.1966168305864187, "in_bounds_one_im": 1, "error_one_im": 0.03426355415104506, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 16.824891174976738, "error_w_gmm": 0.05279370924217711, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050093913910402195}, "run_267": {"edge_length": 310, "pf": 0.1915966902755866, "in_bounds_one_im": 1, "error_one_im": 0.03400496205401637, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 16.239283032176928, "error_w_gmm": 0.050871328376638755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048269840872845075}, "run_268": {"edge_length": 310, "pf": 0.2023304017992011, "in_bounds_one_im": 1, "error_one_im": 0.03564715267406225, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 16.535307878993425, "error_w_gmm": 0.05052451321489024, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04794076134604462}}, "blobs_200.0_0.3": {"true_cls": 13.89795918367347, "true_pf": 0.2977494839891727, "run_281": {"edge_length": 280, "pf": 0.2944968112244898, "in_bounds_one_im": 1, "error_one_im": 0.031137850198787963, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 18.248658940214337, "error_w_gmm": 0.052718862105056136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05047387733311726}, "run_282": {"edge_length": 280, "pf": 0.2984780885568513, "in_bounds_one_im": 1, "error_one_im": 0.030699414574683462, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.239246737874296, "error_w_gmm": 0.039849240439374344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038152296795532906}, "run_283": {"edge_length": 280, "pf": 0.29346096027696794, "in_bounds_one_im": 1, "error_one_im": 0.031071242154175924, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 15.415667680150788, "error_w_gmm": 0.04103428097597051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03928687345918948}, "run_284": {"edge_length": 280, "pf": 0.3027210732507289, "in_bounds_one_im": 1, "error_one_im": 0.030744706370682273, "one_im_sa_cls": 13.285714285714286, "model_in_bounds": 1, "pred_cls": 18.292262208763063, "error_w_gmm": 0.051879224298974666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04966999473899077}, "run_285": {"edge_length": 310, "pf": 0.29413628276996406, "in_bounds_one_im": 1, "error_one_im": 0.02613536549505895, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 14.860716390245289, "error_w_gmm": 0.0335852441681277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03186774246720163}, "run_286": {"edge_length": 310, "pf": 0.2957036353261052, "in_bounds_one_im": 1, "error_one_im": 0.025003351253457276, "one_im_sa_cls": 12.673469387755102, "model_in_bounds": 1, "pred_cls": 16.115232745190614, "error_w_gmm": 0.03778392115189541, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03585170507148882}, "run_287": {"edge_length": 310, "pf": 0.294870665637273, "in_bounds_one_im": 1, "error_one_im": 0.026581458909882935, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 14.467615356122396, "error_w_gmm": 0.03220451761211823, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030557624306849204}, "run_288": {"edge_length": 310, "pf": 0.28649253130139973, "in_bounds_one_im": 0, "error_one_im": 0.029232011514093922, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 0, "pred_cls": 14.594429426263435, "error_w_gmm": 0.03329860594469063, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03159576251552934}, "run_289": {"edge_length": 340, "pf": 0.2921093781803379, "in_bounds_one_im": 1, "error_one_im": 0.024003470976841492, "one_im_sa_cls": 13.448979591836734, "model_in_bounds": 0, "pred_cls": 11.054550222608356, "error_w_gmm": 0.018714759188651592, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.017887582936269214}, "run_290": {"edge_length": 340, "pf": 0.3028669092204356, "in_bounds_one_im": 1, "error_one_im": 0.022494175213592097, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 16.453927517104198, "error_w_gmm": 0.033120631150837146, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03165672775375228}, "run_291": {"edge_length": 340, "pf": 0.28783131487889274, "in_bounds_one_im": 0, "error_one_im": 0.025703594933626492, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 16.682075878468147, "error_w_gmm": 0.03505579757969997, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03350636149163978}, "run_292": {"edge_length": 340, "pf": 0.2970233564013841, "in_bounds_one_im": 1, "error_one_im": 0.02591352574359987, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 15.357817778867581, "error_w_gmm": 0.03028528821539339, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0289467045362872}, "run_293": {"edge_length": 370, "pf": 0.3022570232760152, "in_bounds_one_im": 1, "error_one_im": 0.021583187453575375, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 14.952052037293457, "error_w_gmm": 0.025177934821507805, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024191134775705853}, "run_294": {"edge_length": 370, "pf": 0.30140925512802796, "in_bounds_one_im": 1, "error_one_im": 0.022492289981628256, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 17.1355087606447, "error_w_gmm": 0.030951948622702924, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029738847368169098}, "run_295": {"edge_length": 370, "pf": 0.3015896787949381, "in_bounds_one_im": 1, "error_one_im": 0.021236466269058455, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 16.640084520953057, "error_w_gmm": 0.029606682590513602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02844630641417177}, "run_296": {"edge_length": 370, "pf": 0.2988432274495094, "in_bounds_one_im": 1, "error_one_im": 0.021855357272821396, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.606079983878352, "error_w_gmm": 0.02450731529934122, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023546798877668106}, "run_297": {"edge_length": 400, "pf": 0.29551865625, "in_bounds_one_im": 1, "error_one_im": 0.018107356727049162, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 13.575321958734039, "error_w_gmm": 0.019462100077430676, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018920194998644526}, "run_298": {"edge_length": 400, "pf": 0.2960046875, "in_bounds_one_im": 1, "error_one_im": 0.01906069579158379, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 13.98051000286589, "error_w_gmm": 0.020316192007469442, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019750505489229263}, "run_299": {"edge_length": 400, "pf": 0.296654671875, "in_bounds_one_im": 1, "error_one_im": 0.019031011340626694, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 18.057545739546278, "error_w_gmm": 0.029776180620055596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02894708902969966}, "run_300": {"edge_length": 400, "pf": 0.296242578125, "in_bounds_one_im": 1, "error_one_im": 0.01930667108762126, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 16.25143224816037, "error_w_gmm": 0.025447634268960666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024739067249030695}}, "blobs_200.0_0.4": {"true_cls": 13.387755102040817, "true_pf": 0.3987641832597782, "run_301": {"edge_length": 280, "pf": 0.39237367893586006, "in_bounds_one_im": 1, "error_one_im": 0.026261798000103368, "one_im_sa_cls": 13.653061224489797, "model_in_bounds": 1, "pred_cls": 17.250338138446654, "error_w_gmm": 0.03895607367131234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037297164721563934}, "run_302": {"edge_length": 280, "pf": 0.3947019861516035, "in_bounds_one_im": 1, "error_one_im": 0.024567979135752937, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 15.119490782287, "error_w_gmm": 0.03181017946343574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03045557191622138}, "run_303": {"edge_length": 280, "pf": 0.39636698250728863, "in_bounds_one_im": 1, "error_one_im": 0.026747016769608677, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 15.877048774574154, "error_w_gmm": 0.03411165812685525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03265904420495815}, "run_304": {"edge_length": 280, "pf": 0.39403653425655977, "in_bounds_one_im": 1, "error_one_im": 0.02593608178858803, "one_im_sa_cls": 13.571428571428571, "model_in_bounds": 1, "pred_cls": 15.206451484412622, "error_w_gmm": 0.03212973917536084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030761523468593236}, "run_305": {"edge_length": 310, "pf": 0.39508244100567286, "in_bounds_one_im": 1, "error_one_im": 0.02196501806807169, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 18.89160920602201, "error_w_gmm": 0.038451246434350606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03648490428649768}, "run_306": {"edge_length": 310, "pf": 0.3982516196166628, "in_bounds_one_im": 1, "error_one_im": 0.023782411183348375, "one_im_sa_cls": 14.26530612244898, "model_in_bounds": 1, "pred_cls": 15.54189401831035, "error_w_gmm": 0.02850278952440328, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02704519733766082}, "run_307": {"edge_length": 310, "pf": 0.4009709979524017, "in_bounds_one_im": 1, "error_one_im": 0.021401563232836106, "one_im_sa_cls": 13.346938775510203, "model_in_bounds": 1, "pred_cls": 11.373486592383966, "error_w_gmm": 0.017742329291814123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01683501176318349}, "run_308": {"edge_length": 310, "pf": 0.3969928166224699, "in_bounds_one_im": 1, "error_one_im": 0.021629341558899902, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 17.881102579325194, "error_w_gmm": 0.03526664303735619, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033463156985583206}, "run_309": {"edge_length": 340, "pf": 0.3942050427437411, "in_bounds_one_im": 1, "error_one_im": 0.020079736178121733, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.75947946521897, "error_w_gmm": 0.022991674327846028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02197546210652946}, "run_310": {"edge_length": 340, "pf": 0.3988301190718502, "in_bounds_one_im": 1, "error_one_im": 0.021529150547925136, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 17.146221064940573, "error_w_gmm": 0.02851146671698811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027251284421765963}, "run_311": {"edge_length": 340, "pf": 0.3976868766537757, "in_bounds_one_im": 1, "error_one_im": 0.020374792731240873, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 16.11942988934698, "error_w_gmm": 0.026051176885695537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02489973728397577}, "run_312": {"edge_length": 340, "pf": 0.3994488856096072, "in_bounds_one_im": 1, "error_one_im": 0.019860978667289492, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 14.583078844477946, "error_w_gmm": 0.02233472017532567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02134754476225174}, "run_313": {"edge_length": 370, "pf": 0.40053765818411546, "in_bounds_one_im": 1, "error_one_im": 0.017378621402614196, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 16.13852680150944, "error_w_gmm": 0.02273340433541037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02184241289395762}, "run_314": {"edge_length": 370, "pf": 0.39526509782243896, "in_bounds_one_im": 1, "error_one_im": 0.01687686815491287, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 13.83236037621911, "error_w_gmm": 0.018238625043772657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017523797709594852}, "run_315": {"edge_length": 370, "pf": 0.3986156397449312, "in_bounds_one_im": 1, "error_one_im": 0.01838159825576455, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 14.893504651641415, "error_w_gmm": 0.02023501937322392, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019441947257267715}, "run_316": {"edge_length": 370, "pf": 0.3989935640534618, "in_bounds_one_im": 1, "error_one_im": 0.01735765308064458, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 15.207974346081741, "error_w_gmm": 0.020862821479745896, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020045143884751638}, "run_317": {"edge_length": 400, "pf": 0.3963770625, "in_bounds_one_im": 1, "error_one_im": 0.01552657254606481, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 17.88325339308915, "error_w_gmm": 0.023519094794967915, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022864226262428258}, "run_318": {"edge_length": 400, "pf": 0.397734703125, "in_bounds_one_im": 1, "error_one_im": 0.016488008870907712, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 15.754391020209102, "error_w_gmm": 0.01939196438088011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01885201216894855}, "run_319": {"edge_length": 400, "pf": 0.396399046875, "in_bounds_one_im": 1, "error_one_im": 0.015319917335309328, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 18.1915301418724, "error_w_gmm": 0.024128743160003692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023456899504328634}, "run_320": {"edge_length": 400, "pf": 0.39794390625, "in_bounds_one_im": 1, "error_one_im": 0.014727650955719753, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 16.680958666102754, "error_w_gmm": 0.021118411869232048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020530388243708283}}, "blobs_250.0_0.1": {"true_cls": 18.06122448979592, "true_pf": 0.09714656933193347, "run_321": {"edge_length": 280, "pf": 0.09541731960641399, "in_bounds_one_im": 1, "error_one_im": 0.08101771785313798, "one_im_sa_cls": 15.816326530612244, "model_in_bounds": 1, "pred_cls": 17.480916201170757, "error_w_gmm": 0.09832573876429145, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09413862664917037}, "run_322": {"edge_length": 280, "pf": 0.09745417274052479, "in_bounds_one_im": 1, "error_one_im": 0.08651403617584688, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 20.782718966552572, "error_w_gmm": 0.12597905984485522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12061435621427835}, "run_323": {"edge_length": 280, "pf": 0.08655293367346939, "in_bounds_one_im": 0, "error_one_im": 0.09167517848012677, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 20.938039961826874, "error_w_gmm": 0.1359925873912023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13020146680173617}, "run_324": {"edge_length": 280, "pf": 0.09198870262390671, "in_bounds_one_im": 1, "error_one_im": 0.09195604677522805, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 20.770120274908155, "error_w_gmm": 0.1299413277647186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12440789456018564}, "run_325": {"edge_length": 310, "pf": 0.09550481689100736, "in_bounds_one_im": 1, "error_one_im": 0.08367607708315802, "one_im_sa_cls": 17.897959183673468, "model_in_bounds": 1, "pred_cls": 16.187535615411548, "error_w_gmm": 0.07585153219316623, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07197259253420618}, "run_326": {"edge_length": 310, "pf": 0.09571578664697392, "in_bounds_one_im": 1, "error_one_im": 0.08414648534235178, "one_im_sa_cls": 17.979591836734695, "model_in_bounds": 1, "pred_cls": 18.377253309228077, "error_w_gmm": 0.09163984626844764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08695351464463225}, "run_327": {"edge_length": 310, "pf": 0.09559071531670639, "in_bounds_one_im": 1, "error_one_im": 0.0807899451814174, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 19.789247111903382, "error_w_gmm": 0.10247580043255079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09723533349815562}, "run_328": {"edge_length": 310, "pf": 0.08914534590983854, "in_bounds_one_im": 0, "error_one_im": 0.07686058311803681, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 0, "pred_cls": 16.06286962155021, "error_w_gmm": 0.07787761925363425, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07389506837913083}, "run_329": {"edge_length": 340, "pf": 0.09359182271524527, "in_bounds_one_im": 1, "error_one_im": 0.06807122084300951, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 18.55470355269537, "error_w_gmm": 0.08135538097592185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07775954314181191}, "run_330": {"edge_length": 340, "pf": 0.08940285975982089, "in_bounds_one_im": 0, "error_one_im": 0.07528962092216242, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 19.612717917289462, "error_w_gmm": 0.09066849499842919, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08666102553831276}, "run_331": {"edge_length": 340, "pf": 0.09532978831671077, "in_bounds_one_im": 1, "error_one_im": 0.07758642121922388, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 23.754236418808336, "error_w_gmm": 0.11665537148547263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11149930444592732}, "run_332": {"edge_length": 340, "pf": 0.0947904538978221, "in_bounds_one_im": 1, "error_one_im": 0.07478471907358097, "one_im_sa_cls": 18.163265306122447, "model_in_bounds": 1, "pred_cls": 19.936838332175896, "error_w_gmm": 0.08997855000341591, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08600157551839215}, "run_333": {"edge_length": 370, "pf": 0.0917545851183543, "in_bounds_one_im": 1, "error_one_im": 0.06282008159453462, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 1, "pred_cls": 19.331103401384382, "error_w_gmm": 0.07664468677717096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0736407477742951}, "run_334": {"edge_length": 370, "pf": 0.09400791660908535, "in_bounds_one_im": 1, "error_one_im": 0.06385001989856373, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 21.65266225787634, "error_w_gmm": 0.08965124165110891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08613753609921636}, "run_335": {"edge_length": 370, "pf": 0.09343663751406629, "in_bounds_one_im": 1, "error_one_im": 0.060993823658266375, "one_im_sa_cls": 17.163265306122447, "model_in_bounds": 1, "pred_cls": 20.139096422985855, "error_w_gmm": 0.08068816184526642, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07752574672388902}, "run_336": {"edge_length": 370, "pf": 0.08564108739857462, "in_bounds_one_im": 0, "error_one_im": 0.06398271185153653, "one_im_sa_cls": 17.163265306122447, "model_in_bounds": 0, "pred_cls": 18.863141427105727, "error_w_gmm": 0.07672690232875704, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07371974104769805}, "run_337": {"edge_length": 400, "pf": 0.095977734375, "in_bounds_one_im": 1, "error_one_im": 0.05528610286304659, "one_im_sa_cls": 17.551020408163264, "model_in_bounds": 1, "pred_cls": 17.166388562689654, "error_w_gmm": 0.05501041507269486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05347869839281803}, "run_338": {"edge_length": 400, "pf": 0.09509290625, "in_bounds_one_im": 1, "error_one_im": 0.05850283740786353, "one_im_sa_cls": 18.163265306122447, "model_in_bounds": 1, "pred_cls": 17.25808915798327, "error_w_gmm": 0.055736436137170074, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05418450403857799}, "run_339": {"edge_length": 400, "pf": 0.093905421875, "in_bounds_one_im": 1, "error_one_im": 0.05546954300197835, "one_im_sa_cls": 17.448979591836736, "model_in_bounds": 1, "pred_cls": 19.056435043374055, "error_w_gmm": 0.06512175820543487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06330850005905737}, "run_340": {"edge_length": 400, "pf": 0.08790490625, "in_bounds_one_im": 0, "error_one_im": 0.05762197414682384, "one_im_sa_cls": 17.46938775510204, "model_in_bounds": 0, "pred_cls": 18.880057990166236, "error_w_gmm": 0.06659485620321319, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0647405809372355}}, "blobs_250.0_0.2": {"true_cls": 17.775510204081634, "true_pf": 0.19632558100956213, "run_341": {"edge_length": 280, "pf": 0.1861036807580175, "in_bounds_one_im": 1, "error_one_im": 0.06737665011425757, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 21.80722450859569, "error_w_gmm": 0.09305035981536808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08908789491252823}, "run_342": {"edge_length": 280, "pf": 0.18689627368804665, "in_bounds_one_im": 1, "error_one_im": 0.06754210448855535, "one_im_sa_cls": 18.163265306122447, "model_in_bounds": 1, "pred_cls": 19.140450648856497, "error_w_gmm": 0.0763152438695424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07306542865136646}, "run_343": {"edge_length": 280, "pf": 0.18527532798833818, "in_bounds_one_im": 1, "error_one_im": 0.07559627584233802, "one_im_sa_cls": 19.510204081632654, "model_in_bounds": 1, "pred_cls": 18.434196128913463, "error_w_gmm": 0.07251758760335492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0694294921216494}, "run_344": {"edge_length": 280, "pf": 0.18494155430029155, "in_bounds_one_im": 1, "error_one_im": 0.0685533372094322, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 21.276174212859804, "error_w_gmm": 0.09001768394917403, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08618436278855438}, "run_345": {"edge_length": 310, "pf": 0.18185243865596992, "in_bounds_one_im": 0, "error_one_im": 0.06095786869946871, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 22.66299814797112, "error_w_gmm": 0.08660342379089482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08217464766164352}, "run_346": {"edge_length": 310, "pf": 0.1877539525360008, "in_bounds_one_im": 1, "error_one_im": 0.06135884406606133, "one_im_sa_cls": 18.897959183673468, "model_in_bounds": 1, "pred_cls": 21.16130477241335, "error_w_gmm": 0.07662415244114099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07270570207970019}, "run_347": {"edge_length": 310, "pf": 0.1896888657648283, "in_bounds_one_im": 1, "error_one_im": 0.060183914995114766, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 20.522627496877003, "error_w_gmm": 0.07272055561533143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0690017296530613}, "run_348": {"edge_length": 310, "pf": 0.1895283139203115, "in_bounds_one_im": 1, "error_one_im": 0.062392887472992126, "one_im_sa_cls": 19.183673469387756, "model_in_bounds": 1, "pred_cls": 26.88085260055347, "error_w_gmm": 0.10906846341994154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10349085706092899}, "run_349": {"edge_length": 340, "pf": 0.18129429574598005, "in_bounds_one_im": 0, "error_one_im": 0.05247074615186346, "one_im_sa_cls": 18.408163265306122, "model_in_bounds": 0, "pred_cls": 23.16891419287081, "error_w_gmm": 0.0775162327952209, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.07409008200717149}, "run_350": {"edge_length": 340, "pf": 0.1886975117036434, "in_bounds_one_im": 1, "error_one_im": 0.05068809006499765, "one_im_sa_cls": 18.285714285714285, "model_in_bounds": 1, "pred_cls": 17.628592030841283, "error_w_gmm": 0.050199230101611335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04798046732676814}, "run_351": {"edge_length": 340, "pf": 0.18890235090576024, "in_bounds_one_im": 1, "error_one_im": 0.05150457191599042, "one_im_sa_cls": 18.489795918367346, "model_in_bounds": 1, "pred_cls": 23.808465082258756, "error_w_gmm": 0.07873671375172718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07525661875560483}, "run_352": {"edge_length": 340, "pf": 0.19756905149603093, "in_bounds_one_im": 1, "error_one_im": 0.047380685387399264, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 21.873242224214387, "error_w_gmm": 0.06743361150774903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06445310390466871}, "run_353": {"edge_length": 370, "pf": 0.1912478826525576, "in_bounds_one_im": 1, "error_one_im": 0.045024933379118635, "one_im_sa_cls": 18.489795918367346, "model_in_bounds": 0, "pred_cls": 11.133958003630257, "error_w_gmm": 0.021897429389655408, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0210392023556336}, "run_354": {"edge_length": 370, "pf": 0.20131893471265275, "in_bounds_one_im": 1, "error_one_im": 0.045647403760811806, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 22.10458959049564, "error_w_gmm": 0.05933042169216503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05700508153784592}, "run_355": {"edge_length": 370, "pf": 0.18880974473377687, "in_bounds_one_im": 1, "error_one_im": 0.04583453210453128, "one_im_sa_cls": 18.612244897959183, "model_in_bounds": 1, "pred_cls": 24.03972057559673, "error_w_gmm": 0.07002492490615202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06728043455797443}, "run_356": {"edge_length": 370, "pf": 0.18353522989753815, "in_bounds_one_im": 0, "error_one_im": 0.04211334924570929, "one_im_sa_cls": 17.387755102040817, "model_in_bounds": 0, "pred_cls": 19.599375243290876, "error_w_gmm": 0.05245437485210668, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.050398527941963804}, "run_357": {"edge_length": 400, "pf": 0.18767090625, "in_bounds_one_im": 0, "error_one_im": 0.041738752937849496, "one_im_sa_cls": 18.857142857142858, "model_in_bounds": 1, "pred_cls": 20.464747713422046, "error_w_gmm": 0.048539949298435796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04718839705360108}, "run_358": {"edge_length": 400, "pf": 0.192797234375, "in_bounds_one_im": 1, "error_one_im": 0.042592180394594475, "one_im_sa_cls": 19.3265306122449, "model_in_bounds": 1, "pred_cls": 22.81818947910283, "error_w_gmm": 0.05620628630682409, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05464127164303133}, "run_359": {"edge_length": 400, "pf": 0.1872793125, "in_bounds_one_im": 0, "error_one_im": 0.042609212849330856, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 21.457875061551658, "error_w_gmm": 0.05218287706708015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050729890698917306}, "run_360": {"edge_length": 400, "pf": 0.1968210625, "in_bounds_one_im": 1, "error_one_im": 0.043388442897463436, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 21.89893860213696, "error_w_gmm": 0.05217076030133985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05071811131387415}}, "blobs_250.0_0.3": {"true_cls": 22.693877551020407, "true_pf": 0.29730342020463435, "run_361": {"edge_length": 280, "pf": 0.2928378279883382, "in_bounds_one_im": 1, "error_one_im": 0.04721569565313924, "one_im_sa_cls": 17.408163265306122, "model_in_bounds": 1, "pred_cls": 20.93846682210273, "error_w_gmm": 0.06505394574424156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06228368265966805}, "run_362": {"edge_length": 280, "pf": 0.2923538629737609, "in_bounds_one_im": 1, "error_one_im": 0.058479123203980826, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 25.183608900170828, "error_w_gmm": 0.08590946310428699, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08225108679012773}, "run_363": {"edge_length": 280, "pf": 0.28932097303207, "in_bounds_one_im": 1, "error_one_im": 0.05438605825085366, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 23.7180697576183, "error_w_gmm": 0.07909994981322208, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07573155042633946}, "run_364": {"edge_length": 280, "pf": 0.2848672558309038, "in_bounds_one_im": 1, "error_one_im": 0.055779346905153494, "one_im_sa_cls": 19.20408163265306, "model_in_bounds": 1, "pred_cls": 21.88039882246152, "error_w_gmm": 0.07085415457730476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0678368948773956}, "run_365": {"edge_length": 310, "pf": 0.2957249504884025, "in_bounds_one_im": 1, "error_one_im": 0.046784946466187805, "one_im_sa_cls": 19.244897959183675, "model_in_bounds": 1, "pred_cls": 24.79011707286411, "error_w_gmm": 0.07208548015646513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06839913105145289}, "run_366": {"edge_length": 310, "pf": 0.300313618206841, "in_bounds_one_im": 1, "error_one_im": 0.05083656488242169, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 22.720721255885326, "error_w_gmm": 0.06256048822725277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.059361233685490754}, "run_367": {"edge_length": 310, "pf": 0.26784488603940787, "in_bounds_one_im": 0, "error_one_im": 0.051243549863347476, "one_im_sa_cls": 19.53061224489796, "model_in_bounds": 0, "pred_cls": 21.34871887089553, "error_w_gmm": 0.06171921014961472, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05856297737425883}, "run_368": {"edge_length": 310, "pf": 0.29424534255312007, "in_bounds_one_im": 1, "error_one_im": 0.04981808382217831, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 23.773501079436436, "error_w_gmm": 0.06793828122816312, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06446401398796565}, "run_369": {"edge_length": 340, "pf": 0.3086229645837574, "in_bounds_one_im": 1, "error_one_im": 0.04013454114047962, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 19.750155207689307, "error_w_gmm": 0.04296961112223227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0410703912853042}, "run_370": {"edge_length": 340, "pf": 0.2700488499898229, "in_bounds_one_im": 0, "error_one_im": 0.046184006396286864, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 0, "pred_cls": 23.324390727366627, "error_w_gmm": 0.06057640457653142, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05789897961929222}, "run_371": {"edge_length": 340, "pf": 0.2871277478119275, "in_bounds_one_im": 1, "error_one_im": 0.0408627637744733, "one_im_sa_cls": 19.020408163265305, "model_in_bounds": 1, "pred_cls": 20.355225850414964, "error_w_gmm": 0.04733086696028727, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0452388833681092}, "run_372": {"edge_length": 340, "pf": 0.28949885507836354, "in_bounds_one_im": 1, "error_one_im": 0.03695784508768599, "one_im_sa_cls": 17.857142857142858, "model_in_bounds": 1, "pred_cls": 17.20882526503013, "error_w_gmm": 0.036580370628587607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03496354972363772}, "run_373": {"edge_length": 370, "pf": 0.27448698004066885, "in_bounds_one_im": 0, "error_one_im": 0.03816035746809487, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 0, "pred_cls": 24.553098636900117, "error_w_gmm": 0.05669314665041223, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05447116934735332}, "run_374": {"edge_length": 370, "pf": 0.2782268572443883, "in_bounds_one_im": 0, "error_one_im": 0.0413850054680934, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 0, "pred_cls": 23.03423232261522, "error_w_gmm": 0.05103531702532122, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.049035087318828906}, "run_375": {"edge_length": 370, "pf": 0.2915848222217835, "in_bounds_one_im": 1, "error_one_im": 0.03821683366584825, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 20.236497705918126, "error_w_gmm": 0.040669971554548635, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03907599134619125}, "run_376": {"edge_length": 370, "pf": 0.30387789469527965, "in_bounds_one_im": 1, "error_one_im": 0.03831248791256655, "one_im_sa_cls": 20.367346938775512, "model_in_bounds": 1, "pred_cls": 21.518019282761134, "error_w_gmm": 0.04330180155560939, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04160467190374123}, "run_377": {"edge_length": 400, "pf": 0.30062540625, "in_bounds_one_im": 1, "error_one_im": 0.030202944178828895, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 24.123296055284566, "error_w_gmm": 0.04554275021588585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044274652346401336}, "run_378": {"edge_length": 400, "pf": 0.293871734375, "in_bounds_one_im": 1, "error_one_im": 0.03329404676218463, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 21.37693228244768, "error_w_gmm": 0.038610298541694725, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03753522869877158}, "run_379": {"edge_length": 400, "pf": 0.279981, "in_bounds_one_im": 0, "error_one_im": 0.03709473254500212, "one_im_sa_cls": 20.73469387755102, "model_in_bounds": 0, "pred_cls": 22.265935433007677, "error_w_gmm": 0.042461107119790086, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04127881489502728}, "run_380": {"edge_length": 400, "pf": 0.29479553125, "in_bounds_one_im": 1, "error_one_im": 0.032911383972381004, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 23.029735435734903, "error_w_gmm": 0.04307771915558417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041878257910391556}}, "blobs_250.0_0.4": {"true_cls": 19.816326530612244, "true_pf": 0.39790067283761027, "run_381": {"edge_length": 280, "pf": 0.38044815962099127, "in_bounds_one_im": 0, "error_one_im": 0.04097537264672613, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 19.25563659526449, "error_w_gmm": 0.047112733983372276, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.045106481076275864}, "run_382": {"edge_length": 280, "pf": 0.4030015488338192, "in_bounds_one_im": 1, "error_one_im": 0.040748559162315144, "one_im_sa_cls": 18.571428571428573, "model_in_bounds": 1, "pred_cls": 21.06318979730946, "error_w_gmm": 0.05140789961611219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049218740988872724}, "run_383": {"edge_length": 280, "pf": 0.38720563046647233, "in_bounds_one_im": 1, "error_one_im": 0.04492508247659124, "one_im_sa_cls": 19.387755102040817, "model_in_bounds": 1, "pred_cls": 27.367914917601546, "error_w_gmm": 0.07869724365635596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07534599314472665}, "run_384": {"edge_length": 280, "pf": 0.3910714741253644, "in_bounds_one_im": 1, "error_one_im": 0.046617185783583176, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 1, "pred_cls": 29.89716317210859, "error_w_gmm": 0.08912724185940568, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08533183936493324}, "run_385": {"edge_length": 310, "pf": 0.3909707965492934, "in_bounds_one_im": 1, "error_one_im": 0.0403936106811518, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 22.272180345218114, "error_w_gmm": 0.04964708596763045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04710820448239934}, "run_386": {"edge_length": 310, "pf": 0.3739780134940083, "in_bounds_one_im": 0, "error_one_im": 0.041364238522380796, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 0, "pred_cls": 25.439231730921517, "error_w_gmm": 0.06282471201955062, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05961194544820723}, "run_387": {"edge_length": 310, "pf": 0.40184246920210803, "in_bounds_one_im": 1, "error_one_im": 0.04265396766263266, "one_im_sa_cls": 21.163265306122447, "model_in_bounds": 1, "pred_cls": 23.9058732791138, "error_w_gmm": 0.05396840109741553, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05120853369204368}, "run_388": {"edge_length": 310, "pf": 0.3878789902990836, "in_bounds_one_im": 1, "error_one_im": 0.03954773870906648, "one_im_sa_cls": 19.73469387755102, "model_in_bounds": 1, "pred_cls": 21.00534058658698, "error_w_gmm": 0.04576862525257096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04342808274149598}, "run_389": {"edge_length": 340, "pf": 0.3901747659271321, "in_bounds_one_im": 1, "error_one_im": 0.03722931499456643, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 16.268386464824083, "error_w_gmm": 0.026831943190788365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02564599439022066}, "run_390": {"edge_length": 340, "pf": 0.386545008141665, "in_bounds_one_im": 1, "error_one_im": 0.03495697442414172, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 22.93231157984357, "error_w_gmm": 0.04525070677915232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04325066447703529}, "run_391": {"edge_length": 340, "pf": 0.3898490484429066, "in_bounds_one_im": 1, "error_one_im": 0.03649192728257457, "one_im_sa_cls": 20.571428571428573, "model_in_bounds": 1, "pred_cls": 27.476929257234232, "error_w_gmm": 0.058936589238524704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056331642708190105}, "run_392": {"edge_length": 340, "pf": 0.3939022491349481, "in_bounds_one_im": 1, "error_one_im": 0.031241508446444802, "one_im_sa_cls": 18.653061224489797, "model_in_bounds": 1, "pred_cls": 22.477158009671868, "error_w_gmm": 0.0432365967257877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.041325576354919354}, "run_393": {"edge_length": 370, "pf": 0.40027881862870907, "in_bounds_one_im": 1, "error_one_im": 0.030011425182628476, "one_im_sa_cls": 19.93877551020408, "model_in_bounds": 1, "pred_cls": 24.22075357826444, "error_w_gmm": 0.0418200198703037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04018096576137789}, "run_394": {"edge_length": 370, "pf": 0.3838637593034963, "in_bounds_one_im": 0, "error_one_im": 0.02997255515587567, "one_im_sa_cls": 19.46938775510204, "model_in_bounds": 0, "pred_cls": 19.477142774875595, "error_w_gmm": 0.031213830066411517, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.02999046487949083}, "run_395": {"edge_length": 370, "pf": 0.38365885534914024, "in_bounds_one_im": 0, "error_one_im": 0.028396910510483382, "one_im_sa_cls": 18.775510204081634, "model_in_bounds": 0, "pred_cls": 18.314204890996454, "error_w_gmm": 0.02847275155424697, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.027356817593140726}, "run_396": {"edge_length": 370, "pf": 0.3920894715021815, "in_bounds_one_im": 1, "error_one_im": 0.026992455324436414, "one_im_sa_cls": 18.367346938775512, "model_in_bounds": 1, "pred_cls": 22.815330156082627, "error_w_gmm": 0.038893475001394964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03736912111038442}, "run_397": {"edge_length": 400, "pf": 0.394785796875, "in_bounds_one_im": 1, "error_one_im": 0.029746738680992358, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 25.54615552744311, "error_w_gmm": 0.04028879897056824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03916699275780158}, "run_398": {"edge_length": 400, "pf": 0.38851184375, "in_bounds_one_im": 1, "error_one_im": 0.026197219327767186, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 1, "pred_cls": 22.180150083508217, "error_w_gmm": 0.03302636768439648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03210677749059253}, "run_399": {"edge_length": 400, "pf": 0.393384296875, "in_bounds_one_im": 1, "error_one_im": 0.02949124495914033, "one_im_sa_cls": 21.10204081632653, "model_in_bounds": 1, "pred_cls": 22.881736932809336, "error_w_gmm": 0.03425342429524196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03329966778810438}, "run_400": {"edge_length": 400, "pf": 0.389696734375, "in_bounds_one_im": 1, "error_one_im": 0.026712398092170492, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 23.110237176149823, "error_w_gmm": 0.03503791582381901, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03406231583926077}}, "fractal_noise_0.015_2_True_simplex": {"true_cls": 14.53061224489796, "true_pf": 0.5001920601851851, "run_401": {"edge_length": 280, "pf": 0.5081373451166181, "in_bounds_one_im": 1, "error_one_im": 0.04845214251242951, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 23.683827802864727, "error_w_gmm": 0.04954725670626691, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047437331864276594}, "run_402": {"edge_length": 280, "pf": 0.49967752368804663, "in_bounds_one_im": 1, "error_one_im": 0.04403834413670385, "one_im_sa_cls": 22.285714285714285, "model_in_bounds": 1, "pred_cls": 22.807888952296988, "error_w_gmm": 0.04762315217769743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04559516357624382}, "run_403": {"edge_length": 280, "pf": 0.5115391763848397, "in_bounds_one_im": 1, "error_one_im": 0.042122670578326964, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 17.278836485904932, "error_w_gmm": 0.030666030610744358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02936014560131945}, "run_404": {"edge_length": 280, "pf": 0.493584320335277, "in_bounds_one_im": 1, "error_one_im": 0.046676405504507856, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 16.799434091920986, "error_w_gmm": 0.030473706237565283, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029176011186569227}, "run_405": {"edge_length": 310, "pf": 0.5001087576784935, "in_bounds_one_im": 1, "error_one_im": 0.042265076439933116, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 15.403580666863176, "error_w_gmm": 0.02287393204880279, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021704191641258964}, "run_406": {"edge_length": 310, "pf": 0.4994235507367997, "in_bounds_one_im": 1, "error_one_im": 0.03870877674111648, "one_im_sa_cls": 22.632653061224488, "model_in_bounds": 1, "pred_cls": 10.710768825961146, "error_w_gmm": 0.013281111658462465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012601934465365162}, "run_407": {"edge_length": 310, "pf": 0.49203725957503947, "in_bounds_one_im": 1, "error_one_im": 0.038966520927968734, "one_im_sa_cls": 22.510204081632654, "model_in_bounds": 0, "pred_cls": 7.986874297109546, "error_w_gmm": 0.008679305367299307, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008235458014081624}, "run_408": {"edge_length": 310, "pf": 0.4978030948944312, "in_bounds_one_im": 1, "error_one_im": 0.03726934987967355, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 8.627840506014447, "error_w_gmm": 0.009633057297290113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00914043642455237}, "run_409": {"edge_length": 340, "pf": 0.5019407948300427, "in_bounds_one_im": 1, "error_one_im": 0.03075883316471304, "one_im_sa_cls": 21.367346938775512, "model_in_bounds": 1, "pred_cls": 13.584204124460836, "error_w_gmm": 0.016312774593227806, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015591763993093168}, "run_410": {"edge_length": 340, "pf": 0.49496883268878483, "in_bounds_one_im": 1, "error_one_im": 0.03087846964164813, "one_im_sa_cls": 21.224489795918366, "model_in_bounds": 1, "pred_cls": 13.13774989484684, "error_w_gmm": 0.01573308710173215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0150376981899096}, "run_411": {"edge_length": 340, "pf": 0.5014733869326278, "in_bounds_one_im": 1, "error_one_im": 0.03012835153533104, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 11.164784033372706, "error_w_gmm": 0.012166285874661948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011628546507899618}, "run_412": {"edge_length": 340, "pf": 0.5046493232240993, "in_bounds_one_im": 1, "error_one_im": 0.03289983098029901, "one_im_sa_cls": 22.428571428571427, "model_in_bounds": 1, "pred_cls": 17.317276893393544, "error_w_gmm": 0.023353029758199792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022320845937802165}, "run_413": {"edge_length": 370, "pf": 0.5007243203758909, "in_bounds_one_im": 1, "error_one_im": 0.029448668603334928, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 14.05683664235321, "error_w_gmm": 0.015083829976529841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014492648681589258}, "run_414": {"edge_length": 370, "pf": 0.4963797800722563, "in_bounds_one_im": 1, "error_one_im": 0.029947943927585444, "one_im_sa_cls": 22.6734693877551, "model_in_bounds": 1, "pred_cls": 20.602877836230824, "error_w_gmm": 0.02699887933832096, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025940710923932277}, "run_415": {"edge_length": 370, "pf": 0.4995618028547174, "in_bounds_one_im": 1, "error_one_im": 0.029037701807869264, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 10.286853258058569, "error_w_gmm": 0.009464851384239716, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009093894995413894}, "run_416": {"edge_length": 370, "pf": 0.4957404694687383, "in_bounds_one_im": 1, "error_one_im": 0.029421255189809665, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 0, "pred_cls": 9.810212358911388, "error_w_gmm": 0.0088823289386864, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.008534203380904926}, "run_417": {"edge_length": 400, "pf": 0.5044360625, "in_bounds_one_im": 1, "error_one_im": 0.029576753261878027, "one_im_sa_cls": 24.571428571428573, "model_in_bounds": 1, "pred_cls": 11.534154555572844, "error_w_gmm": 0.00978470262558387, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009512256177044322}, "run_418": {"edge_length": 400, "pf": 0.496710109375, "in_bounds_one_im": 1, "error_one_im": 0.026123510011670813, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 19.52559925073427, "error_w_gmm": 0.02188700607811597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021277581622072318}, "run_419": {"edge_length": 400, "pf": 0.499421609375, "in_bounds_one_im": 1, "error_one_im": 0.027815008693611542, "one_im_sa_cls": 23.428571428571427, "model_in_bounds": 1, "pred_cls": 20.571056389624164, "error_w_gmm": 0.023540163412945604, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022884708243247433}, "run_420": {"edge_length": 400, "pf": 0.497790359375, "in_bounds_one_im": 1, "error_one_im": 0.02528692161477778, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 19.12101971085529, "error_w_gmm": 0.021164501956894535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020575194993370936}}, "fractal_noise_0.015_2_True_value": {"true_cls": 54.10204081632653, "true_pf": 0.49821103055555555, "run_421": {"edge_length": 280, "pf": 0.5299347212099126, "in_bounds_one_im": 1, "error_one_im": 0.12422917719315374, "one_im_sa_cls": 46.326530612244895, "model_in_bounds": 1, "pred_cls": 65.99367837461806, "error_w_gmm": 0.2206133587805975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21121873964102336}, "run_422": {"edge_length": 280, "pf": 0.4367305029154519, "in_bounds_one_im": 0, "error_one_im": 0.133861543405147, "one_im_sa_cls": 42.97959183673469, "model_in_bounds": 1, "pred_cls": 66.03018009621363, "error_w_gmm": 0.26624133384935095, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.25490368891002346}, "run_423": {"edge_length": 280, "pf": 0.5460876002186589, "in_bounds_one_im": 1, "error_one_im": 0.1274793364254132, "one_im_sa_cls": 48.16326530612245, "model_in_bounds": 1, "pred_cls": 70.76971459197932, "error_w_gmm": 0.23715726641249557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22705814002031866}, "run_424": {"edge_length": 280, "pf": 0.3681036352040816, "in_bounds_one_im": 0, "error_one_im": 0.18717205921799787, "one_im_sa_cls": 48.857142857142854, "model_in_bounds": 1, "pred_cls": 74.20864530346037, "error_w_gmm": 0.36595697953852185, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.35037303456240415}, "run_425": {"edge_length": 310, "pf": 0.5112977744956531, "in_bounds_one_im": 1, "error_one_im": 0.10916434682825427, "one_im_sa_cls": 45.89795918367347, "model_in_bounds": 1, "pred_cls": 66.40127420972517, "error_w_gmm": 0.20019470598136474, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1899570329628765}, "run_426": {"edge_length": 310, "pf": 0.5195341546104528, "in_bounds_one_im": 1, "error_one_im": 0.09454337779170191, "one_im_sa_cls": 42.16326530612245, "model_in_bounds": 1, "pred_cls": 64.01044149007188, "error_w_gmm": 0.18638167217503757, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1768503780930416}, "run_427": {"edge_length": 310, "pf": 0.5122621932798496, "in_bounds_one_im": 1, "error_one_im": 0.12070998953895364, "one_im_sa_cls": 49.142857142857146, "model_in_bounds": 1, "pred_cls": 71.69490443156542, "error_w_gmm": 0.2241724585651637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2127085973242257}, "run_428": {"edge_length": 310, "pf": 0.457122855896076, "in_bounds_one_im": 1, "error_one_im": 0.10281105767653648, "one_im_sa_cls": 41.02040816326531, "model_in_bounds": 1, "pred_cls": 66.46437268415413, "error_w_gmm": 0.22347062169196819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21204265139222594}, "run_429": {"edge_length": 340, "pf": 0.49854785772440463, "in_bounds_one_im": 1, "error_one_im": 0.10626972321430793, "one_im_sa_cls": 48.61224489795919, "model_in_bounds": 1, "pred_cls": 68.40425248804682, "error_w_gmm": 0.18558730645078594, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17738450720061968}, "run_430": {"edge_length": 340, "pf": 0.4790538622023204, "in_bounds_one_im": 1, "error_one_im": 0.10525161979043669, "one_im_sa_cls": 47.06122448979592, "model_in_bounds": 1, "pred_cls": 65.70655944817565, "error_w_gmm": 0.18166849873290444, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17363890741179627}, "run_431": {"edge_length": 340, "pf": 0.5441136271117444, "in_bounds_one_im": 1, "error_one_im": 0.09328929478371258, "one_im_sa_cls": 47.36734693877551, "model_in_bounds": 1, "pred_cls": 60.093707641634936, "error_w_gmm": 0.13947273006376543, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13330815540903784}, "run_432": {"edge_length": 340, "pf": 0.5502749847343782, "in_bounds_one_im": 0, "error_one_im": 0.08502629477051911, "one_im_sa_cls": 44.89795918367347, "model_in_bounds": 1, "pred_cls": 57.1699784182164, "error_w_gmm": 0.12781975420746927, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12217023105838745}, "run_433": {"edge_length": 370, "pf": 0.43610307385544783, "in_bounds_one_im": 0, "error_one_im": 0.10460407078464277, "one_im_sa_cls": 48.142857142857146, "model_in_bounds": 1, "pred_cls": 66.96914096426305, "error_w_gmm": 0.1786186286460261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17161801989163286}, "run_434": {"edge_length": 370, "pf": 0.49872070755927583, "in_bounds_one_im": 1, "error_one_im": 0.08954184026260056, "one_im_sa_cls": 47.204081632653065, "model_in_bounds": 1, "pred_cls": 116.7259263685822, "error_w_gmm": 0.36238611112918007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.34818309433707945}, "run_435": {"edge_length": 370, "pf": 0.43580607269065996, "in_bounds_one_im": 0, "error_one_im": 0.09221633684843504, "one_im_sa_cls": 44.244897959183675, "model_in_bounds": 1, "pred_cls": 68.55578383427255, "error_w_gmm": 0.18511562802814355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17786038205535648}, "run_436": {"edge_length": 370, "pf": 0.47402209148520325, "in_bounds_one_im": 1, "error_one_im": 0.0989412991760369, "one_im_sa_cls": 48.816326530612244, "model_in_bounds": 1, "pred_cls": 97.0096408255865, "error_w_gmm": 0.28848030902388455, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2771738859921363}, "run_437": {"edge_length": 400, "pf": 0.513738984375, "in_bounds_one_im": 1, "error_one_im": 0.09170224011260115, "one_im_sa_cls": 52.89795918367347, "model_in_bounds": 1, "pred_cls": 71.76134094686921, "error_w_gmm": 0.1490463964954855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1448963305255054}, "run_438": {"edge_length": 400, "pf": 0.49718571875, "in_bounds_one_im": 1, "error_one_im": 0.08240478754991422, "one_im_sa_cls": 48.183673469387756, "model_in_bounds": 1, "pred_cls": 70.89054048883104, "error_w_gmm": 0.15126871168561193, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1470567673015141}, "run_439": {"edge_length": 400, "pf": 0.474566859375, "in_bounds_one_im": 1, "error_one_im": 0.09964007215965848, "one_im_sa_cls": 53.06122448979592, "model_in_bounds": 1, "pred_cls": 67.20558005871601, "error_w_gmm": 0.14609663923130287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14202870666091935}, "run_440": {"edge_length": 400, "pf": 0.508200234375, "in_bounds_one_im": 1, "error_one_im": 0.08925829260162024, "one_im_sa_cls": 51.57142857142857, "model_in_bounds": 1, "pred_cls": 69.69574791375157, "error_w_gmm": 0.14424751826055016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14023107283910505}}, "fractal_noise_0.015_7_True_simplex": {"true_cls": 13.938775510204081, "true_pf": 0.49983873194444445, "run_441": {"edge_length": 280, "pf": 0.5036423104956268, "in_bounds_one_im": 1, "error_one_im": 0.04715559622351036, "one_im_sa_cls": 23.448979591836736, "model_in_bounds": 1, "pred_cls": 29.118963599645657, "error_w_gmm": 0.06815701275147161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06525460838198828}, "run_442": {"edge_length": 280, "pf": 0.498423833819242, "in_bounds_one_im": 1, "error_one_im": 0.04324237353763466, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 12.246941702409904, "error_w_gmm": 0.018785420665896262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017985460620374715}, "run_443": {"edge_length": 280, "pf": 0.4863699890670554, "in_bounds_one_im": 1, "error_one_im": 0.047607612252687864, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 0, "pred_cls": 15.482110036053536, "error_w_gmm": 0.02735252599679805, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.026187743566279977}, "run_444": {"edge_length": 280, "pf": 0.5052330083819242, "in_bounds_one_im": 1, "error_one_im": 0.042183050460710296, "one_im_sa_cls": 21.816326530612244, "model_in_bounds": 1, "pred_cls": 20.25688732206738, "error_w_gmm": 0.03942066743800891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0377419741854566}, "run_445": {"edge_length": 310, "pf": 0.4914551374576214, "in_bounds_one_im": 1, "error_one_im": 0.03795568302837613, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 23.34263000049565, "error_w_gmm": 0.04341603279999673, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04119579852663035}, "run_446": {"edge_length": 310, "pf": 0.4930637776509684, "in_bounds_one_im": 1, "error_one_im": 0.03741530064721108, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 22.844932650281656, "error_w_gmm": 0.04189987209231127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03975717212482314}, "run_447": {"edge_length": 310, "pf": 0.4930232620590111, "in_bounds_one_im": 1, "error_one_im": 0.03857284592282212, "one_im_sa_cls": 22.387755102040817, "model_in_bounds": 1, "pred_cls": 19.544744943732237, "error_w_gmm": 0.03315950839656647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03146377821851935}, "run_448": {"edge_length": 310, "pf": 0.49944103924003896, "in_bounds_one_im": 1, "error_one_im": 0.03881217902923802, "one_im_sa_cls": 22.6734693877551, "model_in_bounds": 1, "pred_cls": 12.313885052146249, "error_w_gmm": 0.01637121498352413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015534014293850106}, "run_449": {"edge_length": 340, "pf": 0.505954177691838, "in_bounds_one_im": 1, "error_one_im": 0.03394009743437621, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 23.1285011600312, "error_w_gmm": 0.03595104798097534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.034362042595527664}, "run_450": {"edge_length": 340, "pf": 0.5030824598005292, "in_bounds_one_im": 1, "error_one_im": 0.03322857989393315, "one_im_sa_cls": 22.53061224489796, "model_in_bounds": 1, "pred_cls": 22.480526506385452, "error_w_gmm": 0.034649310070201514, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03311784038028502}, "run_451": {"edge_length": 340, "pf": 0.4921183848972115, "in_bounds_one_im": 1, "error_one_im": 0.03290944720735735, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 15.949735749767939, "error_w_gmm": 0.02116600954228469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02023049013353401}, "run_452": {"edge_length": 340, "pf": 0.5019915530225931, "in_bounds_one_im": 1, "error_one_im": 0.030097144350943836, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 13.57221267826012, "error_w_gmm": 0.01628952546288739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015569542454308197}, "run_453": {"edge_length": 370, "pf": 0.49867907132845046, "in_bounds_one_im": 1, "error_one_im": 0.02653312503494701, "one_im_sa_cls": 20.979591836734695, "model_in_bounds": 1, "pred_cls": 14.990059979455653, "error_w_gmm": 0.016678683652953736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016024995178925514}, "run_454": {"edge_length": 370, "pf": 0.5036914496673445, "in_bounds_one_im": 1, "error_one_im": 0.026961403806311447, "one_im_sa_cls": 21.346938775510203, "model_in_bounds": 1, "pred_cls": 16.87017584128968, "error_w_gmm": 0.019714345895690214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01894168056111296}, "run_455": {"edge_length": 370, "pf": 0.5040500069097585, "in_bounds_one_im": 1, "error_one_im": 0.028975906181267424, "one_im_sa_cls": 22.408163265306122, "model_in_bounds": 1, "pred_cls": 19.503258892917465, "error_w_gmm": 0.024487941507893754, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023528184404187923}, "run_456": {"edge_length": 370, "pf": 0.5002073519831007, "in_bounds_one_im": 1, "error_one_im": 0.027111011229871633, "one_im_sa_cls": 21.3265306122449, "model_in_bounds": 1, "pred_cls": 13.056979680684467, "error_w_gmm": 0.013517405980754954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012987617619020864}, "run_457": {"edge_length": 400, "pf": 0.49889946875, "in_bounds_one_im": 1, "error_one_im": 0.0258672426924843, "one_im_sa_cls": 22.306122448979593, "model_in_bounds": 1, "pred_cls": 16.37997833219273, "error_w_gmm": 0.016743571174988297, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016277361145205036}, "run_458": {"edge_length": 400, "pf": 0.504329671875, "in_bounds_one_im": 1, "error_one_im": 0.02711256972161818, "one_im_sa_cls": 23.183673469387756, "model_in_bounds": 1, "pred_cls": 13.623019592431492, "error_w_gmm": 0.012562366802129405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012212578734831236}, "run_459": {"edge_length": 400, "pf": 0.499195328125, "in_bounds_one_im": 1, "error_one_im": 0.026528952037909722, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 10.358176362142238, "error_w_gmm": 0.008414844188973186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008180540245151224}, "run_460": {"edge_length": 400, "pf": 0.498173859375, "in_bounds_one_im": 1, "error_one_im": 0.02562092256657513, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 15.361031525572091, "error_w_gmm": 0.015227862290389629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014803855842915459}}, "fractal_noise_0.015_7_True_value": {"true_cls": 65.40816326530613, "true_pf": 0.4987142490740741, "run_461": {"edge_length": 280, "pf": 0.46294738520408163, "in_bounds_one_im": 1, "error_one_im": 0.09690769931638822, "one_im_sa_cls": 35.89795918367347, "model_in_bounds": 1, "pred_cls": 58.91028203922932, "error_w_gmm": 0.2127843371501651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20372310977281213}, "run_462": {"edge_length": 280, "pf": 0.5766784803206997, "in_bounds_one_im": 0, "error_one_im": 0.07860438499745398, "one_im_sa_cls": 36.36734693877551, "model_in_bounds": 1, "pred_cls": 64.87419445221876, "error_w_gmm": 0.195608026650948, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1872782368268562}, "run_463": {"edge_length": 280, "pf": 0.43269210094752186, "in_bounds_one_im": 0, "error_one_im": 0.13113914008816377, "one_im_sa_cls": 42.16326530612245, "model_in_bounds": 1, "pred_cls": 68.00818781785983, "error_w_gmm": 0.2805899680033518, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2686412995349189}, "run_464": {"edge_length": 280, "pf": 0.5847976494169096, "in_bounds_one_im": 0, "error_one_im": 0.08223597998695227, "one_im_sa_cls": 37.89795918367347, "model_in_bounds": 1, "pred_cls": 57.29743225411295, "error_w_gmm": 0.15967621746595564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1528765510403502}, "run_465": {"edge_length": 310, "pf": 0.47412574267396196, "in_bounds_one_im": 1, "error_one_im": 0.1189311111317381, "one_im_sa_cls": 46.244897959183675, "model_in_bounds": 1, "pred_cls": 67.92008887071349, "error_w_gmm": 0.22309730163747857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21168842239526642}, "run_466": {"edge_length": 310, "pf": 0.4730937531469236, "in_bounds_one_im": 1, "error_one_im": 0.09070942919394326, "one_im_sa_cls": 38.55102040816327, "model_in_bounds": 1, "pred_cls": 54.09097504309733, "error_w_gmm": 0.15888505313458892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15075989710939175}, "run_467": {"edge_length": 310, "pf": 0.433218354536605, "in_bounds_one_im": 0, "error_one_im": 0.11392327643353838, "one_im_sa_cls": 42.53061224489796, "model_in_bounds": 1, "pred_cls": 63.66565854005272, "error_w_gmm": 0.21989486081569204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20864974985013732}, "run_468": {"edge_length": 310, "pf": 0.42274475512738746, "in_bounds_one_im": 0, "error_one_im": 0.1258939220519099, "one_im_sa_cls": 44.816326530612244, "model_in_bounds": 1, "pred_cls": 71.31340376915102, "error_w_gmm": 0.2663203419005295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2527010977492709}, "run_469": {"edge_length": 340, "pf": 0.52788431202931, "in_bounds_one_im": 1, "error_one_im": 0.09230181753246719, "one_im_sa_cls": 46.02040816326531, "model_in_bounds": 1, "pred_cls": 62.79313134044756, "error_w_gmm": 0.15391655972563353, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14711358022853965}, "run_470": {"edge_length": 340, "pf": 0.5591650722572766, "in_bounds_one_im": 0, "error_one_im": 0.0867762572283533, "one_im_sa_cls": 46.06122448979592, "model_in_bounds": 1, "pred_cls": 62.66299294014341, "error_w_gmm": 0.14406118400167917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13769380363118822}, "run_471": {"edge_length": 340, "pf": 0.5293904182780379, "in_bounds_one_im": 1, "error_one_im": 0.08430031057787417, "one_im_sa_cls": 43.40816326530612, "model_in_bounds": 1, "pred_cls": 64.55372729404753, "error_w_gmm": 0.1599508776933985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1528811865345651}, "run_472": {"edge_length": 340, "pf": 0.4616214380215754, "in_bounds_one_im": 1, "error_one_im": 0.10295938775283366, "one_im_sa_cls": 45.30612244897959, "model_in_bounds": 1, "pred_cls": 70.50993840095731, "error_w_gmm": 0.20914076654874458, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1998969246296307}, "run_473": {"edge_length": 370, "pf": 0.4783393875979705, "in_bounds_one_im": 1, "error_one_im": 0.09913626136379301, "one_im_sa_cls": 49.16326530612245, "model_in_bounds": 1, "pred_cls": 86.78822969600263, "error_w_gmm": 0.2420062406067946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.23252127803904835}, "run_474": {"edge_length": 370, "pf": 0.4526541172289894, "in_bounds_one_im": 0, "error_one_im": 0.09649691168584695, "one_im_sa_cls": 46.6530612244898, "model_in_bounds": 1, "pred_cls": 69.9645846721789, "error_w_gmm": 0.18444821204032463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1772191241353861}, "run_475": {"edge_length": 370, "pf": 0.44586334471798317, "in_bounds_one_im": 0, "error_one_im": 0.11593615354646536, "one_im_sa_cls": 52.244897959183675, "model_in_bounds": 1, "pred_cls": 68.62698783093356, "error_w_gmm": 0.18166000820018932, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1745401985063772}, "run_476": {"edge_length": 370, "pf": 0.4656564665468975, "in_bounds_one_im": 1, "error_one_im": 0.10609155079251309, "one_im_sa_cls": 50.57142857142857, "model_in_bounds": 1, "pred_cls": 72.0892567357723, "error_w_gmm": 0.1879285013127867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18056301025811347}, "run_477": {"edge_length": 400, "pf": 0.521132578125, "in_bounds_one_im": 1, "error_one_im": 0.0824736506581277, "one_im_sa_cls": 49.775510204081634, "model_in_bounds": 1, "pred_cls": 94.01839628423419, "error_w_gmm": 0.2202292451312724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2140971552766789}, "run_478": {"edge_length": 400, "pf": 0.4747790625, "in_bounds_one_im": 1, "error_one_im": 0.07980555649931928, "one_im_sa_cls": 45.775510204081634, "model_in_bounds": 1, "pred_cls": 66.26931722818046, "error_w_gmm": 0.14299346086768902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.139011933572632}, "run_479": {"edge_length": 400, "pf": 0.49962446875, "in_bounds_one_im": 1, "error_one_im": 0.09199091095475626, "one_im_sa_cls": 52.02040816326531, "model_in_bounds": 1, "pred_cls": 93.91699913853174, "error_w_gmm": 0.22954333697486548, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22315190441551525}, "run_480": {"edge_length": 400, "pf": 0.538874625, "in_bounds_one_im": 0, "error_one_im": 0.0682740396194318, "one_im_sa_cls": 44.93877551020408, "model_in_bounds": 1, "pred_cls": 62.024449895539426, "error_w_gmm": 0.11387600504111907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11070522772324723}}, "fractal_noise_0.015_12_True_simplex": {"true_cls": 15.346938775510203, "true_pf": 0.5003874930555555, "run_481": {"edge_length": 280, "pf": 0.5094945335276968, "in_bounds_one_im": 1, "error_one_im": 0.041531873966116836, "one_im_sa_cls": 21.714285714285715, "model_in_bounds": 0, "pred_cls": 9.143136557901853, "error_w_gmm": 0.011852374754424215, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.011347652160412783}, "run_482": {"edge_length": 280, "pf": 0.4968745444606414, "in_bounds_one_im": 1, "error_one_im": 0.04241356436387763, "one_im_sa_cls": 21.653061224489797, "model_in_bounds": 1, "pred_cls": 11.339458446380023, "error_w_gmm": 0.016788567696813177, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01607364181797109}, "run_483": {"edge_length": 280, "pf": 0.5034396865889212, "in_bounds_one_im": 1, "error_one_im": 0.043049463547886614, "one_im_sa_cls": 22.06122448979592, "model_in_bounds": 1, "pred_cls": 16.593493507559984, "error_w_gmm": 0.029331172736704037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028082131435209535}, "run_484": {"edge_length": 280, "pf": 0.4964272959183674, "in_bounds_one_im": 1, "error_one_im": 0.043778701201612286, "one_im_sa_cls": 22.10204081632653, "model_in_bounds": 1, "pred_cls": 16.27836878192854, "error_w_gmm": 0.028902139484171384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02767136817334309}, "run_485": {"edge_length": 310, "pf": 0.4968326675841697, "in_bounds_one_im": 1, "error_one_im": 0.032917745653732323, "one_im_sa_cls": 20.244897959183675, "model_in_bounds": 1, "pred_cls": 17.97715487967937, "error_w_gmm": 0.029029218767392197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0275447057366111}, "run_486": {"edge_length": 310, "pf": 0.5104708133328858, "in_bounds_one_im": 1, "error_one_im": 0.033692738293435456, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 14.867864413496212, "error_w_gmm": 0.021246112978126216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020159616926606453}, "run_487": {"edge_length": 310, "pf": 0.4992629317579135, "in_bounds_one_im": 1, "error_one_im": 0.04009086552065797, "one_im_sa_cls": 23.163265306122447, "model_in_bounds": 1, "pred_cls": 12.194545956493766, "error_w_gmm": 0.016139550062792017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015314196388235977}, "run_488": {"edge_length": 310, "pf": 0.5053464469134974, "in_bounds_one_im": 1, "error_one_im": 0.038046157854269444, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 11.157792277048356, "error_w_gmm": 0.013954880684417657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013241247899980374}, "run_489": {"edge_length": 340, "pf": 0.49837128536535724, "in_bounds_one_im": 1, "error_one_im": 0.03538256561033639, "one_im_sa_cls": 23.346938775510203, "model_in_bounds": 1, "pred_cls": 13.532942683794387, "error_w_gmm": 0.016336738240951176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015614668468207525}, "run_490": {"edge_length": 340, "pf": 0.4970742163647466, "in_bounds_one_im": 1, "error_one_im": 0.031371684888689765, "one_im_sa_cls": 21.510204081632654, "model_in_bounds": 1, "pred_cls": 15.900356719944229, "error_w_gmm": 0.020859982138449792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01993798887761689}, "run_491": {"edge_length": 340, "pf": 0.5045011958070426, "in_bounds_one_im": 1, "error_one_im": 0.030645571497925052, "one_im_sa_cls": 21.387755102040817, "model_in_bounds": 0, "pred_cls": 7.22739993063826, "error_w_gmm": 0.006298333231135242, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.006019952321935674}, "run_492": {"edge_length": 340, "pf": 0.5010322613474456, "in_bounds_one_im": 1, "error_one_im": 0.03391058447393407, "one_im_sa_cls": 22.775510204081634, "model_in_bounds": 1, "pred_cls": 20.447128886558225, "error_w_gmm": 0.030179649244959545, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02884573471744589}, "run_493": {"edge_length": 370, "pf": 0.5021858527629163, "in_bounds_one_im": 1, "error_one_im": 0.02696519176756071, "one_im_sa_cls": 21.306122448979593, "model_in_bounds": 1, "pred_cls": 20.790379104320603, "error_w_gmm": 0.027052310407309276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025992047866388774}, "run_494": {"edge_length": 370, "pf": 0.4995932521272185, "in_bounds_one_im": 1, "error_one_im": 0.027730869020633223, "one_im_sa_cls": 21.632653061224488, "model_in_bounds": 1, "pred_cls": 13.29770214832428, "error_w_gmm": 0.013910014004166225, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013364838136735946}, "run_495": {"edge_length": 370, "pf": 0.497027560065544, "in_bounds_one_im": 1, "error_one_im": 0.03035446125342047, "one_im_sa_cls": 22.897959183673468, "model_in_bounds": 1, "pred_cls": 15.71000185115754, "error_w_gmm": 0.017953766891310778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01725010401680331}, "run_496": {"edge_length": 370, "pf": 0.49279738613705015, "in_bounds_one_im": 1, "error_one_im": 0.028789325071579375, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 18.595959490923853, "error_w_gmm": 0.02331813432275648, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022404225529964693}, "run_497": {"edge_length": 400, "pf": 0.49823403125, "in_bounds_one_im": 1, "error_one_im": 0.025830631107491925, "one_im_sa_cls": 22.26530612244898, "model_in_bounds": 1, "pred_cls": 12.948132581702623, "error_w_gmm": 0.011783296646511945, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011455201103267077}, "run_498": {"edge_length": 400, "pf": 0.497565640625, "in_bounds_one_im": 1, "error_one_im": 0.024630562813768, "one_im_sa_cls": 21.551020408163264, "model_in_bounds": 1, "pred_cls": 9.907258700732134, "error_w_gmm": 0.00789708708270968, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007677199630651068}, "run_499": {"edge_length": 400, "pf": 0.50111940625, "in_bounds_one_im": 1, "error_one_im": 0.023833493668082996, "one_im_sa_cls": 21.183673469387756, "model_in_bounds": 1, "pred_cls": 15.295433165103649, "error_w_gmm": 0.01504154900092824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014622730283318824}, "run_500": {"edge_length": 400, "pf": 0.494436234375, "in_bounds_one_im": 1, "error_one_im": 0.025528210002193973, "one_im_sa_cls": 21.979591836734695, "model_in_bounds": 1, "pred_cls": 20.740050950191172, "error_w_gmm": 0.02406964864256551, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023399450421812688}}, "fractal_noise_0.015_12_True_value": {"true_cls": 48.63265306122449, "true_pf": 0.4997857087962963, "run_501": {"edge_length": 280, "pf": 0.47200847303207, "in_bounds_one_im": 1, "error_one_im": 0.1353787582223105, "one_im_sa_cls": 45.40816326530612, "model_in_bounds": 1, "pred_cls": 69.89743092708365, "error_w_gmm": 0.27004789944095686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.258548155369643}, "run_502": {"edge_length": 280, "pf": 0.5406255466472303, "in_bounds_one_im": 1, "error_one_im": 0.11553325166528984, "one_im_sa_cls": 44.775510204081634, "model_in_bounds": 1, "pred_cls": 57.568923805140784, "error_w_gmm": 0.17592506005327013, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16843345145149521}, "run_503": {"edge_length": 280, "pf": 0.43807293185131196, "in_bounds_one_im": 1, "error_one_im": 0.15018075048020754, "one_im_sa_cls": 46.48979591836735, "model_in_bounds": 1, "pred_cls": 60.33712360426837, "error_w_gmm": 0.2319284761125567, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22205201299743677}, "run_504": {"edge_length": 280, "pf": 0.5274373633381925, "in_bounds_one_im": 1, "error_one_im": 0.11045965664166946, "one_im_sa_cls": 42.69387755102041, "model_in_bounds": 1, "pred_cls": 69.0631964822455, "error_w_gmm": 0.23736936129432226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.22726120303459563}, "run_505": {"edge_length": 310, "pf": 0.5296488872478265, "in_bounds_one_im": 1, "error_one_im": 0.10494288615074385, "one_im_sa_cls": 45.816326530612244, "model_in_bounds": 1, "pred_cls": 69.76396942199801, "error_w_gmm": 0.2078100715263801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19718295952655643}, "run_506": {"edge_length": 310, "pf": 0.5335262998892283, "in_bounds_one_im": 1, "error_one_im": 0.10629320005554507, "one_im_sa_cls": 46.44897959183673, "model_in_bounds": 1, "pred_cls": 75.23848232865949, "error_w_gmm": 0.23093963050443456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.21912970569885556}, "run_507": {"edge_length": 310, "pf": 0.4659387398878856, "in_bounds_one_im": 1, "error_one_im": 0.09658917618909763, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 64.09631045825985, "error_w_gmm": 0.20791385738079152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19728143791973302}, "run_508": {"edge_length": 310, "pf": 0.5272324527541875, "in_bounds_one_im": 1, "error_one_im": 0.10042082407785195, "one_im_sa_cls": 44.3469387755102, "model_in_bounds": 1, "pred_cls": 63.05888827008839, "error_w_gmm": 0.17945063005660464, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17027377962754175}, "run_509": {"edge_length": 340, "pf": 0.49857983920211685, "in_bounds_one_im": 1, "error_one_im": 0.10854617636443915, "one_im_sa_cls": 49.30612244897959, "model_in_bounds": 1, "pred_cls": 74.98939518158454, "error_w_gmm": 0.21300785248174542, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.2035930886919595}, "run_510": {"edge_length": 340, "pf": 0.4129102635864034, "in_bounds_one_im": 0, "error_one_im": 0.1116901656955646, "one_im_sa_cls": 44.775510204081634, "model_in_bounds": 1, "pred_cls": 66.96507613306979, "error_w_gmm": 0.21372693299441103, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.20428038646472274}, "run_511": {"edge_length": 340, "pf": 0.5120384948096885, "in_bounds_one_im": 1, "error_one_im": 0.1010395354991151, "one_im_sa_cls": 47.857142857142854, "model_in_bounds": 1, "pred_cls": 70.47007813304363, "error_w_gmm": 0.18889084213350316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.18054202944880135}, "run_512": {"edge_length": 340, "pf": 0.5063552819051496, "in_bounds_one_im": 1, "error_one_im": 0.08200733743490346, "one_im_sa_cls": 41.326530612244895, "model_in_bounds": 1, "pred_cls": 54.19140513584947, "error_w_gmm": 0.12883607671307493, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12314163298377491}, "run_513": {"edge_length": 370, "pf": 0.48537048151146034, "in_bounds_one_im": 1, "error_one_im": 0.08293560453605586, "one_im_sa_cls": 44.06122448979592, "model_in_bounds": 1, "pred_cls": 59.92022688184253, "error_w_gmm": 0.1368926745943015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13152743322254987}, "run_514": {"edge_length": 370, "pf": 0.47969046255897974, "in_bounds_one_im": 1, "error_one_im": 0.09770090527505157, "one_im_sa_cls": 48.775510204081634, "model_in_bounds": 1, "pred_cls": 66.92196894286427, "error_w_gmm": 0.1634228520137775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15701781208514384}, "run_515": {"edge_length": 370, "pf": 0.4468376601583322, "in_bounds_one_im": 0, "error_one_im": 0.10667690750658075, "one_im_sa_cls": 49.48979591836735, "model_in_bounds": 1, "pred_cls": 69.83129779788868, "error_w_gmm": 0.18609553657631261, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17880188499929026}, "run_516": {"edge_length": 370, "pf": 0.5061214932975342, "in_bounds_one_im": 1, "error_one_im": 0.09424298500467738, "one_im_sa_cls": 49.326530612244895, "model_in_bounds": 1, "pred_cls": 68.10229806478878, "error_w_gmm": 0.15912363540509186, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15288709488581964}, "run_517": {"edge_length": 400, "pf": 0.509115890625, "in_bounds_one_im": 1, "error_one_im": 0.07370984026741542, "one_im_sa_cls": 45.44897959183673, "model_in_bounds": 1, "pred_cls": 59.094041174928265, "error_w_gmm": 0.11241360968610423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1092835514821473}, "run_518": {"edge_length": 400, "pf": 0.510081265625, "in_bounds_one_im": 1, "error_one_im": 0.08708199662467649, "one_im_sa_cls": 50.857142857142854, "model_in_bounds": 1, "pred_cls": 67.74931897919804, "error_w_gmm": 0.1377279031107618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13389299064554164}, "run_519": {"edge_length": 400, "pf": 0.488848296875, "in_bounds_one_im": 1, "error_one_im": 0.09432747159924372, "one_im_sa_cls": 52.142857142857146, "model_in_bounds": 1, "pred_cls": 73.75320168777321, "error_w_gmm": 0.16322300437065596, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15867820320884404}, "run_520": {"edge_length": 400, "pf": 0.48367175, "in_bounds_one_im": 1, "error_one_im": 0.09352494088876187, "one_im_sa_cls": 51.48979591836735, "model_in_bounds": 1, "pred_cls": 67.03317547780937, "error_w_gmm": 0.14290402781275052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13892499070253939}}, "fractal_noise_0.025_2_True_simplex": {"true_cls": 7.612244897959184, "true_pf": 0.49996857638888886, "run_521": {"edge_length": 280, "pf": 0.4971875911078717, "in_bounds_one_im": 1, "error_one_im": 0.01976472586679794, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 11.830101334813687, "error_w_gmm": 0.017878700699391993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017117352498586678}, "run_522": {"edge_length": 280, "pf": 0.5020404063411079, "in_bounds_one_im": 1, "error_one_im": 0.0212064140200116, "one_im_sa_cls": 13.73469387755102, "model_in_bounds": 1, "pred_cls": 13.155617209172288, "error_w_gmm": 0.020763710354354252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01987950664256729}, "run_523": {"edge_length": 280, "pf": 0.4935989887026239, "in_bounds_one_im": 1, "error_one_im": 0.02094560835800612, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 12.986055861191316, "error_w_gmm": 0.020710303126134172, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01982837371256387}, "run_524": {"edge_length": 280, "pf": 0.5046612609329446, "in_bounds_one_im": 1, "error_one_im": 0.020673795018678384, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 13.966118601960979, "error_w_gmm": 0.02259306519227609, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021630960069312616}, "run_525": {"edge_length": 310, "pf": 0.5004073042193952, "in_bounds_one_im": 1, "error_one_im": 0.019248939936007875, "one_im_sa_cls": 14.224489795918368, "model_in_bounds": 1, "pred_cls": 12.968083333663232, "error_w_gmm": 0.0176588602810856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01675581123915061}, "run_526": {"edge_length": 310, "pf": 0.4983670571649156, "in_bounds_one_im": 1, "error_one_im": 0.020081162664361413, "one_im_sa_cls": 14.591836734693878, "model_in_bounds": 1, "pred_cls": 10.186821264674446, "error_w_gmm": 0.012344660538331916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011713372125902783}, "run_527": {"edge_length": 310, "pf": 0.498056627840623, "in_bounds_one_im": 1, "error_one_im": 0.020644125915074057, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 10.72598339637099, "error_w_gmm": 0.013345856230694885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012663368092100846}, "run_528": {"edge_length": 310, "pf": 0.4994082105333826, "in_bounds_one_im": 1, "error_one_im": 0.019245948160770073, "one_im_sa_cls": 14.204081632653061, "model_in_bounds": 1, "pred_cls": 8.061757263700606, "error_w_gmm": 0.008672840507615796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00822932375814327}, "run_529": {"edge_length": 340, "pf": 0.4987799460614696, "in_bounds_one_im": 1, "error_one_im": 0.01570386910450544, "one_im_sa_cls": 13.591836734693878, "model_in_bounds": 1, "pred_cls": 11.392740240325553, "error_w_gmm": 0.012608526014864226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012051240014445625}, "run_530": {"edge_length": 340, "pf": 0.4963795796865459, "in_bounds_one_im": 1, "error_one_im": 0.015672944659091758, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 11.051323703072233, "error_w_gmm": 0.012103987327621302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011569001503031195}, "run_531": {"edge_length": 340, "pf": 0.4985020099735396, "in_bounds_one_im": 1, "error_one_im": 0.014662985678242842, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 9.605747884193816, "error_w_gmm": 0.00976697813539508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009335286106141727}, "run_532": {"edge_length": 340, "pf": 0.500298977203338, "in_bounds_one_im": 1, "error_one_im": 0.01597465789595612, "one_im_sa_cls": 13.775510204081632, "model_in_bounds": 1, "pred_cls": 10.339284904104767, "error_w_gmm": 0.01086771808385953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010387374296053435}, "run_533": {"edge_length": 370, "pf": 0.49931417685033463, "in_bounds_one_im": 1, "error_one_im": 0.015178065981546413, "one_im_sa_cls": 14.46938775510204, "model_in_bounds": 1, "pred_cls": 7.065893018524416, "error_w_gmm": 0.0053908302184161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005179547142812136}, "run_534": {"edge_length": 370, "pf": 0.49856369810277773, "in_bounds_one_im": 1, "error_one_im": 0.013036737029982249, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 11.55203885112675, "error_w_gmm": 0.011286125869232019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010843788179360344}, "run_535": {"edge_length": 370, "pf": 0.4991332991135767, "in_bounds_one_im": 1, "error_one_im": 0.014293048267599272, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 9.7181328281357, "error_w_gmm": 0.008698340864672832, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008357426360583736}, "run_536": {"edge_length": 370, "pf": 0.5008903914871775, "in_bounds_one_im": 1, "error_one_im": 0.012976212853542123, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 10.189089860446597, "error_w_gmm": 0.009305486264545736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00894077588074493}, "run_537": {"edge_length": 400, "pf": 0.50367421875, "in_bounds_one_im": 1, "error_one_im": 0.012656207782206103, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 0, "pred_cls": 8.611711225296288, "error_w_gmm": 0.0063221521219997195, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0061461173503080955}, "run_538": {"edge_length": 400, "pf": 0.499286328125, "in_bounds_one_im": 1, "error_one_im": 0.012321756519605858, "one_im_sa_cls": 13.612244897959183, "model_in_bounds": 1, "pred_cls": 8.17956480958215, "error_w_gmm": 0.0059038781029395766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005739489803845994}, "run_539": {"edge_length": 400, "pf": 0.49885228125, "in_bounds_one_im": 1, "error_one_im": 0.012891278389272611, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 9.424400330255377, "error_w_gmm": 0.007308019267672938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0071045338914152625}, "run_540": {"edge_length": 400, "pf": 0.50014221875, "in_bounds_one_im": 1, "error_one_im": 0.01285806331422745, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 11.89616085052191, "error_w_gmm": 0.010337342587175368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010049508364411352}}, "fractal_noise_0.025_2_True_value": {"true_cls": 34.89795918367347, "true_pf": 0.49961094166666664, "run_541": {"edge_length": 280, "pf": 0.517857416180758, "in_bounds_one_im": 1, "error_one_im": 0.07215977318202438, "one_im_sa_cls": 31.73469387755102, "model_in_bounds": 1, "pred_cls": 43.425401454365684, "error_w_gmm": 0.12064485683077966, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11550730538177227}, "run_542": {"edge_length": 280, "pf": 0.5127323706268222, "in_bounds_one_im": 1, "error_one_im": 0.07171167046656628, "one_im_sa_cls": 31.387755102040817, "model_in_bounds": 1, "pred_cls": 39.338030379813205, "error_w_gmm": 0.10509153438032234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1006163070153355}, "run_543": {"edge_length": 280, "pf": 0.4768499908892128, "in_bounds_one_im": 1, "error_one_im": 0.0728067660742829, "one_im_sa_cls": 30.224489795918366, "model_in_bounds": 1, "pred_cls": 44.50934060307558, "error_w_gmm": 0.13589684483067194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13010980135102634}, "run_544": {"edge_length": 280, "pf": 0.4811663629737609, "in_bounds_one_im": 1, "error_one_im": 0.07938598812066301, "one_im_sa_cls": 32.204081632653065, "model_in_bounds": 1, "pred_cls": 41.26063366749589, "error_w_gmm": 0.12024877937029957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11512809451954155}, "run_545": {"edge_length": 310, "pf": 0.4790586083045215, "in_bounds_one_im": 1, "error_one_im": 0.06565595286860408, "one_im_sa_cls": 31.3265306122449, "model_in_bounds": 1, "pred_cls": 39.23102551949389, "error_w_gmm": 0.09697222524608513, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09201320333250362}, "run_546": {"edge_length": 310, "pf": 0.45358547883589, "in_bounds_one_im": 0, "error_one_im": 0.07708388326336416, "one_im_sa_cls": 33.69387755102041, "model_in_bounds": 1, "pred_cls": 46.41636712394613, "error_w_gmm": 0.13135331148535762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12463608963730383}, "run_547": {"edge_length": 310, "pf": 0.5225244201268839, "in_bounds_one_im": 1, "error_one_im": 0.05531397069991868, "one_im_sa_cls": 29.612244897959183, "model_in_bounds": 1, "pred_cls": 41.99485575872157, "error_w_gmm": 0.09845078622093922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09341615279843057}, "run_548": {"edge_length": 310, "pf": 0.5258121244671209, "in_bounds_one_im": 1, "error_one_im": 0.06072801022981997, "one_im_sa_cls": 31.653061224489797, "model_in_bounds": 1, "pred_cls": 42.5061695936265, "error_w_gmm": 0.09959571231523906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0945025289978852}, "run_549": {"edge_length": 340, "pf": 0.50347911154081, "in_bounds_one_im": 1, "error_one_im": 0.05603832447662947, "one_im_sa_cls": 31.93877551020408, "model_in_bounds": 1, "pred_cls": 38.31171796068546, "error_w_gmm": 0.07702607567358394, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07362158940853833}, "run_550": {"edge_length": 340, "pf": 0.49476625788723794, "in_bounds_one_im": 1, "error_one_im": 0.05872608679025447, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 42.74889746627241, "error_w_gmm": 0.09238379797677902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08830051360101067}, "run_551": {"edge_length": 340, "pf": 0.5025117290860981, "in_bounds_one_im": 1, "error_one_im": 0.05064414467892989, "one_im_sa_cls": 29.816326530612244, "model_in_bounds": 1, "pred_cls": 33.12882644482272, "error_w_gmm": 0.06205684575309166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05931398656974484}, "run_552": {"edge_length": 340, "pf": 0.47052371259922654, "in_bounds_one_im": 0, "error_one_im": 0.059459229260410036, "one_im_sa_cls": 31.79591836734694, "model_in_bounds": 1, "pred_cls": 36.604539132837715, "error_w_gmm": 0.07684174401557019, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07344540505119419}, "run_553": {"edge_length": 370, "pf": 0.48425504905928574, "in_bounds_one_im": 1, "error_one_im": 0.052433342729344946, "one_im_sa_cls": 32.40816326530612, "model_in_bounds": 1, "pred_cls": 35.04393760545388, "error_w_gmm": 0.061363359777114934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058958342579799136}, "run_554": {"edge_length": 370, "pf": 0.5094193236333485, "in_bounds_one_im": 1, "error_one_im": 0.05976898824257955, "one_im_sa_cls": 36.57142857142857, "model_in_bounds": 1, "pred_cls": 44.05489538773319, "error_w_gmm": 0.08224663560506033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07902313914446879}, "run_555": {"edge_length": 370, "pf": 0.5168551912028903, "in_bounds_one_im": 1, "error_one_im": 0.05359592569235761, "one_im_sa_cls": 34.3469387755102, "model_in_bounds": 1, "pred_cls": 37.764553934698704, "error_w_gmm": 0.06431172005960872, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06179114763179316}, "run_556": {"edge_length": 370, "pf": 0.5018336919827059, "in_bounds_one_im": 1, "error_one_im": 0.05523124424448802, "one_im_sa_cls": 34.3469387755102, "model_in_bounds": 1, "pred_cls": 39.617212113201624, "error_w_gmm": 0.07121024879800045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06841930199185439}, "run_557": {"edge_length": 400, "pf": 0.494549515625, "in_bounds_one_im": 1, "error_one_im": 0.051509943375043866, "one_im_sa_cls": 35.10204081632653, "model_in_bounds": 1, "pred_cls": 39.46240901680565, "error_w_gmm": 0.063158528916842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06139993516526663}, "run_558": {"edge_length": 400, "pf": 0.515572, "in_bounds_one_im": 1, "error_one_im": 0.0458571394522451, "one_im_sa_cls": 33.40816326530612, "model_in_bounds": 1, "pred_cls": 38.41760006339148, "error_w_gmm": 0.05816845129690171, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056548801872764044}, "run_559": {"edge_length": 400, "pf": 0.498837046875, "in_bounds_one_im": 1, "error_one_im": 0.050093415371588706, "one_im_sa_cls": 34.6530612244898, "model_in_bounds": 1, "pred_cls": 43.77536164568965, "error_w_gmm": 0.07316054658166271, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07112345543519616}, "run_560": {"edge_length": 400, "pf": 0.482922078125, "in_bounds_one_im": 1, "error_one_im": 0.04819211346945671, "one_im_sa_cls": 33.06122448979592, "model_in_bounds": 1, "pred_cls": 42.16258009340161, "error_w_gmm": 0.07139247417602626, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06940461345240535}}, "fractal_noise_0.025_7_True_simplex": {"true_cls": 7.346938775510204, "true_pf": 0.49996115740740743, "run_561": {"edge_length": 280, "pf": 0.5000983965014577, "in_bounds_one_im": 1, "error_one_im": 0.021860863630040094, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 1, "pred_cls": 12.644689719846195, "error_w_gmm": 0.019642067680577645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018805628101430105}, "run_562": {"edge_length": 280, "pf": 0.4996219478862974, "in_bounds_one_im": 1, "error_one_im": 0.019576316118591116, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 10.858421408995936, "error_w_gmm": 0.015645477212656606, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01497922880194278}, "run_563": {"edge_length": 280, "pf": 0.4970587190233236, "in_bounds_one_im": 1, "error_one_im": 0.02056523457561854, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 1, "pred_cls": 8.384424166923218, "error_w_gmm": 0.010670261407096584, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01021587803433329}, "run_564": {"edge_length": 280, "pf": 0.5021721027696793, "in_bounds_one_im": 1, "error_one_im": 0.02205704446374788, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 12.50836901032497, "error_w_gmm": 0.019245303080850196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018425759361151567}, "run_565": {"edge_length": 310, "pf": 0.4956162599442785, "in_bounds_one_im": 1, "error_one_im": 0.017826169695163093, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 11.288508053656539, "error_w_gmm": 0.014479892844964029, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01373941168407217}, "run_566": {"edge_length": 310, "pf": 0.49692964318082644, "in_bounds_one_im": 1, "error_one_im": 0.017054865656960835, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 10.848028611861956, "error_w_gmm": 0.013604917293644169, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012909181140117333}, "run_567": {"edge_length": 310, "pf": 0.5018528750293713, "in_bounds_one_im": 1, "error_one_im": 0.016650831382623115, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 12.368775783367115, "error_w_gmm": 0.016401495251762845, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015562746072164384}, "run_568": {"edge_length": 310, "pf": 0.498076063240576, "in_bounds_one_im": 1, "error_one_im": 0.01701580538195221, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 0, "pred_cls": 4.503194388345805, "error_w_gmm": 0.003630403703710162, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0034447500129119926}, "run_569": {"edge_length": 340, "pf": 0.4993776205984124, "in_bounds_one_im": 1, "error_one_im": 0.01614659116514521, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 10.712923513435546, "error_w_gmm": 0.011483252032775277, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010975702174084357}, "run_570": {"edge_length": 340, "pf": 0.5002437665377569, "in_bounds_one_im": 1, "error_one_im": 0.014888558905150924, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 11.519913374736788, "error_w_gmm": 0.012782752653845847, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012217765985903437}, "run_571": {"edge_length": 340, "pf": 0.49904297272542236, "in_bounds_one_im": 1, "error_one_im": 0.014993935446762524, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 9.495249844634007, "error_w_gmm": 0.009588554864848227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009164748990622603}, "run_572": {"edge_length": 340, "pf": 0.4995828414410747, "in_bounds_one_im": 1, "error_one_im": 0.015117082032913455, "one_im_sa_cls": 13.26530612244898, "model_in_bounds": 1, "pred_cls": 9.430525595238446, "error_w_gmm": 0.009480439800743418, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009061412519319896}, "run_573": {"edge_length": 370, "pf": 0.49911947959647013, "in_bounds_one_im": 1, "error_one_im": 0.012961259746242905, "one_im_sa_cls": 13.020408163265307, "model_in_bounds": 1, "pred_cls": 7.459270795151047, "error_w_gmm": 0.005849499934789412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00562024019428681}, "run_574": {"edge_length": 370, "pf": 0.4987853039306655, "in_bounds_one_im": 1, "error_one_im": 0.01315331617279508, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 7.840887545132555, "error_w_gmm": 0.006308299152717197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006061057671755138}, "run_575": {"edge_length": 370, "pf": 0.5005219829032831, "in_bounds_one_im": 1, "error_one_im": 0.014128010179491947, "one_im_sa_cls": 13.816326530612244, "model_in_bounds": 1, "pred_cls": 7.088606020262508, "error_w_gmm": 0.005403774765590234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00519198435370813}, "run_576": {"edge_length": 370, "pf": 0.4994546226284722, "in_bounds_one_im": 1, "error_one_im": 0.01434683651131833, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 8.86995976036403, "error_w_gmm": 0.0075799362344356825, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0072828554183820456}, "run_577": {"edge_length": 400, "pf": 0.50144484375, "in_bounds_one_im": 1, "error_one_im": 0.011423381439851691, "one_im_sa_cls": 12.979591836734693, "model_in_bounds": 1, "pred_cls": 8.934043268704748, "error_w_gmm": 0.006710259193955953, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006523417921806003}, "run_578": {"edge_length": 400, "pf": 0.50047484375, "in_bounds_one_im": 1, "error_one_im": 0.012905664554375605, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 8.981629746913278, "error_w_gmm": 0.006777077861135817, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0065883760818998644}, "run_579": {"edge_length": 400, "pf": 0.499512046875, "in_bounds_one_im": 1, "error_one_im": 0.011793706716387863, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 7.725193489948656, "error_w_gmm": 0.005416391862903501, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0052655771898966605}, "run_580": {"edge_length": 400, "pf": 0.50070271875, "in_bounds_one_im": 1, "error_one_im": 0.011902094160186323, "one_im_sa_cls": 13.326530612244898, "model_in_bounds": 1, "pred_cls": 7.913711813435556, "error_w_gmm": 0.005602503926526103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005446507126611098}}, "fractal_noise_0.025_7_True_value": {"true_cls": 37.83673469387755, "true_pf": 0.5001511462962963, "run_581": {"edge_length": 280, "pf": 0.5065143950437317, "in_bounds_one_im": 1, "error_one_im": 0.06874957197684503, "one_im_sa_cls": 30.26530612244898, "model_in_bounds": 1, "pred_cls": 44.89337248301741, "error_w_gmm": 0.12972542423682215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12420118508756622}, "run_582": {"edge_length": 280, "pf": 0.43596146137026237, "in_bounds_one_im": 0, "error_one_im": 0.07746804343249901, "one_im_sa_cls": 29.816326530612244, "model_in_bounds": 0, "pred_cls": 43.72763778338385, "error_w_gmm": 0.14370595618659923, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.13758636880565508}, "run_583": {"edge_length": 280, "pf": 0.5172464923469388, "in_bounds_one_im": 1, "error_one_im": 0.06046741234668717, "one_im_sa_cls": 28.183673469387756, "model_in_bounds": 1, "pred_cls": 40.39254596843174, "error_w_gmm": 0.10836179429162453, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10374730588404295}, "run_584": {"edge_length": 280, "pf": 0.47021132470845484, "in_bounds_one_im": 1, "error_one_im": 0.07671620286252508, "one_im_sa_cls": 31.020408163265305, "model_in_bounds": 1, "pred_cls": 41.437712809144855, "error_w_gmm": 0.1237111548547922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11844302789456815}, "run_585": {"edge_length": 310, "pf": 0.4910690141317848, "in_bounds_one_im": 1, "error_one_im": 0.05976212728527472, "one_im_sa_cls": 29.897959183673468, "model_in_bounds": 1, "pred_cls": 40.24899890069187, "error_w_gmm": 0.09837699816076556, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09334613815488664}, "run_586": {"edge_length": 310, "pf": 0.4940457520727737, "in_bounds_one_im": 1, "error_one_im": 0.06408958019433728, "one_im_sa_cls": 31.448979591836736, "model_in_bounds": 1, "pred_cls": 47.509872873226946, "error_w_gmm": 0.1254153234284525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1190017618586077}, "run_587": {"edge_length": 310, "pf": 0.444499580410191, "in_bounds_one_im": 0, "error_one_im": 0.06052044983638525, "one_im_sa_cls": 28.3265306122449, "model_in_bounds": 0, "pred_cls": 38.832900425882606, "error_w_gmm": 0.10237856152465602, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.09714306724994647}, "run_588": {"edge_length": 310, "pf": 0.5005361350743514, "in_bounds_one_im": 1, "error_one_im": 0.06586688442568774, "one_im_sa_cls": 32.30612244897959, "model_in_bounds": 1, "pred_cls": 47.27697249512303, "error_w_gmm": 0.122888591520564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11660424343292174}, "run_589": {"edge_length": 340, "pf": 0.5162789537960513, "in_bounds_one_im": 1, "error_one_im": 0.052076247028902053, "one_im_sa_cls": 30.93877551020408, "model_in_bounds": 1, "pred_cls": 39.8480492672472, "error_w_gmm": 0.07963943639764962, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07611944183735604}, "run_590": {"edge_length": 340, "pf": 0.47430462548341135, "in_bounds_one_im": 1, "error_one_im": 0.05975004970095119, "one_im_sa_cls": 32.06122448979592, "model_in_bounds": 1, "pred_cls": 46.83929490674033, "error_w_gmm": 0.11038656505013017, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10550757386081766}, "run_591": {"edge_length": 340, "pf": 0.5011220486464482, "in_bounds_one_im": 1, "error_one_im": 0.06250991803549445, "one_im_sa_cls": 34.244897959183675, "model_in_bounds": 1, "pred_cls": 45.61989230540669, "error_w_gmm": 0.10055856822421615, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09611396603777238}, "run_592": {"edge_length": 340, "pf": 0.5158705220842662, "in_bounds_one_im": 1, "error_one_im": 0.05414290987152081, "one_im_sa_cls": 31.73469387755102, "model_in_bounds": 1, "pred_cls": 45.62880048781093, "error_w_gmm": 0.09766327501232233, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0933466422944899}, "run_593": {"edge_length": 370, "pf": 0.4991733954553531, "in_bounds_one_im": 1, "error_one_im": 0.055229226267078865, "one_im_sa_cls": 34.224489795918366, "model_in_bounds": 1, "pred_cls": 40.56630277114563, "error_w_gmm": 0.07417806337319836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07127079886349559}, "run_594": {"edge_length": 370, "pf": 0.5230389512960733, "in_bounds_one_im": 1, "error_one_im": 0.05143354224178944, "one_im_sa_cls": 33.69387755102041, "model_in_bounds": 1, "pred_cls": 43.285325656192114, "error_w_gmm": 0.07794618129471752, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07489123275278968}, "run_595": {"edge_length": 370, "pf": 0.4940552583262591, "in_bounds_one_im": 1, "error_one_im": 0.04848124017747437, "one_im_sa_cls": 31.163265306122447, "model_in_bounds": 1, "pred_cls": 37.96033749689707, "error_w_gmm": 0.06783725195985942, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06517850318575875}, "run_596": {"edge_length": 370, "pf": 0.5223636507215762, "in_bounds_one_im": 1, "error_one_im": 0.050430723248670345, "one_im_sa_cls": 33.224489795918366, "model_in_bounds": 1, "pred_cls": 37.312884371119075, "error_w_gmm": 0.06246831810291335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060019994219237545}, "run_597": {"edge_length": 400, "pf": 0.509759, "in_bounds_one_im": 1, "error_one_im": 0.04575753519904963, "one_im_sa_cls": 33.10204081632653, "model_in_bounds": 1, "pred_cls": 38.62741612670574, "error_w_gmm": 0.05933187162000052, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05767982777905569}, "run_598": {"edge_length": 400, "pf": 0.51399803125, "in_bounds_one_im": 1, "error_one_im": 0.050063833565605266, "one_im_sa_cls": 35.3469387755102, "model_in_bounds": 1, "pred_cls": 44.569696926447, "error_w_gmm": 0.07291552468516913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07088525595815341}, "run_599": {"edge_length": 400, "pf": 0.491165703125, "in_bounds_one_im": 1, "error_one_im": 0.0450100679126398, "one_im_sa_cls": 31.93877551020408, "model_in_bounds": 1, "pred_cls": 41.187580691916835, "error_w_gmm": 0.06780251336017692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06591461194161631}, "run_600": {"edge_length": 400, "pf": 0.505142625, "in_bounds_one_im": 1, "error_one_im": 0.04894218502981877, "one_im_sa_cls": 34.40816326530612, "model_in_bounds": 1, "pred_cls": 41.26793442299265, "error_w_gmm": 0.06612631326117044, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06428508416178912}}, "fractal_noise_0.025_12_True_simplex": {"true_cls": 7.612244897959184, "true_pf": 0.5000375018518518, "run_601": {"edge_length": 280, "pf": 0.4994615069241983, "in_bounds_one_im": 1, "error_one_im": 0.02122112646688109, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 12.732830754808095, "error_w_gmm": 0.01987309839873129, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01902682058667443}, "run_602": {"edge_length": 280, "pf": 0.5000706541545189, "in_bounds_one_im": 1, "error_one_im": 0.020021855907548153, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 10.814942197732915, "error_w_gmm": 0.01553765014507793, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014875993451921187}, "run_603": {"edge_length": 280, "pf": 0.5031287809766763, "in_bounds_one_im": 1, "error_one_im": 0.0205501580888501, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 11.94854094381359, "error_w_gmm": 0.01793350003336898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017169818252790153}, "run_604": {"edge_length": 280, "pf": 0.5005912900874635, "in_bounds_one_im": 1, "error_one_im": 0.019262566891212023, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 13.941263919356564, "error_w_gmm": 0.022716950872229934, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02174957019031368}, "run_605": {"edge_length": 310, "pf": 0.49931707562686717, "in_bounds_one_im": 1, "error_one_im": 0.017694710091432177, "one_im_sa_cls": 13.428571428571429, "model_in_bounds": 1, "pred_cls": 10.1329930585428, "error_w_gmm": 0.012223696549282221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011598594063503031}, "run_606": {"edge_length": 310, "pf": 0.5000257460306804, "in_bounds_one_im": 1, "error_one_im": 0.017108733780709557, "one_im_sa_cls": 13.142857142857142, "model_in_bounds": 1, "pred_cls": 11.066036028293565, "error_w_gmm": 0.013930558182082723, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013218169215880666}, "run_607": {"edge_length": 310, "pf": 0.49972813937095095, "in_bounds_one_im": 1, "error_one_im": 0.017922545204505192, "one_im_sa_cls": 13.551020408163264, "model_in_bounds": 1, "pred_cls": 12.216211305224371, "error_w_gmm": 0.01616753094372616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015340746366647645}, "run_608": {"edge_length": 310, "pf": 0.4974275452317814, "in_bounds_one_im": 1, "error_one_im": 0.016798857363600497, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 11.438254357471456, "error_w_gmm": 0.014715560611168693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013963027735324814}, "run_609": {"edge_length": 340, "pf": 0.4996243130470181, "in_bounds_one_im": 1, "error_one_im": 0.01394546439726172, "one_im_sa_cls": 12.571428571428571, "model_in_bounds": 1, "pred_cls": 9.876208088916902, "error_w_gmm": 0.010159538106407056, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009710495264226592}, "run_610": {"edge_length": 340, "pf": 0.49849318135558723, "in_bounds_one_im": 1, "error_one_im": 0.015536264081316618, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 11.766702973967195, "error_w_gmm": 0.013241991183297205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012656706567520703}, "run_611": {"edge_length": 340, "pf": 0.4978399145125178, "in_bounds_one_im": 1, "error_one_im": 0.015521287264609123, "one_im_sa_cls": 13.46938775510204, "model_in_bounds": 1, "pred_cls": 8.664236796797102, "error_w_gmm": 0.008377877505809107, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008007582529084206}, "run_612": {"edge_length": 340, "pf": 0.5007641207001832, "in_bounds_one_im": 1, "error_one_im": 0.013542690397323785, "one_im_sa_cls": 12.346938775510203, "model_in_bounds": 1, "pred_cls": 11.84200131635153, "error_w_gmm": 0.013308718786155693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012720484867750839}, "run_613": {"edge_length": 370, "pf": 0.500544587684836, "in_bounds_one_im": 1, "error_one_im": 0.01268204196731699, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 11.224906203397321, "error_w_gmm": 0.010767389581019804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010345382748170212}, "run_614": {"edge_length": 370, "pf": 0.5006294197777031, "in_bounds_one_im": 1, "error_one_im": 0.013227177645912063, "one_im_sa_cls": 13.224489795918368, "model_in_bounds": 1, "pred_cls": 5.803223992848006, "error_w_gmm": 0.004001903961485421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0038450571414230792}, "run_615": {"edge_length": 370, "pf": 0.4978479458274929, "in_bounds_one_im": 1, "error_one_im": 0.012629383373100678, "one_im_sa_cls": 12.775510204081632, "model_in_bounds": 1, "pred_cls": 10.860754576606492, "error_w_gmm": 0.010303116980089639, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009899306406270507}, "run_616": {"edge_length": 370, "pf": 0.501584052277259, "in_bounds_one_im": 1, "error_one_im": 0.0133243761232069, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 1, "pred_cls": 8.290601807855053, "error_w_gmm": 0.006820442611503862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006553128666609839}, "run_617": {"edge_length": 400, "pf": 0.50063515625, "in_bounds_one_im": 1, "error_one_im": 0.012150643480174257, "one_im_sa_cls": 13.510204081632653, "model_in_bounds": 1, "pred_cls": 11.214516394767433, "error_w_gmm": 0.009452383483119902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009189190169152869}, "run_618": {"edge_length": 400, "pf": 0.50043790625, "in_bounds_one_im": 1, "error_one_im": 0.011717430880175959, "one_im_sa_cls": 13.183673469387756, "model_in_bounds": 1, "pred_cls": 8.371146721747062, "error_w_gmm": 0.006098447193497544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005928641289010538}, "run_619": {"edge_length": 400, "pf": 0.49949871875, "in_bounds_one_im": 1, "error_one_im": 0.011630595015713391, "one_im_sa_cls": 13.10204081632653, "model_in_bounds": 1, "pred_cls": 10.844360412450513, "error_w_gmm": 0.009008728929190461, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008757888786517537}, "run_620": {"edge_length": 400, "pf": 0.4979833125, "in_bounds_one_im": 1, "error_one_im": 0.011448525421072104, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 8.237343691464162, "error_w_gmm": 0.005982113646919479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005815546947835372}}, "fractal_noise_0.025_12_True_value": {"true_cls": 35.857142857142854, "true_pf": 0.5010203388888889, "run_621": {"edge_length": 280, "pf": 0.5564477040816327, "in_bounds_one_im": 0, "error_one_im": 0.07099858349970231, "one_im_sa_cls": 33.06122448979592, "model_in_bounds": 0, "pred_cls": 31.856458794909226, "error_w_gmm": 0.07014018198590433, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06715332615913035}, "run_622": {"edge_length": 280, "pf": 0.4959915725218659, "in_bounds_one_im": 1, "error_one_im": 0.07437083070837484, "one_im_sa_cls": 31.448979591836736, "model_in_bounds": 1, "pred_cls": 41.277948232994156, "error_w_gmm": 0.11680711767112041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1118329928521292}, "run_623": {"edge_length": 280, "pf": 0.518496401239067, "in_bounds_one_im": 1, "error_one_im": 0.06773249196740327, "one_im_sa_cls": 30.448979591836736, "model_in_bounds": 1, "pred_cls": 20.263535678726058, "error_w_gmm": 0.038406978075179496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03677145186175048}, "run_624": {"edge_length": 280, "pf": 0.5451891854956268, "in_bounds_one_im": 0, "error_one_im": 0.06451956039309364, "one_im_sa_cls": 30.551020408163264, "model_in_bounds": 1, "pred_cls": 43.0151693661335, "error_w_gmm": 0.11258606357573481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10779168850450532}, "run_625": {"edge_length": 310, "pf": 0.527360645832634, "in_bounds_one_im": 1, "error_one_im": 0.05546116662808351, "one_im_sa_cls": 29.857142857142858, "model_in_bounds": 1, "pred_cls": 44.59248907361957, "error_w_gmm": 0.10668574999418003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10122999221667775}, "run_626": {"edge_length": 310, "pf": 0.5272310429324293, "in_bounds_one_im": 1, "error_one_im": 0.055134665916800794, "one_im_sa_cls": 29.73469387755102, "model_in_bounds": 1, "pred_cls": 40.39019658873098, "error_w_gmm": 0.09199001748218721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08728577859968993}, "run_627": {"edge_length": 310, "pf": 0.5045168339431372, "in_bounds_one_im": 1, "error_one_im": 0.06337321618706374, "one_im_sa_cls": 31.653061224489797, "model_in_bounds": 1, "pred_cls": 38.56090326085551, "error_w_gmm": 0.08980493030608797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08521243367929184}, "run_628": {"edge_length": 310, "pf": 0.5095146185089456, "in_bounds_one_im": 1, "error_one_im": 0.0633505652759108, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 40.767376158342095, "error_w_gmm": 0.09665105788972732, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09170846001874212}, "run_629": {"edge_length": 340, "pf": 0.4926690667616528, "in_bounds_one_im": 1, "error_one_im": 0.06137225061349814, "one_im_sa_cls": 33.44897959183673, "model_in_bounds": 1, "pred_cls": 42.50324248295047, "error_w_gmm": 0.09197364883427998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08790849269768325}, "run_630": {"edge_length": 340, "pf": 0.5143901384083045, "in_bounds_one_im": 1, "error_one_im": 0.05331137093345392, "one_im_sa_cls": 31.346938775510203, "model_in_bounds": 1, "pred_cls": 45.07426507256649, "error_w_gmm": 0.09617289993603226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09192214051412755}, "run_631": {"edge_length": 340, "pf": 0.4827674282515774, "in_bounds_one_im": 1, "error_one_im": 0.05322657937004953, "one_im_sa_cls": 30.020408163265305, "model_in_bounds": 1, "pred_cls": 40.509635528375775, "error_w_gmm": 0.08729186139397566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0834336362336358}, "run_632": {"edge_length": 340, "pf": 0.5024183798086709, "in_bounds_one_im": 1, "error_one_im": 0.06184712358164723, "one_im_sa_cls": 34.06122448979592, "model_in_bounds": 1, "pred_cls": 39.00011211938496, "error_w_gmm": 0.07927942419803188, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0757753418671767}, "run_633": {"edge_length": 370, "pf": 0.5233757526701281, "in_bounds_one_im": 1, "error_one_im": 0.04885195882682581, "one_im_sa_cls": 32.57142857142857, "model_in_bounds": 1, "pred_cls": 45.35661958334712, "error_w_gmm": 0.08355100047302216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0802763819755927}, "run_634": {"edge_length": 370, "pf": 0.5197088030323969, "in_bounds_one_im": 1, "error_one_im": 0.04760230868507895, "one_im_sa_cls": 31.857142857142858, "model_in_bounds": 1, "pred_cls": 42.417864411796906, "error_w_gmm": 0.07612106309452608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07313764650056417}, "run_635": {"edge_length": 370, "pf": 0.5221260142538448, "in_bounds_one_im": 1, "error_one_im": 0.04682712991188851, "one_im_sa_cls": 31.612244897959183, "model_in_bounds": 1, "pred_cls": 40.743916363974115, "error_w_gmm": 0.07131363190321775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06851863319791135}, "run_636": {"edge_length": 370, "pf": 0.49616674234497465, "in_bounds_one_im": 1, "error_one_im": 0.045459656119318306, "one_im_sa_cls": 29.93877551020408, "model_in_bounds": 1, "pred_cls": 35.76202954484771, "error_w_gmm": 0.061769231171964194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05934830663697891}, "run_637": {"edge_length": 400, "pf": 0.528844484375, "in_bounds_one_im": 0, "error_one_im": 0.04642437405044534, "one_im_sa_cls": 34.285714285714285, "model_in_bounds": 1, "pred_cls": 41.4454661149411, "error_w_gmm": 0.06346815738209965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061700942297924416}, "run_638": {"edge_length": 400, "pf": 0.509941703125, "in_bounds_one_im": 1, "error_one_im": 0.043892274887725645, "one_im_sa_cls": 32.204081632653065, "model_in_bounds": 1, "pred_cls": 39.21563484551637, "error_w_gmm": 0.060670095775514764, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05898079025861816}, "run_639": {"edge_length": 400, "pf": 0.48546571875, "in_bounds_one_im": 1, "error_one_im": 0.048347440134205846, "one_im_sa_cls": 33.244897959183675, "model_in_bounds": 1, "pred_cls": 42.52074825252135, "error_w_gmm": 0.07193685032054743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06993383192142835}, "run_640": {"edge_length": 400, "pf": 0.502183640625, "in_bounds_one_im": 1, "error_one_im": 0.05192860348199746, "one_im_sa_cls": 35.6530612244898, "model_in_bounds": 1, "pred_cls": 44.43255455595052, "error_w_gmm": 0.07431516106363079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07224592069126724}}, "fractal_noise_0.035_2_True_simplex": {"true_cls": 5.3061224489795915, "true_pf": 0.5000864050925926, "run_641": {"edge_length": 280, "pf": 0.49930420918367346, "in_bounds_one_im": 1, "error_one_im": 0.012883649316746728, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 9.831493369686099, "error_w_gmm": 0.013487889412029741, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012913519914538216}, "run_642": {"edge_length": 280, "pf": 0.5005272868075802, "in_bounds_one_im": 1, "error_one_im": 0.012772096711980813, "one_im_sa_cls": 9.775510204081632, "model_in_bounds": 1, "pred_cls": 8.915440616817474, "error_w_gmm": 0.011618943120700142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011124161000402918}, "run_643": {"edge_length": 280, "pf": 0.5004096665451895, "in_bounds_one_im": 1, "error_one_im": 0.01214038832991473, "one_im_sa_cls": 9.448979591836734, "model_in_bounds": 1, "pred_cls": 6.817262837727087, "error_w_gmm": 0.00777086974865503, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007439954331404776}, "run_644": {"edge_length": 280, "pf": 0.4993910805393586, "in_bounds_one_im": 1, "error_one_im": 0.013366453868945128, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 10.551306660639758, "error_w_gmm": 0.014993349789202165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014354871631421781}, "run_645": {"edge_length": 310, "pf": 0.49980245711792154, "in_bounds_one_im": 1, "error_one_im": 0.011464454439206568, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 7.230462721918424, "error_w_gmm": 0.007360773972840492, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006984354443025669}, "run_646": {"edge_length": 310, "pf": 0.49905118995669834, "in_bounds_one_im": 1, "error_one_im": 0.011203356738667436, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 9.565082229041368, "error_w_gmm": 0.011216566880558014, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010642967576069704}, "run_647": {"edge_length": 310, "pf": 0.4977412977073613, "in_bounds_one_im": 1, "error_one_im": 0.011163336694520394, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 10.074286610542284, "error_w_gmm": 0.0121558718231564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011534237797570776}, "run_648": {"edge_length": 310, "pf": 0.5005784968614683, "in_bounds_one_im": 1, "error_one_im": 0.011065715782260939, "one_im_sa_cls": 9.83673469387755, "model_in_bounds": 1, "pred_cls": 5.223589981324114, "error_w_gmm": 0.004512881247437262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0042820989080340046}, "run_649": {"edge_length": 340, "pf": 0.5020710360268675, "in_bounds_one_im": 1, "error_one_im": 0.009396738054276278, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 7.871408663964784, "error_w_gmm": 0.007193530671443457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00687558280568566}, "run_650": {"edge_length": 340, "pf": 0.4995257480154692, "in_bounds_one_im": 1, "error_one_im": 0.009865311760935495, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 6.874938593759328, "error_w_gmm": 0.005901704542914073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0056408542804411415}, "run_651": {"edge_length": 340, "pf": 0.4999567474048443, "in_bounds_one_im": 1, "error_one_im": 0.009526097211314708, "one_im_sa_cls": 9.755102040816327, "model_in_bounds": 1, "pred_cls": 9.619891480373237, "error_w_gmm": 0.009760119304183041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009328730429367297}, "run_652": {"edge_length": 340, "pf": 0.49995361795237125, "in_bounds_one_im": 1, "error_one_im": 0.009288009891687272, "one_im_sa_cls": 9.591836734693878, "model_in_bounds": 1, "pred_cls": 4.33519408373092, "error_w_gmm": 0.002952673342878295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0028221677218521245}, "run_653": {"edge_length": 370, "pf": 0.5008051053244625, "in_bounds_one_im": 1, "error_one_im": 0.008988943847628997, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 9.31202961551585, "error_w_gmm": 0.008131610825956993, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007812908200329285}, "run_654": {"edge_length": 370, "pf": 0.4999991905711409, "in_bounds_one_im": 1, "error_one_im": 0.0077154229786671365, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 9.285715654551543, "error_w_gmm": 0.008110229480908176, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007792364855395269}, "run_655": {"edge_length": 370, "pf": 0.4997358300594239, "in_bounds_one_im": 1, "error_one_im": 0.008633249294411225, "one_im_sa_cls": 9.938775510204081, "model_in_bounds": 1, "pred_cls": 9.11142410561613, "error_w_gmm": 0.00788711579491666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007577995675143301}, "run_656": {"edge_length": 370, "pf": 0.5007931218289143, "in_bounds_one_im": 1, "error_one_im": 0.009043040274001182, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 9.234570700852247, "error_w_gmm": 0.008030554565236808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007715812642637816}, "run_657": {"edge_length": 400, "pf": 0.500366640625, "in_bounds_one_im": 1, "error_one_im": 0.007576457999762202, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 8.14181485407082, "error_w_gmm": 0.005850400138345624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00568750088619465}, "run_658": {"edge_length": 400, "pf": 0.50038790625, "in_bounds_one_im": 1, "error_one_im": 0.007576135770201856, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 6.800772786899731, "error_w_gmm": 0.004466040573355268, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004341687597101975}, "run_659": {"edge_length": 400, "pf": 0.500156375, "in_bounds_one_im": 1, "error_one_im": 0.00781625172072906, "one_im_sa_cls": 10.061224489795919, "model_in_bounds": 1, "pred_cls": 9.107588610379162, "error_w_gmm": 0.0069245487918388115, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006731740814093778}, "run_660": {"edge_length": 400, "pf": 0.500829984375, "in_bounds_one_im": 1, "error_one_im": 0.008044425715492316, "one_im_sa_cls": 10.26530612244898, "model_in_bounds": 1, "pred_cls": 6.684269079769898, "error_w_gmm": 0.0043479262410874965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004226862054650359}}, "fractal_noise_0.035_2_True_value": {"true_cls": 24.551020408163264, "true_pf": 0.49997296435185185, "run_661": {"edge_length": 280, "pf": 0.47712673104956266, "in_bounds_one_im": 1, "error_one_im": 0.05400404614231948, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 29.862437258380666, "error_w_gmm": 0.07464137393130572, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07146283894133477}, "run_662": {"edge_length": 280, "pf": 0.4819149052478134, "in_bounds_one_im": 1, "error_one_im": 0.05348848824927185, "one_im_sa_cls": 24.775510204081634, "model_in_bounds": 1, "pred_cls": 31.076666613613863, "error_w_gmm": 0.07848332907626288, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07514118792237826}, "run_663": {"edge_length": 280, "pf": 0.4919272048104956, "in_bounds_one_im": 1, "error_one_im": 0.05004885755039608, "one_im_sa_cls": 24.020408163265305, "model_in_bounds": 1, "pred_cls": 36.7284969549721, "error_w_gmm": 0.09883885100197982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09462988846911623}, "run_664": {"edge_length": 280, "pf": 0.5008109511661808, "in_bounds_one_im": 1, "error_one_im": 0.045273109722555126, "one_im_sa_cls": 22.73469387755102, "model_in_bounds": 1, "pred_cls": 30.33183006925948, "error_w_gmm": 0.07287086778717429, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06976772819030336}, "run_665": {"edge_length": 310, "pf": 0.5014614816555335, "in_bounds_one_im": 1, "error_one_im": 0.038707861696485914, "one_im_sa_cls": 22.693877551020407, "model_in_bounds": 1, "pred_cls": 23.541205046612617, "error_w_gmm": 0.04309991028328252, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04089584206657609}, "run_666": {"edge_length": 310, "pf": 0.5104165351951931, "in_bounds_one_im": 1, "error_one_im": 0.04198431718424891, "one_im_sa_cls": 24.244897959183675, "model_in_bounds": 1, "pred_cls": 33.3675006590722, "error_w_gmm": 0.0714396439199345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06778632196307109}, "run_667": {"edge_length": 310, "pf": 0.5014549360545131, "in_bounds_one_im": 1, "error_one_im": 0.041401612605332705, "one_im_sa_cls": 23.73469387755102, "model_in_bounds": 1, "pred_cls": 24.528357182147836, "error_w_gmm": 0.04583969391982422, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04349551705801241}, "run_668": {"edge_length": 310, "pf": 0.49323017018562654, "in_bounds_one_im": 1, "error_one_im": 0.03803087391175408, "one_im_sa_cls": 22.183673469387756, "model_in_bounds": 1, "pred_cls": 23.03537621649497, "error_w_gmm": 0.04241078241936634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04024195522316597}, "run_669": {"edge_length": 340, "pf": 0.4972393649501323, "in_bounds_one_im": 1, "error_one_im": 0.0418234469252484, "one_im_sa_cls": 26.06122448979592, "model_in_bounds": 1, "pred_cls": 32.143628322297246, "error_w_gmm": 0.05993803849260178, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05728882876696829}, "run_670": {"edge_length": 340, "pf": 0.5123161764705882, "in_bounds_one_im": 1, "error_one_im": 0.037801294156067665, "one_im_sa_cls": 24.857142857142858, "model_in_bounds": 1, "pred_cls": 32.57187570799224, "error_w_gmm": 0.05932347628640395, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05670142968146322}, "run_671": {"edge_length": 340, "pf": 0.5025681355587217, "in_bounds_one_im": 1, "error_one_im": 0.037694396166935006, "one_im_sa_cls": 24.489795918367346, "model_in_bounds": 1, "pred_cls": 20.305194200300225, "error_w_gmm": 0.029774353869329157, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02845835304866813}, "run_672": {"edge_length": 340, "pf": 0.5078418990433544, "in_bounds_one_im": 1, "error_one_im": 0.039844644342249484, "one_im_sa_cls": 25.591836734693878, "model_in_bounds": 1, "pred_cls": 30.094876484914472, "error_w_gmm": 0.05316051757353365, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050810868440572865}, "run_673": {"edge_length": 370, "pf": 0.49654200146092037, "in_bounds_one_im": 1, "error_one_im": 0.03369083025883166, "one_im_sa_cls": 24.53061224489796, "model_in_bounds": 1, "pred_cls": 24.678812359471003, "error_w_gmm": 0.035383385164695184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03399660239840867}, "run_674": {"edge_length": 370, "pf": 0.5127386137050125, "in_bounds_one_im": 1, "error_one_im": 0.03438257490755134, "one_im_sa_cls": 25.408163265306122, "model_in_bounds": 1, "pred_cls": 30.869081383116338, "error_w_gmm": 0.04792122521287724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04604304626094193}, "run_675": {"edge_length": 370, "pf": 0.495526859218605, "in_bounds_one_im": 1, "error_one_im": 0.032378637977070815, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 29.526217374658742, "error_w_gmm": 0.04639877474954645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04458026527398383}, "run_676": {"edge_length": 370, "pf": 0.5037909304483447, "in_bounds_one_im": 1, "error_one_im": 0.035256932645529454, "one_im_sa_cls": 25.53061224489796, "model_in_bounds": 1, "pred_cls": 32.5607449606342, "error_w_gmm": 0.052851588419111306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050780173497974236}, "run_677": {"edge_length": 400, "pf": 0.501351625, "in_bounds_one_im": 1, "error_one_im": 0.03315823377077217, "one_im_sa_cls": 26.408163265306122, "model_in_bounds": 1, "pred_cls": 29.659668583949436, "error_w_gmm": 0.040597344672671114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03946694727589336}, "run_678": {"edge_length": 400, "pf": 0.505780203125, "in_bounds_one_im": 1, "error_one_im": 0.03161664402747297, "one_im_sa_cls": 25.73469387755102, "model_in_bounds": 1, "pred_cls": 32.06720803733088, "error_w_gmm": 0.04523692511655886, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04397734267829129}, "run_679": {"edge_length": 400, "pf": 0.505557921875, "in_bounds_one_im": 1, "error_one_im": 0.03461043845149189, "one_im_sa_cls": 27.3265306122449, "model_in_bounds": 1, "pred_cls": 29.362165890335387, "error_w_gmm": 0.039653048476234666, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03854894417746234}, "run_680": {"edge_length": 400, "pf": 0.50096640625, "in_bounds_one_im": 1, "error_one_im": 0.031770751645480814, "one_im_sa_cls": 25.653061224489797, "model_in_bounds": 1, "pred_cls": 32.55414134348794, "error_w_gmm": 0.0467188510491112, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045418005685155215}}, "fractal_noise_0.035_7_True_simplex": {"true_cls": 5.26530612244898, "true_pf": 0.5000002847222222, "run_681": {"edge_length": 280, "pf": 0.5003129099854228, "in_bounds_one_im": 1, "error_one_im": 0.011480146278947117, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 5.71344121701377, "error_w_gmm": 0.005963280785498221, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005709339899453304}, "run_682": {"edge_length": 280, "pf": 0.49924959001457725, "in_bounds_one_im": 1, "error_one_im": 0.012247519839121474, "one_im_sa_cls": 9.489795918367347, "model_in_bounds": 1, "pred_cls": 9.929496349215318, "error_w_gmm": 0.013691563119607819, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013108520362609238}, "run_683": {"edge_length": 280, "pf": 0.5022084092565597, "in_bounds_one_im": 1, "error_one_im": 0.011745797003012332, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 0, "pred_cls": 3.7061218277803785, "error_w_gmm": 0.0031036427733735915, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.002971476969986571}, "run_684": {"edge_length": 280, "pf": 0.5005040543002915, "in_bounds_one_im": 1, "error_one_im": 0.011630486418350678, "one_im_sa_cls": 9.183673469387756, "model_in_bounds": 1, "pred_cls": 9.623024756230748, "error_w_gmm": 0.013029867287068255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.012475002244997329}, "run_685": {"edge_length": 310, "pf": 0.49978822463160016, "in_bounds_one_im": 1, "error_one_im": 0.009865013048976712, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 9.729657593181575, "error_w_gmm": 0.011490344305494829, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010902744412216668}, "run_686": {"edge_length": 310, "pf": 0.5009897955758451, "in_bounds_one_im": 1, "error_one_im": 0.010850809343179493, "one_im_sa_cls": 9.714285714285714, "model_in_bounds": 1, "pred_cls": 9.337664430370882, "error_w_gmm": 0.010777063173012956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01022593946410148}, "run_687": {"edge_length": 310, "pf": 0.5000247390151388, "in_bounds_one_im": 1, "error_one_im": 0.010260963888497813, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 8.219834487782736, "error_w_gmm": 0.008918172790612975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008462110096521633}, "run_688": {"edge_length": 310, "pf": 0.49943472860931154, "in_bounds_one_im": 1, "error_one_im": 0.011194766173091413, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 8.329652091101666, "error_w_gmm": 0.009108231150844918, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008642449142064754}, "run_689": {"edge_length": 340, "pf": 0.4996274679421942, "in_bounds_one_im": 1, "error_one_im": 0.009502475121960586, "one_im_sa_cls": 9.73469387755102, "model_in_bounds": 1, "pred_cls": 9.327954728123416, "error_w_gmm": 0.009325358143653371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008913185338027964}, "run_690": {"edge_length": 340, "pf": 0.4991663698351313, "in_bounds_one_im": 1, "error_one_im": 0.009451485937107526, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 3.4052442462930816, "error_w_gmm": 0.0020587745103096923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0019677784484971126}, "run_691": {"edge_length": 340, "pf": 0.49886741807449625, "in_bounds_one_im": 1, "error_one_im": 0.009757351563195068, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 4.717579693420368, "error_w_gmm": 0.0033591153398285184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0032106453322740115}, "run_692": {"edge_length": 340, "pf": 0.5013644158355384, "in_bounds_one_im": 1, "error_one_im": 0.009202784567792251, "one_im_sa_cls": 9.551020408163264, "model_in_bounds": 1, "pred_cls": 8.29117689127543, "error_w_gmm": 0.0077875607954914355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007443357309404319}, "run_693": {"edge_length": 370, "pf": 0.5006706019386808, "in_bounds_one_im": 1, "error_one_im": 0.008564095764853003, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 7.194717875591466, "error_w_gmm": 0.005523922083953255, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005307422732275011}, "run_694": {"edge_length": 370, "pf": 0.4989760330089037, "in_bounds_one_im": 1, "error_one_im": 0.007731227352361809, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 6.328172668460456, "error_w_gmm": 0.004572105651970117, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004392910888826888}, "run_695": {"edge_length": 370, "pf": 0.5001273567212209, "in_bounds_one_im": 1, "error_one_im": 0.00852042897053941, "one_im_sa_cls": 9.857142857142858, "model_in_bounds": 1, "pred_cls": 8.995348601549882, "error_w_gmm": 0.00773082328123281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007427828741684952}, "run_696": {"edge_length": 370, "pf": 0.4988307898841135, "in_bounds_one_im": 1, "error_one_im": 0.007784858605971609, "one_im_sa_cls": 9.26530612244898, "model_in_bounds": 1, "pred_cls": 9.169985033869162, "error_w_gmm": 0.007977703182677797, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007665032666931832}, "run_697": {"edge_length": 400, "pf": 0.498443859375, "in_bounds_one_im": 1, "error_one_im": 0.007115060515985056, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 6.051197590572791, "error_w_gmm": 0.003763014135132826, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003658236312428185}, "run_698": {"edge_length": 400, "pf": 0.4995016875, "in_bounds_one_im": 1, "error_one_im": 0.0076367648972229096, "one_im_sa_cls": 9.89795918367347, "model_in_bounds": 1, "pred_cls": 5.215515544141365, "error_w_gmm": 0.003004698446215821, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0029210352576725805}, "run_699": {"edge_length": 400, "pf": 0.4982718125, "in_bounds_one_im": 1, "error_one_im": 0.007210144184489234, "one_im_sa_cls": 9.510204081632653, "model_in_bounds": 0, "pred_cls": 4.427967512013894, "error_w_gmm": 0.002356296437557772, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0022906874333105355}, "run_700": {"edge_length": 400, "pf": 0.499320265625, "in_bounds_one_im": 1, "error_one_im": 0.007404484162807349, "one_im_sa_cls": 9.693877551020408, "model_in_bounds": 1, "pred_cls": 3.4064583206900734, "error_w_gmm": 0.0015865991849347842, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0015424217244914885}}, "fractal_noise_0.035_7_True_value": {"true_cls": 25.142857142857142, "true_pf": 0.5002676208333333, "run_701": {"edge_length": 280, "pf": 0.5147508655247813, "in_bounds_one_im": 1, "error_one_im": 0.045878477366056984, "one_im_sa_cls": 23.367346938775512, "model_in_bounds": 1, "pred_cls": 24.810290836409866, "error_w_gmm": 0.05242543331388502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050192943940016645}, "run_702": {"edge_length": 280, "pf": 0.5185981687317784, "in_bounds_one_im": 1, "error_one_im": 0.04811494176694687, "one_im_sa_cls": 24.244897959183675, "model_in_bounds": 1, "pred_cls": 22.281525190049457, "error_w_gmm": 0.04427577344064011, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042390329916802756}, "run_703": {"edge_length": 280, "pf": 0.503082361516035, "in_bounds_one_im": 1, "error_one_im": 0.05388962649921617, "one_im_sa_cls": 25.612244897959183, "model_in_bounds": 1, "pred_cls": 33.68615584025067, "error_w_gmm": 0.08490049942294192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08128508890906005}, "run_704": {"edge_length": 280, "pf": 0.5095049198250728, "in_bounds_one_im": 1, "error_one_im": 0.0478279567165386, "one_im_sa_cls": 23.857142857142858, "model_in_bounds": 1, "pred_cls": 30.93451011416343, "error_w_gmm": 0.07375957487926073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07061859049954018}, "run_705": {"edge_length": 310, "pf": 0.4931827061864321, "in_bounds_one_im": 1, "error_one_im": 0.04362152713310194, "one_im_sa_cls": 24.306122448979593, "model_in_bounds": 1, "pred_cls": 31.916439662310914, "error_w_gmm": 0.06917452937535294, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06563704216018858}, "run_706": {"edge_length": 310, "pf": 0.5004246920210802, "in_bounds_one_im": 1, "error_one_im": 0.037074449775977514, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 27.086414315041733, "error_w_gmm": 0.05330416619073173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050578266815377367}, "run_707": {"edge_length": 310, "pf": 0.5150779430029203, "in_bounds_one_im": 1, "error_one_im": 0.03884228008608794, "one_im_sa_cls": 23.163265306122447, "model_in_bounds": 1, "pred_cls": 29.102932782523823, "error_w_gmm": 0.057651072211460166, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0547028782341373}, "run_708": {"edge_length": 310, "pf": 0.5117620422275184, "in_bounds_one_im": 1, "error_one_im": 0.03822573725363266, "one_im_sa_cls": 22.816326530612244, "model_in_bounds": 0, "pred_cls": 9.295769258379266, "error_w_gmm": 0.01047641029724164, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.009940661549516533}, "run_709": {"edge_length": 340, "pf": 0.5073159220435579, "in_bounds_one_im": 1, "error_one_im": 0.04376373273126701, "one_im_sa_cls": 27.224489795918366, "model_in_bounds": 1, "pred_cls": 33.6361401272491, "error_w_gmm": 0.06288058091154906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06010131334300957}, "run_710": {"edge_length": 340, "pf": 0.5033630928149807, "in_bounds_one_im": 1, "error_one_im": 0.03562988695849836, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 24.40060756894874, "error_w_gmm": 0.03915994465803715, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03742910880066843}, "run_711": {"edge_length": 340, "pf": 0.50999605638103, "in_bounds_one_im": 1, "error_one_im": 0.03751045874913625, "one_im_sa_cls": 24.653061224489797, "model_in_bounds": 1, "pred_cls": 27.544082957793602, "error_w_gmm": 0.04634694938193994, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044298454100079265}, "run_712": {"edge_length": 340, "pf": 0.49564522694891106, "in_bounds_one_im": 1, "error_one_im": 0.03693730598223709, "one_im_sa_cls": 23.93877551020408, "model_in_bounds": 1, "pred_cls": 31.816085805868966, "error_w_gmm": 0.059212721947711565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056595570589238677}, "run_713": {"edge_length": 370, "pf": 0.5042615442323258, "in_bounds_one_im": 1, "error_one_im": 0.03417318598710706, "one_im_sa_cls": 25.020408163265305, "model_in_bounds": 1, "pred_cls": 22.730901174908652, "error_w_gmm": 0.030798724405083758, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029591628474895815}, "run_714": {"edge_length": 370, "pf": 0.49603926717075003, "in_bounds_one_im": 1, "error_one_im": 0.034315637234803804, "one_im_sa_cls": 24.816326530612244, "model_in_bounds": 1, "pred_cls": 27.748057766364024, "error_w_gmm": 0.042227811527201675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04057277481968085}, "run_715": {"edge_length": 370, "pf": 0.492069907014392, "in_bounds_one_im": 1, "error_one_im": 0.031977806260637134, "one_im_sa_cls": 23.551020408163264, "model_in_bounds": 1, "pred_cls": 20.78803958825842, "error_w_gmm": 0.027600582038265535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02651883106017278}, "run_716": {"edge_length": 370, "pf": 0.4891701577399167, "in_bounds_one_im": 1, "error_one_im": 0.03639034259698181, "one_im_sa_cls": 25.571428571428573, "model_in_bounds": 1, "pred_cls": 31.120242906605917, "error_w_gmm": 0.05084894994865646, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048856024536225215}, "run_717": {"edge_length": 400, "pf": 0.50168196875, "in_bounds_one_im": 1, "error_one_im": 0.030037028645802023, "one_im_sa_cls": 24.73469387755102, "model_in_bounds": 1, "pred_cls": 29.540955299944, "error_w_gmm": 0.04032719874663244, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03920432332583626}, "run_718": {"edge_length": 400, "pf": 0.494742703125, "in_bounds_one_im": 1, "error_one_im": 0.032476286991592114, "one_im_sa_cls": 25.816326530612244, "model_in_bounds": 1, "pred_cls": 32.553514223714664, "error_w_gmm": 0.047302665453137965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04598556428999537}, "run_719": {"edge_length": 400, "pf": 0.500682234375, "in_bounds_one_im": 1, "error_one_im": 0.03358828189871591, "one_im_sa_cls": 26.612244897959183, "model_in_bounds": 1, "pred_cls": 32.37403959286515, "error_w_gmm": 0.04635802827522714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04506722970441961}, "run_720": {"edge_length": 400, "pf": 0.506502421875, "in_bounds_one_im": 1, "error_one_im": 0.03224939342006634, "one_im_sa_cls": 26.10204081632653, "model_in_bounds": 1, "pred_cls": 31.8866968377002, "error_w_gmm": 0.044790740884810124, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04354358205449331}}, "fractal_noise_0.035_12_True_simplex": {"true_cls": 4.938775510204081, "true_pf": 0.49992499027777776, "run_721": {"edge_length": 280, "pf": 0.5015305211370262, "in_bounds_one_im": 1, "error_one_im": 0.013634653789878442, "one_im_sa_cls": 10.224489795918368, "model_in_bounds": 1, "pred_cls": 7.549552409241451, "error_w_gmm": 0.009035720998566537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008650943041772882}, "run_722": {"edge_length": 280, "pf": 0.49979541727405247, "in_bounds_one_im": 1, "error_one_im": 0.011569421488927123, "one_im_sa_cls": 9.142857142857142, "model_in_bounds": 1, "pred_cls": 8.388779472367297, "error_w_gmm": 0.010620287378325977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010168032104104685}, "run_723": {"edge_length": 280, "pf": 0.5015681942419825, "in_bounds_one_im": 1, "error_one_im": 0.011916618068602489, "one_im_sa_cls": 9.346938775510203, "model_in_bounds": 1, "pred_cls": 9.922407022262677, "error_w_gmm": 0.013613626783206417, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013033902874176431}, "run_724": {"edge_length": 280, "pf": 0.5006630375364431, "in_bounds_one_im": 1, "error_one_im": 0.013495084232355969, "one_im_sa_cls": 10.142857142857142, "model_in_bounds": 1, "pred_cls": 10.02044807104688, "error_w_gmm": 0.013840927986802289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.013251524662846811}, "run_725": {"edge_length": 310, "pf": 0.49954734651404786, "in_bounds_one_im": 1, "error_one_im": 0.010473252425423905, "one_im_sa_cls": 9.46938775510204, "model_in_bounds": 1, "pred_cls": 9.534882967160438, "error_w_gmm": 0.011152416533036138, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010582097786236507}, "run_726": {"edge_length": 310, "pf": 0.5007164244234836, "in_bounds_one_im": 1, "error_one_im": 0.010046083965113186, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 1, "pred_cls": 6.6483734167695605, "error_w_gmm": 0.006478188624431102, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00614690325619975}, "run_727": {"edge_length": 310, "pf": 0.5002034507065892, "in_bounds_one_im": 1, "error_one_im": 0.009856824027975105, "one_im_sa_cls": 9.10204081632653, "model_in_bounds": 1, "pred_cls": 9.680198600512837, "error_w_gmm": 0.01139337645984023, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010810735364509548}, "run_728": {"edge_length": 310, "pf": 0.4999345775569803, "in_bounds_one_im": 1, "error_one_im": 0.011322218821513765, "one_im_sa_cls": 9.979591836734693, "model_in_bounds": 1, "pred_cls": 7.914551576140675, "error_w_gmm": 0.008427505740304408, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007996535062494883}, "run_729": {"edge_length": 340, "pf": 0.4983091542845512, "in_bounds_one_im": 1, "error_one_im": 0.009647657239040253, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 8.490807309850087, "error_w_gmm": 0.008119970127134491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00776107443462174}, "run_730": {"edge_length": 340, "pf": 0.49988677997150416, "in_bounds_one_im": 1, "error_one_im": 0.009259620785874206, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 5.596779331703369, "error_w_gmm": 0.0043317952022921425, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004140333581792503}, "run_731": {"edge_length": 340, "pf": 0.49925997353958884, "in_bounds_one_im": 1, "error_one_im": 0.009005651200652325, "one_im_sa_cls": 9.387755102040817, "model_in_bounds": 1, "pred_cls": 9.138269245325382, "error_w_gmm": 0.009049008625523755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008649050230805214}, "run_732": {"edge_length": 340, "pf": 0.5000732749847344, "in_bounds_one_im": 1, "error_one_im": 0.009315438655917229, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 1, "pred_cls": 7.987864186944807, "error_w_gmm": 0.0073832004720736704, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007056869364335902}, "run_733": {"edge_length": 370, "pf": 0.5014974433893353, "in_bounds_one_im": 1, "error_one_im": 0.008182425859491976, "one_im_sa_cls": 9.612244897959183, "model_in_bounds": 0, "pred_cls": 3.5593368116622, "error_w_gmm": 0.0019189441344058264, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0018437348619555663}, "run_734": {"edge_length": 370, "pf": 0.5019906027283675, "in_bounds_one_im": 1, "error_one_im": 0.008200406064335879, "one_im_sa_cls": 9.63265306122449, "model_in_bounds": 1, "pred_cls": 6.06036758274168, "error_w_gmm": 0.004259207453657123, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.004092276125089205}, "run_735": {"edge_length": 370, "pf": 0.4989594890727104, "in_bounds_one_im": 1, "error_one_im": 0.007731483167548327, "one_im_sa_cls": 9.224489795918368, "model_in_bounds": 0, "pred_cls": 3.359083111577005, "error_w_gmm": 0.0017682524585254697, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.0016989492523876164}, "run_736": {"edge_length": 370, "pf": 0.4986380273626439, "in_bounds_one_im": 1, "error_one_im": 0.00737981624148238, "one_im_sa_cls": 8.938775510204081, "model_in_bounds": 1, "pred_cls": 5.576101348971915, "error_w_gmm": 0.0037843243677295304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0036360051554558737}, "run_737": {"edge_length": 400, "pf": 0.500601, "in_bounds_one_im": 1, "error_one_im": 0.007084430189785349, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 8.985460466759324, "error_w_gmm": 0.006779703199268041, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0065909283197981595}, "run_738": {"edge_length": 400, "pf": 0.499149015625, "in_bounds_one_im": 1, "error_one_im": 0.007105033070015738, "one_im_sa_cls": 9.428571428571429, "model_in_bounds": 1, "pred_cls": 8.455248629508574, "error_w_gmm": 0.006206559565939051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006033743367420357}, "run_739": {"edge_length": 400, "pf": 0.50007453125, "in_bounds_one_im": 1, "error_one_im": 0.007253681979285057, "one_im_sa_cls": 9.571428571428571, "model_in_bounds": 1, "pred_cls": 3.819077927897014, "error_w_gmm": 0.001880594842183895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0018282313309460007}, "run_740": {"edge_length": 400, "pf": 0.500435046875, "in_bounds_one_im": 1, "error_one_im": 0.007528417950346544, "one_im_sa_cls": 9.816326530612244, "model_in_bounds": 1, "pred_cls": 4.7438337658931395, "error_w_gmm": 0.002601587956171081, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0025291490250820337}}, "fractal_noise_0.035_12_True_value": {"true_cls": 25.591836734693878, "true_pf": 0.49966604305555556, "run_741": {"edge_length": 280, "pf": 0.511177387026239, "in_bounds_one_im": 1, "error_one_im": 0.04380767134159947, "one_im_sa_cls": 22.551020408163264, "model_in_bounds": 1, "pred_cls": 21.504822476082143, "error_w_gmm": 0.04260926313695618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04079478643798304}, "run_742": {"edge_length": 280, "pf": 0.5060920189504373, "in_bounds_one_im": 1, "error_one_im": 0.04576599058314058, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 28.525013989935392, "error_w_gmm": 0.06575934529989713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06295904341711467}, "run_743": {"edge_length": 280, "pf": 0.47211880466472306, "in_bounds_one_im": 0, "error_one_im": 0.05293949721435251, "one_im_sa_cls": 24.285714285714285, "model_in_bounds": 1, "pred_cls": 36.907483496308856, "error_w_gmm": 0.10359159059693983, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09918023697311507}, "run_744": {"edge_length": 280, "pf": 0.5116844023323616, "in_bounds_one_im": 1, "error_one_im": 0.053350533029572225, "one_im_sa_cls": 25.73469387755102, "model_in_bounds": 1, "pred_cls": 21.859153720726486, "error_w_gmm": 0.0436224073770228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04176478685248308}, "run_745": {"edge_length": 310, "pf": 0.5046367694941425, "in_bounds_one_im": 1, "error_one_im": 0.03919146100830438, "one_im_sa_cls": 22.979591836734695, "model_in_bounds": 1, "pred_cls": 19.874117008381162, "error_w_gmm": 0.03322056104494987, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031521708721149753}, "run_746": {"edge_length": 310, "pf": 0.4920817696619785, "in_bounds_one_im": 1, "error_one_im": 0.042839707082210375, "one_im_sa_cls": 23.979591836734695, "model_in_bounds": 1, "pred_cls": 32.884087078799595, "error_w_gmm": 0.0725036229246637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0687958905921834}, "run_747": {"edge_length": 310, "pf": 0.5053996173340942, "in_bounds_one_im": 1, "error_one_im": 0.04203354765837093, "one_im_sa_cls": 24.10204081632653, "model_in_bounds": 1, "pred_cls": 29.64649811776668, "error_w_gmm": 0.06043278836650214, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0573423413746155}, "run_748": {"edge_length": 310, "pf": 0.5101945554026384, "in_bounds_one_im": 1, "error_one_im": 0.03896484830298127, "one_im_sa_cls": 23.06122448979592, "model_in_bounds": 1, "pred_cls": 25.150734280828548, "error_w_gmm": 0.0467705696085719, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044378789085736406}, "run_749": {"edge_length": 340, "pf": 0.4958826073682068, "in_bounds_one_im": 1, "error_one_im": 0.03239102523450154, "one_im_sa_cls": 21.93877551020408, "model_in_bounds": 1, "pred_cls": 25.04661582281063, "error_w_gmm": 0.04133922043373376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03951206246231188}, "run_750": {"edge_length": 340, "pf": 0.49674544575615714, "in_bounds_one_im": 1, "error_one_im": 0.03780273055055484, "one_im_sa_cls": 24.346938775510203, "model_in_bounds": 1, "pred_cls": 31.58576020002199, "error_w_gmm": 0.058442153271709305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055859060385653476}, "run_751": {"edge_length": 340, "pf": 0.5146457103602686, "in_bounds_one_im": 1, "error_one_im": 0.03474432104239548, "one_im_sa_cls": 23.571428571428573, "model_in_bounds": 1, "pred_cls": 30.556134008549886, "error_w_gmm": 0.053651907218587154, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05128053908614793}, "run_752": {"edge_length": 340, "pf": 0.5056432678607775, "in_bounds_one_im": 1, "error_one_im": 0.0438610406132785, "one_im_sa_cls": 27.20408163265306, "model_in_bounds": 1, "pred_cls": 29.572528925208918, "error_w_gmm": 0.052010748975377954, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04971191862509778}, "run_753": {"edge_length": 370, "pf": 0.5182610704203108, "in_bounds_one_im": 0, "error_one_im": 0.03375902710172633, "one_im_sa_cls": 25.285714285714285, "model_in_bounds": 1, "pred_cls": 30.62134190756375, "error_w_gmm": 0.046824944864398366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044989732482428386}, "run_754": {"edge_length": 370, "pf": 0.49651985074921523, "in_bounds_one_im": 1, "error_one_im": 0.031818103583954004, "one_im_sa_cls": 23.612244897959183, "model_in_bounds": 1, "pred_cls": 23.781202290788084, "error_w_gmm": 0.03347209902134477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032160225387485884}, "run_755": {"edge_length": 370, "pf": 0.5086216216216216, "in_bounds_one_im": 1, "error_one_im": 0.0332154432718773, "one_im_sa_cls": 24.693877551020407, "model_in_bounds": 1, "pred_cls": 27.083602691119165, "error_w_gmm": 0.039708148043508765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03815186463163118}, "run_756": {"edge_length": 370, "pf": 0.5075135924821826, "in_bounds_one_im": 1, "error_one_im": 0.032549105139099074, "one_im_sa_cls": 24.3265306122449, "model_in_bounds": 1, "pred_cls": 31.743457824845866, "error_w_gmm": 0.05049681693505375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048517692689255675}, "run_757": {"edge_length": 400, "pf": 0.515264984375, "in_bounds_one_im": 0, "error_one_im": 0.027229371447640302, "one_im_sa_cls": 23.591836734693878, "model_in_bounds": 1, "pred_cls": 25.615524449680724, "error_w_gmm": 0.031689395637269475, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030807032255559325}, "run_758": {"edge_length": 400, "pf": 0.506640640625, "in_bounds_one_im": 1, "error_one_im": 0.031224978711835546, "one_im_sa_cls": 25.551020408163264, "model_in_bounds": 1, "pred_cls": 27.884630594785772, "error_w_gmm": 0.036618555979428605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03559894445836343}, "run_759": {"edge_length": 400, "pf": 0.49786584375, "in_bounds_one_im": 1, "error_one_im": 0.032082892602242376, "one_im_sa_cls": 25.714285714285715, "model_in_bounds": 1, "pred_cls": 29.27527143235673, "error_w_gmm": 0.04008919252891479, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03897294418215745}, "run_760": {"edge_length": 400, "pf": 0.508952, "in_bounds_one_im": 1, "error_one_im": 0.027754657615550606, "one_im_sa_cls": 23.693877551020407, "model_in_bounds": 1, "pred_cls": 31.18822833684813, "error_w_gmm": 0.04311534004689898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04191483128103847}}, "fractal_noise_0.045_2_True_simplex": {"true_cls": 3.6530612244897958, "true_pf": 0.4999705949074074, "run_761": {"edge_length": 280, "pf": 0.5010736151603499, "in_bounds_one_im": 1, "error_one_im": 0.008837537992613175, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.449899361827445, "error_w_gmm": 0.010709154323321885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010253114731111169}, "run_762": {"edge_length": 280, "pf": 0.4995150783527697, "in_bounds_one_im": 1, "error_one_im": 0.008865128259120517, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 6.243531153166562, "error_w_gmm": 0.006823025999241714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0065324736455829036}, "run_763": {"edge_length": 280, "pf": 0.501164039723032, "in_bounds_one_im": 1, "error_one_im": 0.008484869102377566, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 8.105667393435802, "error_w_gmm": 0.010059641376223142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009631260701849331}, "run_764": {"edge_length": 280, "pf": 0.49995102951895043, "in_bounds_one_im": 1, "error_one_im": 0.008505478593128562, "one_im_sa_cls": 7.448979591836735, "model_in_bounds": 1, "pred_cls": 3.6992477316670738, "error_w_gmm": 0.003109016760904964, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002976622111148869}, "run_765": {"edge_length": 310, "pf": 0.4989364908865094, "in_bounds_one_im": 1, "error_one_im": 0.007740945304393443, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 6.048964384763746, "error_w_gmm": 0.005642194539687776, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0053536607219683}, "run_766": {"edge_length": 310, "pf": 0.49940451814306336, "in_bounds_one_im": 1, "error_one_im": 0.007856458492933415, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.51029428971559, "error_w_gmm": 0.007798398487963713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007399599461804304}, "run_767": {"edge_length": 310, "pf": 0.5009877479775772, "in_bounds_one_im": 1, "error_one_im": 0.007196417283396328, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 6.439340441133354, "error_w_gmm": 0.006171729638498877, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005856116147683904}, "run_768": {"edge_length": 310, "pf": 0.49901231915679234, "in_bounds_one_im": 1, "error_one_im": 0.00752633820293824, "one_im_sa_cls": 7.591836734693877, "model_in_bounds": 1, "pred_cls": 8.682294377461544, "error_w_gmm": 0.009700908567450001, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009204817877094533}, "run_769": {"edge_length": 340, "pf": 0.5003314166497048, "in_bounds_one_im": 1, "error_one_im": 0.00650891492248606, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 7.499719129346688, "error_w_gmm": 0.006713390843885554, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006416664745353065}, "run_770": {"edge_length": 340, "pf": 0.5010616985548545, "in_bounds_one_im": 1, "error_one_im": 0.006394587152061749, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 6.635475184944811, "error_w_gmm": 0.005578894661235489, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005332312317759984}, "run_771": {"edge_length": 340, "pf": 0.5010329991858335, "in_bounds_one_im": 1, "error_one_im": 0.006605188924922471, "one_im_sa_cls": 7.653061224489796, "model_in_bounds": 1, "pred_cls": 8.2974522775412, "error_w_gmm": 0.007801573244815582, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007456750420525787}, "run_772": {"edge_length": 340, "pf": 0.5001476694484022, "in_bounds_one_im": 1, "error_one_im": 0.006301838496912984, "one_im_sa_cls": 7.408163265306122, "model_in_bounds": 1, "pred_cls": 8.121730136198762, "error_w_gmm": 0.007568448613831034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007233929697630678}, "run_773": {"edge_length": 370, "pf": 0.500275067616923, "in_bounds_one_im": 1, "error_one_im": 0.005734206498581032, "one_im_sa_cls": 7.571428571428571, "model_in_bounds": 1, "pred_cls": 3.6315348970233354, "error_w_gmm": 0.0019824661511706533, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0019047672571731046}, "run_774": {"edge_length": 370, "pf": 0.4994255424160464, "in_bounds_one_im": 1, "error_one_im": 0.006072135396237655, "one_im_sa_cls": 7.857142857142857, "model_in_bounds": 1, "pred_cls": 5.950012593176831, "error_w_gmm": 0.00416471381881251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004001485983952663}, "run_775": {"edge_length": 370, "pf": 0.49951902157818884, "in_bounds_one_im": 1, "error_one_im": 0.005535183377123357, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 5.626741292752757, "error_w_gmm": 0.003829239787872168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003679160203313412}, "run_776": {"edge_length": 370, "pf": 0.49915728584684027, "in_bounds_one_im": 1, "error_one_im": 0.006217968160448442, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 7.650934192160659, "error_w_gmm": 0.006075933912972856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005837799534354526}, "run_777": {"edge_length": 400, "pf": 0.500112359375, "in_bounds_one_im": 1, "error_one_im": 0.005268963678989561, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.837813914589792, "error_w_gmm": 0.005528623629799035, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0053746839618410685}, "run_778": {"edge_length": 400, "pf": 0.500136453125, "in_bounds_one_im": 1, "error_one_im": 0.005520909121844495, "one_im_sa_cls": 7.979591836734694, "model_in_bounds": 1, "pred_cls": 4.425240281071478, "error_w_gmm": 0.0023453570140832005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022800526084722256}, "run_779": {"edge_length": 400, "pf": 0.50034225, "in_bounds_one_im": 1, "error_one_im": 0.005350136596602553, "one_im_sa_cls": 7.816326530612245, "model_in_bounds": 1, "pred_cls": 7.796413246804491, "error_w_gmm": 0.005482355565153132, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005329704190807645}, "run_780": {"edge_length": 400, "pf": 0.499223875, "in_bounds_one_im": 1, "error_one_im": 0.004724459314654286, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 3.8441539910520124, "error_w_gmm": 0.0019023809848479852, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0018494108576071425}}, "fractal_noise_0.045_2_True_value": {"true_cls": 19.632653061224488, "true_pf": 0.49968219675925923, "run_781": {"edge_length": 280, "pf": 0.5115233236151604, "in_bounds_one_im": 1, "error_one_im": 0.035394357270718484, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 23.916480572631638, "error_w_gmm": 0.049939651425270105, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04781301681122531}, "run_782": {"edge_length": 280, "pf": 0.4850435495626822, "in_bounds_one_im": 1, "error_one_im": 0.03685382624531219, "one_im_sa_cls": 19.408163265306122, "model_in_bounds": 1, "pred_cls": 21.454961251359375, "error_w_gmm": 0.04474009379369941, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042834877610128996}, "run_783": {"edge_length": 280, "pf": 0.5282920918367346, "in_bounds_one_im": 0, "error_one_im": 0.03406459941350173, "one_im_sa_cls": 19.510204081632654, "model_in_bounds": 0, "pred_cls": 25.671208587462946, "error_w_gmm": 0.05370063249768535, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05141383992692485}, "run_784": {"edge_length": 280, "pf": 0.5071802569241982, "in_bounds_one_im": 1, "error_one_im": 0.03536870463397362, "one_im_sa_cls": 19.448979591836736, "model_in_bounds": 1, "pred_cls": 26.09009364127928, "error_w_gmm": 0.05739667573922295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05495249053018539}, "run_785": {"edge_length": 310, "pf": 0.4998531099996643, "in_bounds_one_im": 1, "error_one_im": 0.032275226149571304, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 21.616713990826636, "error_w_gmm": 0.038046513330202605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03610086865863763}, "run_786": {"edge_length": 310, "pf": 0.4968073914940754, "in_bounds_one_im": 1, "error_one_im": 0.03432296441592595, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 24.36296454604387, "error_w_gmm": 0.045800589035934876, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04345841194236233}, "run_787": {"edge_length": 310, "pf": 0.48488919472323855, "in_bounds_one_im": 1, "error_one_im": 0.03080071664196351, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 24.141159412935444, "error_w_gmm": 0.046266753238650996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04390073716963228}, "run_788": {"edge_length": 310, "pf": 0.5133810211137592, "in_bounds_one_im": 1, "error_one_im": 0.03008091929037722, "one_im_sa_cls": 19.489795918367346, "model_in_bounds": 1, "pred_cls": 26.16051270691125, "error_w_gmm": 0.04929998136705216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04677885031826003}, "run_789": {"edge_length": 340, "pf": 0.5014567474048442, "in_bounds_one_im": 1, "error_one_im": 0.02891151476570828, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 23.346244597970298, "error_w_gmm": 0.03678938491993509, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03516332576316111}, "run_790": {"edge_length": 340, "pf": 0.5002770964787299, "in_bounds_one_im": 1, "error_one_im": 0.025254462107484072, "one_im_sa_cls": 18.693877551020407, "model_in_bounds": 1, "pred_cls": 24.962088247706447, "error_w_gmm": 0.040770213585629766, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03896820522727262}, "run_791": {"edge_length": 340, "pf": 0.48746588133523305, "in_bounds_one_im": 1, "error_one_im": 0.031435940086636964, "one_im_sa_cls": 21.26530612244898, "model_in_bounds": 1, "pred_cls": 25.092614090212386, "error_w_gmm": 0.04215707185209563, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04029376555173042}, "run_792": {"edge_length": 340, "pf": 0.5172464125788724, "in_bounds_one_im": 0, "error_one_im": 0.02664271330859045, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 25.9128469876386, "error_w_gmm": 0.041682043782146516, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039839733313718775}, "run_793": {"edge_length": 370, "pf": 0.4957051902157819, "in_bounds_one_im": 1, "error_one_im": 0.02610935053982659, "one_im_sa_cls": 20.6734693877551, "model_in_bounds": 1, "pred_cls": 23.94725030582182, "error_w_gmm": 0.033878436975805795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03255063771838346}, "run_794": {"edge_length": 370, "pf": 0.4937040056857442, "in_bounds_one_im": 1, "error_one_im": 0.02460079545162548, "one_im_sa_cls": 19.816326530612244, "model_in_bounds": 1, "pred_cls": 22.641239846427084, "error_w_gmm": 0.031270051543330714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03004448286528206}, "run_795": {"edge_length": 370, "pf": 0.504740252304898, "in_bounds_one_im": 1, "error_one_im": 0.023471399637511804, "one_im_sa_cls": 19.489795918367346, "model_in_bounds": 1, "pred_cls": 25.330964839186308, "error_w_gmm": 0.036196744540128986, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03477808373957871}, "run_796": {"edge_length": 370, "pf": 0.48945910410044813, "in_bounds_one_im": 1, "error_one_im": 0.028138719145705114, "one_im_sa_cls": 21.551020408163264, "model_in_bounds": 1, "pred_cls": 25.47199400246517, "error_w_gmm": 0.03763230735714234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03615738247204257}, "run_797": {"edge_length": 400, "pf": 0.484407359375, "in_bounds_one_im": 0, "error_one_im": 0.02257282997167404, "one_im_sa_cls": 19.979591836734695, "model_in_bounds": 0, "pred_cls": 21.88195994875813, "error_w_gmm": 0.026613348078439344, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025872322781588852}, "run_798": {"edge_length": 400, "pf": 0.4971815, "in_bounds_one_im": 1, "error_one_im": 0.0221382049979056, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 25.67344535365405, "error_w_gmm": 0.03296830148933855, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03205032809772365}, "run_799": {"edge_length": 400, "pf": 0.492948609375, "in_bounds_one_im": 1, "error_one_im": 0.022258334320154866, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 24.305896248434365, "error_w_gmm": 0.030627730936735813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029774928675916978}, "run_800": {"edge_length": 400, "pf": 0.503584828125, "in_bounds_one_im": 1, "error_one_im": 0.021990034842595915, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 23.4091630593891, "error_w_gmm": 0.028339176890752184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02755009740680021}}, "fractal_noise_0.045_7_True_simplex": {"true_cls": 3.6122448979591835, "true_pf": 0.5000175166666667, "run_801": {"edge_length": 280, "pf": 0.4992986971574344, "in_bounds_one_im": 1, "error_one_im": 0.009011246777515932, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 5.198536478125742, "error_w_gmm": 0.005186103643504174, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004965258138869418}, "run_802": {"edge_length": 280, "pf": 0.49962923651603497, "in_bounds_one_im": 1, "error_one_im": 0.008792294223659632, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.787001326896611, "error_w_gmm": 0.011389206911131182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010904207898273144}, "run_803": {"edge_length": 280, "pf": 0.5001080539358601, "in_bounds_one_im": 1, "error_one_im": 0.008190267124803537, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 9.217483055308564, "error_w_gmm": 0.012224611646604296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011704037683251173}, "run_804": {"edge_length": 280, "pf": 0.49937012572886297, "in_bounds_one_im": 1, "error_one_im": 0.008340993394144828, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 4.832748753790957, "error_w_gmm": 0.004647814989853142, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004449892017725617}, "run_805": {"edge_length": 310, "pf": 0.5009228961766976, "in_bounds_one_im": 1, "error_one_im": 0.007527886449779735, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.268405316383342, "error_w_gmm": 0.00898118783453412, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008521902640568317}, "run_806": {"edge_length": 310, "pf": 0.49935453660501494, "in_bounds_one_im": 1, "error_one_im": 0.00692286827487229, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.761106401349566, "error_w_gmm": 0.00819311140781099, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007774127323361702}, "run_807": {"edge_length": 310, "pf": 0.4988326675841697, "in_bounds_one_im": 1, "error_one_im": 0.007108040670802135, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 8.223419879390155, "error_w_gmm": 0.008945309955990946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008487859505792799}, "run_808": {"edge_length": 310, "pf": 0.5014169715685945, "in_bounds_one_im": 1, "error_one_im": 0.006602673470535027, "one_im_sa_cls": 6.979591836734694, "model_in_bounds": 1, "pred_cls": 8.669456799184097, "error_w_gmm": 0.009632961454240477, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00914034548278023}, "run_809": {"edge_length": 340, "pf": 0.4999180744962345, "in_bounds_one_im": 1, "error_one_im": 0.006487977589793203, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 7.882304753004102, "error_w_gmm": 0.007239578653353371, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006919595506418787}, "run_810": {"edge_length": 340, "pf": 0.49970056482800734, "in_bounds_one_im": 1, "error_one_im": 0.006333558073197848, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 4.451997317690699, "error_w_gmm": 0.0030743600314964373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002938475963542732}, "run_811": {"edge_length": 340, "pf": 0.4991957815998372, "in_bounds_one_im": 1, "error_one_im": 0.00673585835762762, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 3.423916418029056, "error_w_gmm": 0.002075609098791215, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0019838689626536904}, "run_812": {"edge_length": 340, "pf": 0.4993172959495217, "in_bounds_one_im": 1, "error_one_im": 0.006443180724085539, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 3.482509122472427, "error_w_gmm": 0.002128598157851702, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0020345159508998968}, "run_813": {"edge_length": 370, "pf": 0.5004139537638442, "in_bounds_one_im": 1, "error_one_im": 0.005433959147764181, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.171396880785991, "error_w_gmm": 0.00336791883566104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003235919826018396}, "run_814": {"edge_length": 370, "pf": 0.5004641580952757, "in_bounds_one_im": 1, "error_one_im": 0.005297393293412142, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 4.684565697868624, "error_w_gmm": 0.0029034222931953366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002789628319534696}, "run_815": {"edge_length": 370, "pf": 0.5002726195881784, "in_bounds_one_im": 1, "error_one_im": 0.005390010205028594, "one_im_sa_cls": 7.26530612244898, "model_in_bounds": 1, "pred_cls": 4.01208538035142, "error_w_gmm": 0.0023021192919892228, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022118922166201723}, "run_816": {"edge_length": 370, "pf": 0.5008005053994827, "in_bounds_one_im": 1, "error_one_im": 0.005114388771963676, "one_im_sa_cls": 7.020408163265306, "model_in_bounds": 1, "pred_cls": 7.730947967057496, "error_w_gmm": 0.006151247244226769, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005910161106488543}, "run_817": {"edge_length": 400, "pf": 0.49964046875, "in_bounds_one_im": 1, "error_one_im": 0.0050049287240620495, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 2.6987381350096706, "error_w_gmm": 0.0011180870085177714, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0010869548580288789}, "run_818": {"edge_length": 400, "pf": 0.500366625, "in_bounds_one_im": 1, "error_one_im": 0.005476081959156284, "one_im_sa_cls": 7.938775510204081, "model_in_bounds": 1, "pred_cls": 5.6025193996543265, "error_w_gmm": 0.003339479673934963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003246494796218306}, "run_819": {"edge_length": 400, "pf": 0.499251140625, "in_bounds_one_im": 1, "error_one_im": 0.004886165653856564, "one_im_sa_cls": 7.346938775510204, "model_in_bounds": 1, "pred_cls": 4.1519592811139665, "error_w_gmm": 0.0021352674383551713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0020758127924121465}, "run_820": {"edge_length": 400, "pf": 0.500398984375, "in_bounds_one_im": 1, "error_one_im": 0.004997341845537721, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 6.588508289287357, "error_w_gmm": 0.004258496443693695, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004139922351398853}}, "fractal_noise_0.045_7_True_value": {"true_cls": 17.93877551020408, "true_pf": 0.5003309921296296, "run_821": {"edge_length": 280, "pf": 0.4964446064139942, "in_bounds_one_im": 1, "error_one_im": 0.03333011231332372, "one_im_sa_cls": 18.428571428571427, "model_in_bounds": 1, "pred_cls": 21.574946286022755, "error_w_gmm": 0.04409843897287984, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04222054707598896}, "run_822": {"edge_length": 280, "pf": 0.509534484329446, "in_bounds_one_im": 1, "error_one_im": 0.032307111924179135, "one_im_sa_cls": 18.367346938775512, "model_in_bounds": 1, "pred_cls": 20.91022482906244, "error_w_gmm": 0.04098886622347895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039243392652608275}, "run_823": {"edge_length": 280, "pf": 0.49205680575801747, "in_bounds_one_im": 1, "error_one_im": 0.032845018950548, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 25.238227020397204, "error_w_gmm": 0.056285770955810985, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053888892616122425}, "run_824": {"edge_length": 280, "pf": 0.5058152787900875, "in_bounds_one_im": 1, "error_one_im": 0.032385773470246744, "one_im_sa_cls": 18.306122448979593, "model_in_bounds": 1, "pred_cls": 17.78045288253088, "error_w_gmm": 0.03237973700773378, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.031000875370756655}, "run_825": {"edge_length": 310, "pf": 0.4880200731764627, "in_bounds_one_im": 1, "error_one_im": 0.03294750749192669, "one_im_sa_cls": 20.020408163265305, "model_in_bounds": 1, "pred_cls": 27.410898781358693, "error_w_gmm": 0.05562823740953067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05278348833186712}, "run_826": {"edge_length": 310, "pf": 0.5031806921553489, "in_bounds_one_im": 1, "error_one_im": 0.03378861153842681, "one_im_sa_cls": 20.775510204081634, "model_in_bounds": 1, "pred_cls": 29.171496271400553, "error_w_gmm": 0.05924859669308242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.056218707582006}, "run_827": {"edge_length": 310, "pf": 0.47881679030579705, "in_bounds_one_im": 0, "error_one_im": 0.03705645555253344, "one_im_sa_cls": 21.387755102040817, "model_in_bounds": 1, "pred_cls": 24.980120187035997, "error_w_gmm": 0.04929524952882441, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04677436045952069}, "run_828": {"edge_length": 310, "pf": 0.4943266087073277, "in_bounds_one_im": 1, "error_one_im": 0.03308316073973825, "one_im_sa_cls": 20.244897959183675, "model_in_bounds": 1, "pred_cls": 24.771955627411867, "error_w_gmm": 0.04719231240436231, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04477896455375934}, "run_829": {"edge_length": 340, "pf": 0.49597315794830044, "in_bounds_one_im": 1, "error_one_im": 0.02758665421363701, "one_im_sa_cls": 19.714285714285715, "model_in_bounds": 1, "pred_cls": 23.29416975675979, "error_w_gmm": 0.03707070954080347, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.035432216077862504}, "run_830": {"edge_length": 340, "pf": 0.4951659881945858, "in_bounds_one_im": 1, "error_one_im": 0.02559755691756424, "one_im_sa_cls": 18.73469387755102, "model_in_bounds": 1, "pred_cls": 25.706981406157272, "error_w_gmm": 0.04304649778953773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04114387962807455}, "run_831": {"edge_length": 340, "pf": 0.5068025391817627, "in_bounds_one_im": 1, "error_one_im": 0.027373702557532496, "one_im_sa_cls": 19.897959183673468, "model_in_bounds": 1, "pred_cls": 22.871417414759975, "error_w_gmm": 0.035293354901696126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03373341898441805}, "run_832": {"edge_length": 340, "pf": 0.49425193364543046, "in_bounds_one_im": 1, "error_one_im": 0.027039539920463804, "one_im_sa_cls": 19.408163265306122, "model_in_bounds": 1, "pred_cls": 26.05454940763333, "error_w_gmm": 0.04400282663867672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04205793956498748}, "run_833": {"edge_length": 370, "pf": 0.49516348488737094, "in_bounds_one_im": 1, "error_one_im": 0.024075780229818246, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 22.907746708625503, "error_w_gmm": 0.03173101776351048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030487382413575872}, "run_834": {"edge_length": 370, "pf": 0.5001617870609836, "in_bounds_one_im": 1, "error_one_im": 0.026300305509936485, "one_im_sa_cls": 20.897959183673468, "model_in_bounds": 1, "pred_cls": 22.592124574842703, "error_w_gmm": 0.030768367454118466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029562461305412367}, "run_835": {"edge_length": 370, "pf": 0.49784346435551696, "in_bounds_one_im": 1, "error_one_im": 0.026966250828344453, "one_im_sa_cls": 21.183673469387756, "model_in_bounds": 1, "pred_cls": 26.793439225675073, "error_w_gmm": 0.03992318845489982, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038358476953533775}, "run_836": {"edge_length": 370, "pf": 0.49874947189702484, "in_bounds_one_im": 1, "error_one_im": 0.024806635127218216, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 23.810344812266074, "error_w_gmm": 0.03338443980346904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.032076001801675726}, "run_837": {"edge_length": 400, "pf": 0.500512578125, "in_bounds_one_im": 1, "error_one_im": 0.023793503628046508, "one_im_sa_cls": 21.142857142857142, "model_in_bounds": 1, "pred_cls": 23.43654709296041, "error_w_gmm": 0.02856389439049037, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027768557845177295}, "run_838": {"edge_length": 400, "pf": 0.502315640625, "in_bounds_one_im": 1, "error_one_im": 0.020817953668126513, "one_im_sa_cls": 19.387755102040817, "model_in_bounds": 1, "pred_cls": 22.324603965673752, "error_w_gmm": 0.02645979579041957, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02572304602212999}, "run_839": {"edge_length": 400, "pf": 0.48601125, "in_bounds_one_im": 0, "error_one_im": 0.02709113934794463, "one_im_sa_cls": 22.612244897959183, "model_in_bounds": 1, "pred_cls": 28.851322925087434, "error_w_gmm": 0.04016284235354895, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039044543292127545}, "run_840": {"edge_length": 400, "pf": 0.493646421875, "in_bounds_one_im": 1, "error_one_im": 0.023774093700562476, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 24.157148984054903, "error_w_gmm": 0.03030467695849671, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029460869851892037}}, "fractal_noise_0.045_12_True_simplex": {"true_cls": 3.4285714285714284, "true_pf": 0.49993958842592595, "run_841": {"edge_length": 280, "pf": 0.5002855776239067, "in_bounds_one_im": 1, "error_one_im": 0.00811846209681696, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 8.438130864643453, "error_w_gmm": 0.010703646040585466, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01024784101358291}, "run_842": {"edge_length": 280, "pf": 0.49966517857142856, "in_bounds_one_im": 1, "error_one_im": 0.00854534053693847, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 6.805584019371882, "error_w_gmm": 0.0077624591215944595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007431901863244532}, "run_843": {"edge_length": 280, "pf": 0.5007837099125364, "in_bounds_one_im": 1, "error_one_im": 0.00866640114917122, "one_im_sa_cls": 7.551020408163265, "model_in_bounds": 1, "pred_cls": 5.938914401390936, "error_w_gmm": 0.006313792140684025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00604492504752147}, "run_844": {"edge_length": 280, "pf": 0.4995963921282799, "in_bounds_one_im": 1, "error_one_im": 0.008060862044546986, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.060016733343524, "error_w_gmm": 0.008202940641392457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007853625878332077}, "run_845": {"edge_length": 310, "pf": 0.5004982377228022, "in_bounds_one_im": 1, "error_one_im": 0.007534282740178342, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 8.555469260410822, "error_w_gmm": 0.009460971851034762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.008977151183683809}, "run_846": {"edge_length": 310, "pf": 0.5011522607498909, "in_bounds_one_im": 1, "error_one_im": 0.007194049856910232, "one_im_sa_cls": 7.387755102040816, "model_in_bounds": 1, "pred_cls": 5.640711165958271, "error_w_gmm": 0.005058278205718746, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004799605040247864}, "run_847": {"edge_length": 310, "pf": 0.4999131952603135, "in_bounds_one_im": 1, "error_one_im": 0.007271749392999336, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 6.550121484839345, "error_w_gmm": 0.006345300459877888, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0060208108037011895}, "run_848": {"edge_length": 310, "pf": 0.5013728978550569, "in_bounds_one_im": 1, "error_one_im": 0.007072020049794518, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.247353594537532, "error_w_gmm": 0.0073634179311872295, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006986863193096376}, "run_849": {"edge_length": 340, "pf": 0.5000179371056381, "in_bounds_one_im": 1, "error_one_im": 0.006565733684598898, "one_im_sa_cls": 7.612244897959184, "model_in_bounds": 1, "pred_cls": 2.926684636857369, "error_w_gmm": 0.0016376104840568457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0015652295097996385}, "run_850": {"edge_length": 340, "pf": 0.49984083044982697, "in_bounds_one_im": 1, "error_one_im": 0.0064102201456165174, "one_im_sa_cls": 7.489795918367347, "model_in_bounds": 1, "pred_cls": 4.715055143948821, "error_w_gmm": 0.0033498913056911684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0032018289925083627}, "run_851": {"edge_length": 340, "pf": 0.49989174129859554, "in_bounds_one_im": 1, "error_one_im": 0.006072038558860738, "one_im_sa_cls": 7.224489795918367, "model_in_bounds": 1, "pred_cls": 8.210757590878943, "error_w_gmm": 0.007697171733771009, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007356963366433563}, "run_852": {"edge_length": 340, "pf": 0.4998104773051089, "in_bounds_one_im": 1, "error_one_im": 0.006021631958562923, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 7.6810047296391595, "error_w_gmm": 0.006965526750172659, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0066576564615412805}, "run_853": {"edge_length": 370, "pf": 0.5004573075632243, "in_bounds_one_im": 1, "error_one_im": 0.005433488002283019, "one_im_sa_cls": 7.3061224489795915, "model_in_bounds": 1, "pred_cls": 4.0709055233691505, "error_w_gmm": 0.0023520616000330527, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022598771333125706}, "run_854": {"edge_length": 370, "pf": 0.49999006968985055, "in_bounds_one_im": 1, "error_one_im": 0.005575862886813789, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 5.145997851318445, "error_w_gmm": 0.003345972713684322, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0032148338394866276}, "run_855": {"edge_length": 370, "pf": 0.500712889661027, "in_bounds_one_im": 1, "error_one_im": 0.005659836745019278, "one_im_sa_cls": 7.5102040816326525, "model_in_bounds": 1, "pred_cls": 6.030792174934225, "error_w_gmm": 0.004238885681986471, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0040727508256216596}, "run_856": {"edge_length": 370, "pf": 0.5001100823248377, "in_bounds_one_im": 1, "error_one_im": 0.005301145980608563, "one_im_sa_cls": 7.183673469387755, "model_in_bounds": 1, "pred_cls": 5.7557476807748476, "error_w_gmm": 0.003957002943130285, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0038019159309029813}, "run_857": {"edge_length": 400, "pf": 0.5005108125, "in_bounds_one_im": 1, "error_one_im": 0.004955327622106073, "one_im_sa_cls": 7.428571428571429, "model_in_bounds": 1, "pred_cls": 5.338106905407336, "error_w_gmm": 0.0031049843228364033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0030185287621620066}, "run_858": {"edge_length": 400, "pf": 0.499901296875, "in_bounds_one_im": 1, "error_one_im": 0.005271188309819113, "one_im_sa_cls": 7.73469387755102, "model_in_bounds": 1, "pred_cls": 7.131804915524575, "error_w_gmm": 0.004800728130561909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004667056073308379}, "run_859": {"edge_length": 400, "pf": 0.49926078125, "in_bounds_one_im": 1, "error_one_im": 0.005008730789998844, "one_im_sa_cls": 7.469387755102041, "model_in_bounds": 1, "pred_cls": 6.018370538159696, "error_w_gmm": 0.0037263415520785263, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0036225848452313384}, "run_860": {"edge_length": 400, "pf": 0.49972215625, "in_bounds_one_im": 1, "error_one_im": 0.005314871630728344, "one_im_sa_cls": 7.775510204081632, "model_in_bounds": 1, "pred_cls": 7.545693338213497, "error_w_gmm": 0.005226515663069762, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005080987926036923}}, "fractal_noise_0.045_12_True_value": {"true_cls": 20.346938775510203, "true_pf": 0.5000078402777778, "run_861": {"edge_length": 280, "pf": 0.5180064231049563, "in_bounds_one_im": 0, "error_one_im": 0.03293565907391471, "one_im_sa_cls": 18.816326530612244, "model_in_bounds": 1, "pred_cls": 24.335571365931113, "error_w_gmm": 0.0505971177228182, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04844248550474471}, "run_862": {"edge_length": 280, "pf": 0.506180985787172, "in_bounds_one_im": 1, "error_one_im": 0.034495439892547684, "one_im_sa_cls": 19.10204081632653, "model_in_bounds": 1, "pred_cls": 22.284521500656506, "error_w_gmm": 0.0453990080895599, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04346573264027025}, "run_863": {"edge_length": 280, "pf": 0.4958684402332362, "in_bounds_one_im": 1, "error_one_im": 0.03976533964678046, "one_im_sa_cls": 20.714285714285715, "model_in_bounds": 1, "pred_cls": 21.284910883688745, "error_w_gmm": 0.043262027303779683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04141975323673611}, "run_864": {"edge_length": 280, "pf": 0.48789782252186586, "in_bounds_one_im": 1, "error_one_im": 0.03407399785928021, "one_im_sa_cls": 18.489795918367346, "model_in_bounds": 1, "pred_cls": 18.424571379650004, "error_w_gmm": 0.03540139414338861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033893857986805026}, "run_865": {"edge_length": 310, "pf": 0.5084359034607767, "in_bounds_one_im": 1, "error_one_im": 0.030762585437541692, "one_im_sa_cls": 19.653061224489797, "model_in_bounds": 1, "pred_cls": 23.934590138265488, "error_w_gmm": 0.043572625132316585, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04134438294941214}, "run_866": {"edge_length": 310, "pf": 0.5038909066496593, "in_bounds_one_im": 1, "error_one_im": 0.033591610566276374, "one_im_sa_cls": 20.714285714285715, "model_in_bounds": 1, "pred_cls": 24.467205573682808, "error_w_gmm": 0.045446417204686916, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043122351955695366}, "run_867": {"edge_length": 310, "pf": 0.4862656506998758, "in_bounds_one_im": 1, "error_one_im": 0.031957430047601036, "one_im_sa_cls": 19.571428571428573, "model_in_bounds": 1, "pred_cls": 25.937316859981376, "error_w_gmm": 0.051383400112692296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.048755725987379234}, "run_868": {"edge_length": 310, "pf": 0.504770971098654, "in_bounds_one_im": 1, "error_one_im": 0.029314956625342586, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 21.74114233561754, "error_w_gmm": 0.0379998744534903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03605661482786033}, "run_869": {"edge_length": 340, "pf": 0.49656803378790965, "in_bounds_one_im": 1, "error_one_im": 0.02919558484312944, "one_im_sa_cls": 20.489795918367346, "model_in_bounds": 1, "pred_cls": 25.794019768098533, "error_w_gmm": 0.043144143878710205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04123720984412851}, "run_870": {"edge_length": 340, "pf": 0.5031207510685936, "in_bounds_one_im": 1, "error_one_im": 0.02890159968595115, "one_im_sa_cls": 20.53061224489796, "model_in_bounds": 1, "pred_cls": 25.243244486514417, "error_w_gmm": 0.04122582671748266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03940368065074551}, "run_871": {"edge_length": 340, "pf": 0.4933153368613882, "in_bounds_one_im": 1, "error_one_im": 0.02653666998955984, "one_im_sa_cls": 19.142857142857142, "model_in_bounds": 1, "pred_cls": 22.53698766967118, "error_w_gmm": 0.03546603754722892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03389846920560892}, "run_872": {"edge_length": 340, "pf": 0.4869757022186037, "in_bounds_one_im": 1, "error_one_im": 0.028218672680729126, "one_im_sa_cls": 19.775510204081634, "model_in_bounds": 1, "pred_cls": 23.899949244657435, "error_w_gmm": 0.0392259153970904, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03749216368982234}, "run_873": {"edge_length": 370, "pf": 0.4870065149152074, "in_bounds_one_im": 0, "error_one_im": 0.025706941304342958, "one_im_sa_cls": 20.224489795918366, "model_in_bounds": 1, "pred_cls": 24.73331273494876, "error_w_gmm": 0.03618439715014446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03476622028146109}, "run_874": {"edge_length": 370, "pf": 0.49950200382998045, "in_bounds_one_im": 1, "error_one_im": 0.024920667344059445, "one_im_sa_cls": 20.142857142857142, "model_in_bounds": 1, "pred_cls": 23.932345189725098, "error_w_gmm": 0.03359075848324354, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03227423422322066}, "run_875": {"edge_length": 370, "pf": 0.5010577853236728, "in_bounds_one_im": 1, "error_one_im": 0.026176341418918208, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 25.883147435510523, "error_w_gmm": 0.037663113241159694, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03618698097952269}, "run_876": {"edge_length": 370, "pf": 0.4897400351410578, "in_bounds_one_im": 1, "error_one_im": 0.027724380781135604, "one_im_sa_cls": 21.346938775510203, "model_in_bounds": 1, "pred_cls": 26.1836506528754, "error_w_gmm": 0.039198333993329344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03766203174875689}, "run_877": {"edge_length": 400, "pf": 0.505253515625, "in_bounds_one_im": 1, "error_one_im": 0.020663314652366056, "one_im_sa_cls": 19.367346938775512, "model_in_bounds": 1, "pred_cls": 23.817515820881653, "error_w_gmm": 0.02898702047711859, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028179902357648674}, "run_878": {"edge_length": 400, "pf": 0.501744203125, "in_bounds_one_im": 1, "error_one_im": 0.02244113375142227, "one_im_sa_cls": 20.367346938775512, "model_in_bounds": 1, "pred_cls": 20.524268211962962, "error_w_gmm": 0.023351173880293327, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022700980958100688}, "run_879": {"edge_length": 400, "pf": 0.498590515625, "in_bounds_one_im": 1, "error_one_im": 0.021639431708128494, "one_im_sa_cls": 19.79591836734694, "model_in_bounds": 1, "pred_cls": 23.75236926057446, "error_w_gmm": 0.029255455721379522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028440863258359348}, "run_880": {"edge_length": 400, "pf": 0.501937671875, "in_bounds_one_im": 1, "error_one_im": 0.020114206270120605, "one_im_sa_cls": 18.93877551020408, "model_in_bounds": 1, "pred_cls": 20.92583968421261, "error_w_gmm": 0.024030537738851148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023361428526852586}}, "fractal_noise_0.055_2_True_simplex": {"true_cls": 2.979591836734694, "true_pf": 0.5000456671296296, "run_881": {"edge_length": 280, "pf": 0.49908728134110786, "in_bounds_one_im": 1, "error_one_im": 0.006701164602198927, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 7.893923030913254, "error_w_gmm": 0.009708284916032645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00929486643680398}, "run_882": {"edge_length": 280, "pf": 0.5005230047376094, "in_bounds_one_im": 1, "error_one_im": 0.007039575241680499, "one_im_sa_cls": 6.571428571428571, "model_in_bounds": 1, "pred_cls": 4.902616992576349, "error_w_gmm": 0.00473803295183837, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004536268129892447}, "run_883": {"edge_length": 280, "pf": 0.5008824252915451, "in_bounds_one_im": 1, "error_one_im": 0.006294442067877124, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 8.268174222232064, "error_w_gmm": 0.010369513159822125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009927936877507254}, "run_884": {"edge_length": 280, "pf": 0.5001758837463557, "in_bounds_one_im": 1, "error_one_im": 0.006494024343613118, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 8.557907338746402, "error_w_gmm": 0.010934753642432507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.010469107108498502}, "run_885": {"edge_length": 310, "pf": 0.4997608673760532, "in_bounds_one_im": 1, "error_one_im": 0.005579161038867219, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.512770226258374, "error_w_gmm": 0.004900781120676259, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004650162132513114}, "run_886": {"edge_length": 310, "pf": 0.5002686381793159, "in_bounds_one_im": 1, "error_one_im": 0.005573498044201166, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.008399376999859, "error_w_gmm": 0.005570672331381822, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005285796057844704}, "run_887": {"edge_length": 310, "pf": 0.49913772615890706, "in_bounds_one_im": 1, "error_one_im": 0.005947042915336193, "one_im_sa_cls": 6.489795918367347, "model_in_bounds": 1, "pred_cls": 7.16811061869091, "error_w_gmm": 0.007275431764460191, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006903376514009112}, "run_888": {"edge_length": 310, "pf": 0.49977029975495957, "in_bounds_one_im": 1, "error_one_im": 0.005689166767155391, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 7.933418976294845, "error_w_gmm": 0.008460438298795022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00802778349670335}, "run_889": {"edge_length": 340, "pf": 0.5005332790555669, "in_bounds_one_im": 1, "error_one_im": 0.004993591113690666, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 5.020247255278249, "error_w_gmm": 0.0036752489219961607, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003512806082137859}, "run_890": {"edge_length": 340, "pf": 0.5002692346834928, "in_bounds_one_im": 1, "error_one_im": 0.004852343085647554, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.249219464903563, "error_w_gmm": 0.006380655775065625, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006098636280261638}, "run_891": {"edge_length": 340, "pf": 0.49970891003460205, "in_bounds_one_im": 1, "error_one_im": 0.004857783909149197, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.163080444027082, "error_w_gmm": 0.00383953360784226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00366982952623391}, "run_892": {"edge_length": 340, "pf": 0.49977730002035414, "in_bounds_one_im": 1, "error_one_im": 0.00500114692684058, "one_im_sa_cls": 6.346938775510204, "model_in_bounds": 1, "pred_cls": 4.212492279700949, "error_w_gmm": 0.0028292049545675284, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002704156530062007}, "run_893": {"edge_length": 370, "pf": 0.5002651767911082, "in_bounds_one_im": 1, "error_one_im": 0.004379893958839094, "one_im_sa_cls": 6.326530612244898, "model_in_bounds": 1, "pred_cls": 6.079753498580551, "error_w_gmm": 0.004294454405171018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004126141641087761}, "run_894": {"edge_length": 370, "pf": 0.4995500365230095, "in_bounds_one_im": 1, "error_one_im": 0.004280475122257291, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 4.629887527734627, "error_w_gmm": 0.0028579581415434613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0027459460466291454}, "run_895": {"edge_length": 370, "pf": 0.5004449489664975, "in_bounds_one_im": 1, "error_one_im": 0.004506045066534379, "one_im_sa_cls": 6.448979591836735, "model_in_bounds": 1, "pred_cls": 4.545206719436306, "error_w_gmm": 0.0027749384270257613, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0026661801278920864}, "run_896": {"edge_length": 370, "pf": 0.4994479300337591, "in_bounds_one_im": 1, "error_one_im": 0.00432352993403465, "one_im_sa_cls": 6.26530612244898, "model_in_bounds": 1, "pred_cls": 6.949464427619007, "error_w_gmm": 0.005256732713712404, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005050705328248298}, "run_897": {"edge_length": 400, "pf": 0.500300421875, "in_bounds_one_im": 1, "error_one_im": 0.004086278929956521, "one_im_sa_cls": 6.530612244897959, "model_in_bounds": 1, "pred_cls": 4.338161983220117, "error_w_gmm": 0.002275725628715223, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0022123600478571493}, "run_898": {"edge_length": 400, "pf": 0.499815203125, "in_bounds_one_im": 1, "error_one_im": 0.0036572880798069977, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.561333033731702, "error_w_gmm": 0.00423712067072711, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004119141768051554}, "run_899": {"edge_length": 400, "pf": 0.49998396875, "in_bounds_one_im": 1, "error_one_im": 0.0038047635079195186, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 6.349131211300552, "error_w_gmm": 0.004031879791984781, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003919615641269377}, "run_900": {"edge_length": 400, "pf": 0.50043925, "in_bounds_one_im": 1, "error_one_im": 0.0038763249390301006, "one_im_sa_cls": 6.3061224489795915, "model_in_bounds": 1, "pred_cls": 5.02381898134508, "error_w_gmm": 0.002835251855247658, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0027563067581675006}}, "fractal_noise_0.055_2_True_value": {"true_cls": 15.714285714285714, "true_pf": 0.5001375097222223, "run_901": {"edge_length": 280, "pf": 0.4852752824344023, "in_bounds_one_im": 1, "error_one_im": 0.03162278360550548, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 22.30120452282698, "error_w_gmm": 0.04739104783822824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045372943188870744}, "run_902": {"edge_length": 280, "pf": 0.49686825801749274, "in_bounds_one_im": 1, "error_one_im": 0.025308354957727028, "one_im_sa_cls": 15.346938775510203, "model_in_bounds": 1, "pred_cls": 18.262222823667322, "error_w_gmm": 0.03431318977041358, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03285199380685647}, "run_903": {"edge_length": 280, "pf": 0.49057142857142855, "in_bounds_one_im": 1, "error_one_im": 0.028069043717977596, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 17.179822029183057, "error_w_gmm": 0.031705084769055564, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030354952583771962}, "run_904": {"edge_length": 280, "pf": 0.5042428024781341, "in_bounds_one_im": 1, "error_one_im": 0.028499635817237176, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 19.013902703555544, "error_w_gmm": 0.0359196391331854, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03439003398528124}, "run_905": {"edge_length": 310, "pf": 0.5060980833137525, "in_bounds_one_im": 1, "error_one_im": 0.021968858198173083, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 20.727495712169965, "error_w_gmm": 0.03527979247935689, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03347563398379011}, "run_906": {"edge_length": 310, "pf": 0.49615296566077005, "in_bounds_one_im": 1, "error_one_im": 0.023737800186165992, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 13.375454469123145, "error_w_gmm": 0.018655510591397636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017701494267681982}, "run_907": {"edge_length": 310, "pf": 0.5015699707965493, "in_bounds_one_im": 1, "error_one_im": 0.0237033275994147, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 19.91939432168058, "error_w_gmm": 0.03353924569808039, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03182409629360185}, "run_908": {"edge_length": 310, "pf": 0.5012968010472961, "in_bounds_one_im": 1, "error_one_im": 0.023583334425722274, "one_im_sa_cls": 16.306122448979593, "model_in_bounds": 1, "pred_cls": 19.423011470042905, "error_w_gmm": 0.032311061192055755, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03065871939938407}, "run_909": {"edge_length": 340, "pf": 0.4954494962344799, "in_bounds_one_im": 1, "error_one_im": 0.02112541567217005, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 22.626422275303185, "error_w_gmm": 0.03552538202768778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03395519071109656}, "run_910": {"edge_length": 340, "pf": 0.49066486871565235, "in_bounds_one_im": 1, "error_one_im": 0.021407820669536566, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 22.277265569195116, "error_w_gmm": 0.03504002891269005, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.033491289786143005}, "run_911": {"edge_length": 340, "pf": 0.5006851465499694, "in_bounds_one_im": 1, "error_one_im": 0.023156058896510442, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 21.07684829298, "error_w_gmm": 0.03160644799258175, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030209470188161093}, "run_912": {"edge_length": 340, "pf": 0.5071691430897619, "in_bounds_one_im": 1, "error_one_im": 0.02052116208416831, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 14.015939008248345, "error_w_gmm": 0.01691874447783782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.016170950530230946}, "run_913": {"edge_length": 370, "pf": 0.5032668943596628, "in_bounds_one_im": 1, "error_one_im": 0.019349947189020278, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 22.360094594717786, "error_w_gmm": 0.030108019927817923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028927994812398234}, "run_914": {"edge_length": 370, "pf": 0.4994711073381636, "in_bounds_one_im": 1, "error_one_im": 0.019357971732058676, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 23.9968137001001, "error_w_gmm": 0.0337286632301608, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0324067340625656}, "run_915": {"edge_length": 370, "pf": 0.4966612244092156, "in_bounds_one_im": 1, "error_one_im": 0.02127974197454997, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 21.211722950947582, "error_w_gmm": 0.02818859011766891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027083793309812813}, "run_916": {"edge_length": 370, "pf": 0.4915626122835765, "in_bounds_one_im": 1, "error_one_im": 0.02073725729669855, "one_im_sa_cls": 17.632653061224488, "model_in_bounds": 1, "pred_cls": 19.173807229397667, "error_w_gmm": 0.02447378956608748, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023514587120137355}, "run_917": {"edge_length": 400, "pf": 0.50030596875, "in_bounds_one_im": 1, "error_one_im": 0.017502975819657395, "one_im_sa_cls": 17.224489795918366, "model_in_bounds": 1, "pred_cls": 15.003981425393622, "error_w_gmm": 0.014637476573461981, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.014229908897609146}, "run_918": {"edge_length": 400, "pf": 0.49744384375, "in_bounds_one_im": 1, "error_one_im": 0.017105263062900142, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 12.709755241674657, "error_w_gmm": 0.011477524979564592, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.011157943379758941}, "run_919": {"edge_length": 400, "pf": 0.49910559375, "in_bounds_one_im": 1, "error_one_im": 0.017732470449408764, "one_im_sa_cls": 17.346938775510203, "model_in_bounds": 1, "pred_cls": 17.40281306561776, "error_w_gmm": 0.01832855606772579, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017818213526047212}, "run_920": {"edge_length": 400, "pf": 0.49926590625, "in_bounds_one_im": 1, "error_one_im": 0.01667388678402152, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 18.444522043795004, "error_w_gmm": 0.019992215855178293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0194355501682787}}, "fractal_noise_0.055_7_True_simplex": {"true_cls": 2.979591836734694, "true_pf": 0.5000268768518519, "run_921": {"edge_length": 280, "pf": 0.49960522959183673, "in_bounds_one_im": 1, "error_one_im": 0.006373963330546014, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 5.886465493448767, "error_w_gmm": 0.00624503966263147, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005979100331186396}, "run_922": {"edge_length": 280, "pf": 0.4999723032069971, "in_bounds_one_im": 1, "error_one_im": 0.006369285619250253, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.49061996957287, "error_w_gmm": 0.007225430590593267, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006917742203574241}, "run_923": {"edge_length": 280, "pf": 0.49916690962099125, "in_bounds_one_im": 1, "error_one_im": 0.0063160756086176025, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.231732373709167, "error_w_gmm": 0.008511332097300222, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00814888476470649}, "run_924": {"edge_length": 280, "pf": 0.4993210641399417, "in_bounds_one_im": 1, "error_one_im": 0.00644125634501882, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 4.627216056823813, "error_w_gmm": 0.004354916054130229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004169465916661162}, "run_925": {"edge_length": 310, "pf": 0.5006797690577691, "in_bounds_one_im": 1, "error_one_im": 0.005030235061287989, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 6.075945813893099, "error_w_gmm": 0.005660218016005965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005370762503298135}, "run_926": {"edge_length": 310, "pf": 0.49989013460441073, "in_bounds_one_im": 1, "error_one_im": 0.0054139425205437545, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 7.867869901906658, "error_w_gmm": 0.008353797517093428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007926596173164753}, "run_927": {"edge_length": 310, "pf": 0.500113020710953, "in_bounds_one_im": 1, "error_one_im": 0.005465916653034232, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 6.728789937476524, "error_w_gmm": 0.006604045376575, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.006266323872735912}, "run_928": {"edge_length": 310, "pf": 0.5005931992883756, "in_bounds_one_im": 1, "error_one_im": 0.005569881333945159, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 7.606221136309965, "error_w_gmm": 0.007929411131644522, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007523912304904788}, "run_929": {"edge_length": 340, "pf": 0.4995183950742927, "in_bounds_one_im": 1, "error_one_im": 0.004575676821515836, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 5.332710160528924, "error_w_gmm": 0.004031833462138651, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0038536298924414323}, "run_930": {"edge_length": 340, "pf": 0.5001865458986363, "in_bounds_one_im": 1, "error_one_im": 0.004805488103557789, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 6.263291573425583, "error_w_gmm": 0.0051251220389212605, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004898596054887942}, "run_931": {"edge_length": 340, "pf": 0.5004369020964787, "in_bounds_one_im": 1, "error_one_im": 0.005042810091962621, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.494988786910765, "error_w_gmm": 0.005409416461522956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005170324908641445}, "run_932": {"edge_length": 340, "pf": 0.5005634032159577, "in_bounds_one_im": 1, "error_one_im": 0.004566123565617884, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 2.6476544005234963, "error_w_gmm": 0.0014075533864554184, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0013453407379516095}, "run_933": {"edge_length": 370, "pf": 0.4996241683612027, "in_bounds_one_im": 1, "error_one_im": 0.003906615539577732, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 7.105162933089314, "error_w_gmm": 0.005432464216193148, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005219549377253306}, "run_934": {"edge_length": 370, "pf": 0.4994859929323041, "in_bounds_one_im": 1, "error_one_im": 0.0040722165993364555, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 6.875711133622381, "error_w_gmm": 0.005172878331124465, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004970137454628019}, "run_935": {"edge_length": 370, "pf": 0.49969271316605135, "in_bounds_one_im": 1, "error_one_im": 0.0039880241019522, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.68943343014925, "error_w_gmm": 0.004962040208436856, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004767562720919822}, "run_936": {"edge_length": 370, "pf": 0.5006347699050402, "in_bounds_one_im": 1, "error_one_im": 0.004104258482332629, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.996976565905963, "error_w_gmm": 0.005298142603324048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.00509049223800659}, "run_937": {"edge_length": 400, "pf": 0.499806453125, "in_bounds_one_im": 1, "error_one_im": 0.0034742010065322965, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 5.017176624577864, "error_w_gmm": 0.0028332141057214036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0027543257479865756}, "run_938": {"edge_length": 400, "pf": 0.500208390625, "in_bounds_one_im": 1, "error_one_im": 0.003544234605444125, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 5.040928502044992, "error_w_gmm": 0.002851064208243763, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002771678830085972}, "run_939": {"edge_length": 400, "pf": 0.4997453125, "in_bounds_one_im": 1, "error_one_im": 0.003474625862235429, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 5.28830258882705, "error_w_gmm": 0.003066322723716997, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002980943661304944}, "run_940": {"edge_length": 400, "pf": 0.4995505, "in_bounds_one_im": 1, "error_one_im": 0.003622325213275428, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 4.195967173353021, "error_w_gmm": 0.0021680073541518914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002107641094016178}}, "fractal_noise_0.055_7_True_value": {"true_cls": 16.6734693877551, "true_pf": 0.4998475782407407, "run_941": {"edge_length": 280, "pf": 0.49173205174927115, "in_bounds_one_im": 1, "error_one_im": 0.028902423833282863, "one_im_sa_cls": 16.653061224489797, "model_in_bounds": 1, "pred_cls": 20.87044953604278, "error_w_gmm": 0.042353588476310836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.040549999450113575}, "run_942": {"edge_length": 280, "pf": 0.5018104956268221, "in_bounds_one_im": 1, "error_one_im": 0.023672939591159854, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 20.80815145605516, "error_w_gmm": 0.04132264106597587, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03956295399715138}, "run_943": {"edge_length": 280, "pf": 0.500610377186589, "in_bounds_one_im": 1, "error_one_im": 0.02607764229744796, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 20.143492629707975, "error_w_gmm": 0.03945321486522045, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037773135610096376}, "run_944": {"edge_length": 280, "pf": 0.49494456086005834, "in_bounds_one_im": 1, "error_one_im": 0.0315600612159576, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 25.019631043714785, "error_w_gmm": 0.055236099552383865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05288392051427623}, "run_945": {"edge_length": 310, "pf": 0.5035714813198617, "in_bounds_one_im": 1, "error_one_im": 0.023741220890726177, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 17.199214610703148, "error_w_gmm": 0.026801770425425125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025431165940221455}, "run_946": {"edge_length": 310, "pf": 0.510154409049713, "in_bounds_one_im": 1, "error_one_im": 0.02351800680936402, "one_im_sa_cls": 16.46938775510204, "model_in_bounds": 1, "pred_cls": 18.3604671544814, "error_w_gmm": 0.029174749202359424, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02768279395176467}, "run_947": {"edge_length": 310, "pf": 0.4891781410493102, "in_bounds_one_im": 1, "error_one_im": 0.025952468561060905, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 18.192577242517533, "error_w_gmm": 0.030008571224280578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02847397549938265}, "run_948": {"edge_length": 310, "pf": 0.48561209761337315, "in_bounds_one_im": 0, "error_one_im": 0.02585812580283349, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 0, "pred_cls": 16.033527013279897, "error_w_gmm": 0.025006158956674424, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023727379492493168}, "run_949": {"edge_length": 340, "pf": 0.4982944229594952, "in_bounds_one_im": 1, "error_one_im": 0.01919968182619626, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 19.195703712641738, "error_w_gmm": 0.02760258820366637, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026382577556657367}, "run_950": {"edge_length": 340, "pf": 0.5021436495013231, "in_bounds_one_im": 1, "error_one_im": 0.021701550924219565, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 18.952982529195427, "error_w_gmm": 0.026873032662642907, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02568526774277607}, "run_951": {"edge_length": 340, "pf": 0.5000339405658457, "in_bounds_one_im": 1, "error_one_im": 0.019284050838562057, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 17.507788037541925, "error_w_gmm": 0.023959609636383, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02290061550732218}, "run_952": {"edge_length": 340, "pf": 0.48997595664563404, "in_bounds_one_im": 1, "error_one_im": 0.020766022325852417, "one_im_sa_cls": 16.183673469387756, "model_in_bounds": 1, "pred_cls": 22.832640308282752, "error_w_gmm": 0.03640863869562796, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03479940819434223}, "run_953": {"edge_length": 370, "pf": 0.49506052948492685, "in_bounds_one_im": 1, "error_one_im": 0.01790210057009237, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 16.360913276830637, "error_w_gmm": 0.01915628068629204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018405487629091756}, "run_954": {"edge_length": 370, "pf": 0.4906036167650485, "in_bounds_one_im": 1, "error_one_im": 0.019562802895519482, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 17.63516873584019, "error_w_gmm": 0.02162924468618973, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02078152862852634}, "run_955": {"edge_length": 370, "pf": 0.4943370185378951, "in_bounds_one_im": 1, "error_one_im": 0.01816775029191537, "one_im_sa_cls": 16.20408163265306, "model_in_bounds": 1, "pred_cls": 17.162429357080597, "error_w_gmm": 0.02061087959847969, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019803076374109357}, "run_956": {"edge_length": 370, "pf": 0.5036836712534302, "in_bounds_one_im": 1, "error_one_im": 0.020135223655395346, "one_im_sa_cls": 17.571428571428573, "model_in_bounds": 1, "pred_cls": 20.0669536992736, "error_w_gmm": 0.025575956679694728, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024573556943502183}, "run_957": {"edge_length": 400, "pf": 0.50460203125, "in_bounds_one_im": 1, "error_one_im": 0.016740075604307562, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.04899084716662, "error_w_gmm": 0.019147152575124456, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.018614016932851855}, "run_958": {"edge_length": 400, "pf": 0.49999890625, "in_bounds_one_im": 1, "error_one_im": 0.01720338901267842, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 18.446227022190662, "error_w_gmm": 0.01996569678810308, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.01940976950132866}, "run_959": {"edge_length": 400, "pf": 0.507105078125, "in_bounds_one_im": 1, "error_one_im": 0.016838729276628394, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 17.23405663655261, "error_w_gmm": 0.017775902652770202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017280948259913196}, "run_960": {"edge_length": 400, "pf": 0.503916859375, "in_bounds_one_im": 1, "error_one_im": 0.015885923489450955, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 17.58388655737843, "error_w_gmm": 0.018437086651502253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.017923722171064846}}, "fractal_noise_0.055_12_True_simplex": {"true_cls": 2.816326530612245, "true_pf": 0.4999981560185185, "run_961": {"edge_length": 280, "pf": 0.5000147594752187, "in_bounds_one_im": 1, "error_one_im": 0.005929621183423178, "one_im_sa_cls": 5.857142857142857, "model_in_bounds": 1, "pred_cls": 3.124496607308528, "error_w_gmm": 0.0024130574966978015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0023102996389294333}, "run_962": {"edge_length": 280, "pf": 0.49907680393586007, "in_bounds_one_im": 1, "error_one_im": 0.006444403807076287, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 8.244773587573663, "error_w_gmm": 0.010362877955547082, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009921584227368567}, "run_963": {"edge_length": 280, "pf": 0.49920125728862974, "in_bounds_one_im": 1, "error_one_im": 0.006506695193759419, "one_im_sa_cls": 6.224489795918367, "model_in_bounds": 1, "pred_cls": 5.960258877935238, "error_w_gmm": 0.006367982606820499, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0060968078619674055}, "run_964": {"edge_length": 280, "pf": 0.49975109329446066, "in_bounds_one_im": 1, "error_one_im": 0.006435718865489113, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.7348369357894695, "error_w_gmm": 0.00940379915933459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.009003346928992358}, "run_965": {"edge_length": 310, "pf": 0.5000237991339667, "in_bounds_one_im": 1, "error_one_im": 0.005250397556026515, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 7.356796148938888, "error_w_gmm": 0.007551186091286405, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.007165029156089895}, "run_966": {"edge_length": 310, "pf": 0.5002577624114666, "in_bounds_one_im": 1, "error_one_im": 0.005194299941822633, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 4.3181224701502465, "error_w_gmm": 0.0033940739869771043, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.003220505862341127}, "run_967": {"edge_length": 310, "pf": 0.5001103353361753, "in_bounds_one_im": 1, "error_one_im": 0.005035967099825218, "one_im_sa_cls": 5.816326530612245, "model_in_bounds": 1, "pred_cls": 3.5213104831005952, "error_w_gmm": 0.002500134682724857, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0023722813448533056}, "run_968": {"edge_length": 310, "pf": 0.5008800644489947, "in_bounds_one_im": 1, "error_one_im": 0.005512022198375612, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 5.713383213248233, "error_w_gmm": 0.0051591526497201026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004895320908409158}, "run_969": {"edge_length": 340, "pf": 0.5011546661917362, "in_bounds_one_im": 1, "error_one_im": 0.0046075036431470215, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 7.092067072341873, "error_w_gmm": 0.00616337535629428, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005890959469033615}, "run_970": {"edge_length": 340, "pf": 0.5003414919601058, "in_bounds_one_im": 1, "error_one_im": 0.0046620148569034335, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 3.92361616431185, "error_w_gmm": 0.0025403611047216538, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0024280793298336817}, "run_971": {"edge_length": 340, "pf": 0.5002434357826175, "in_bounds_one_im": 1, "error_one_im": 0.004569046524447543, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 3.369864356936825, "error_w_gmm": 0.0020224112981171616, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0019330224589934957}, "run_972": {"edge_length": 340, "pf": 0.49987777325463056, "in_bounds_one_im": 1, "error_one_im": 0.00461928527731015, "one_im_sa_cls": 6.020408163265306, "model_in_bounds": 1, "pred_cls": 3.1713962722851523, "error_w_gmm": 0.0018477543363329136, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0017660851846305076}, "run_973": {"edge_length": 370, "pf": 0.5005064853019564, "in_bounds_one_im": 1, "error_one_im": 0.004230341228629558, "one_im_sa_cls": 6.183673469387755, "model_in_bounds": 1, "pred_cls": 7.09518533069052, "error_w_gmm": 0.005411467532173467, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005199375617309917}, "run_974": {"edge_length": 370, "pf": 0.5005202258503939, "in_bounds_one_im": 1, "error_one_im": 0.004022545385168968, "one_im_sa_cls": 5.979591836734694, "model_in_bounds": 1, "pred_cls": 6.403183651684135, "error_w_gmm": 0.004639289172125931, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0044574612819515405}, "run_975": {"edge_length": 370, "pf": 0.4998682802598069, "in_bounds_one_im": 1, "error_one_im": 0.003986624015888592, "one_im_sa_cls": 5.938775510204081, "model_in_bounds": 1, "pred_cls": 6.9993140446491635, "error_w_gmm": 0.005308929997924861, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.005100856841716846}, "run_976": {"edge_length": 370, "pf": 0.5004401911041794, "in_bounds_one_im": 1, "error_one_im": 0.0041058559984092175, "one_im_sa_cls": 6.061224489795919, "model_in_bounds": 1, "pred_cls": 6.4638759181761865, "error_w_gmm": 0.004706158395343773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004521709696393617}, "run_977": {"edge_length": 400, "pf": 0.500335, "in_bounds_one_im": 1, "error_one_im": 0.0036904539382378813, "one_im_sa_cls": 6.1020408163265305, "model_in_bounds": 1, "pred_cls": 3.373022221338613, "error_w_gmm": 0.0015601272534866, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.001516686880718292}, "run_978": {"edge_length": 400, "pf": 0.49985021875, "in_bounds_one_im": 1, "error_one_im": 0.0039564947032203245, "one_im_sa_cls": 6.387755102040816, "model_in_bounds": 1, "pred_cls": 6.704588527944859, "error_w_gmm": 0.004376334306089162, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.004254479122039145}, "run_979": {"edge_length": 400, "pf": 0.49997846875, "in_bounds_one_im": 1, "error_one_im": 0.0037302026749098, "one_im_sa_cls": 6.142857142857142, "model_in_bounds": 1, "pred_cls": 3.9089168492324906, "error_w_gmm": 0.0019477156213581173, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0018934831909910926}, "run_980": {"edge_length": 400, "pf": 0.49989553125, "in_bounds_one_im": 1, "error_one_im": 0.003509954514861337, "one_im_sa_cls": 5.8979591836734695, "model_in_bounds": 1, "pred_cls": 4.465303852034171, "error_w_gmm": 0.0023784250101044624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.002312199855195267}}, "fractal_noise_0.055_12_True_value": {"true_cls": 16.93877551020408, "true_pf": 0.4999464615740741, "run_981": {"edge_length": 280, "pf": 0.5055988064868805, "in_bounds_one_im": 1, "error_one_im": 0.02662660267298277, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 18.831279689780438, "error_w_gmm": 0.03530749365062565, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03380395616108287}, "run_982": {"edge_length": 280, "pf": 0.4877635295189504, "in_bounds_one_im": 1, "error_one_im": 0.028015488709170908, "one_im_sa_cls": 16.224489795918366, "model_in_bounds": 1, "pred_cls": 17.001036045310958, "error_w_gmm": 0.03138730820682393, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03005070824728652}, "run_983": {"edge_length": 280, "pf": 0.5086782069970845, "in_bounds_one_im": 1, "error_one_im": 0.02835105272414874, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 18.023229386167102, "error_w_gmm": 0.03285645977620951, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03145729733392418}, "run_984": {"edge_length": 280, "pf": 0.4984556304664723, "in_bounds_one_im": 1, "error_one_im": 0.027526172847826165, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 25.136565128206133, "error_w_gmm": 0.05523453829591959, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05288242574249778}, "run_985": {"edge_length": 310, "pf": 0.5125796717129334, "in_bounds_one_im": 0, "error_one_im": 0.02344766501974793, "one_im_sa_cls": 16.489795918367346, "model_in_bounds": 1, "pred_cls": 16.4838080619303, "error_w_gmm": 0.024697910612219785, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.023434894530709193}, "run_986": {"edge_length": 310, "pf": 0.4994240542445705, "in_bounds_one_im": 1, "error_one_im": 0.023140555975659928, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 18.683976581545505, "error_w_gmm": 0.030598983060315443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029034194512415838}, "run_987": {"edge_length": 310, "pf": 0.48709603571548454, "in_bounds_one_im": 0, "error_one_im": 0.022819977218723288, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 17.001961618540935, "error_w_gmm": 0.027224633311952358, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025832404219131314}, "run_988": {"edge_length": 310, "pf": 0.5019048370313182, "in_bounds_one_im": 1, "error_one_im": 0.02023311258653847, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 21.98695478809634, "error_w_gmm": 0.0388683279186446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0368806568158758}, "run_989": {"edge_length": 340, "pf": 0.49475887950335845, "in_bounds_one_im": 1, "error_one_im": 0.02002600536094701, "one_im_sa_cls": 15.89795918367347, "model_in_bounds": 1, "pred_cls": 17.514085561168837, "error_w_gmm": 0.024226799492907364, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.023155995802100905}, "run_990": {"edge_length": 340, "pf": 0.5042565387746795, "in_bounds_one_im": 1, "error_one_im": 0.019952642538873702, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 20.9239944773247, "error_w_gmm": 0.031040729659420077, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029668756118533465}, "run_991": {"edge_length": 340, "pf": 0.5119933848972115, "in_bounds_one_im": 0, "error_one_im": 0.018167584036937336, "one_im_sa_cls": 15.244897959183673, "model_in_bounds": 1, "pred_cls": 18.93945421693042, "error_w_gmm": 0.02632050195671713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025157158418608286}, "run_992": {"edge_length": 340, "pf": 0.4868258446977407, "in_bounds_one_im": 0, "error_one_im": 0.021254100160299355, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 0, "pred_cls": 17.779368976525564, "error_w_gmm": 0.025175748288513752, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024063001877496902}, "run_993": {"edge_length": 370, "pf": 0.5085672122085563, "in_bounds_one_im": 1, "error_one_im": 0.0170938858204869, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 19.984218568699276, "error_w_gmm": 0.025170857496373995, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024184334832526293}, "run_994": {"edge_length": 370, "pf": 0.5051182950664324, "in_bounds_one_im": 1, "error_one_im": 0.01808334853515811, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 21.557465742431475, "error_w_gmm": 0.028396190160685016, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02728325687406653}, "run_995": {"edge_length": 370, "pf": 0.501209977691351, "in_bounds_one_im": 1, "error_one_im": 0.01880707204070151, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 20.834687882238672, "error_w_gmm": 0.02719185850662165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026126126650136937}, "run_996": {"edge_length": 370, "pf": 0.5070568771839773, "in_bounds_one_im": 1, "error_one_im": 0.018792801354916247, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 15.099083235263622, "error_w_gmm": 0.01658079328613515, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.015930941434099417}, "run_997": {"edge_length": 400, "pf": 0.49790065625, "in_bounds_one_im": 1, "error_one_im": 0.015355679130099824, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 19.03444370024425, "error_w_gmm": 0.021016285419018933, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.020431105414781162}, "run_998": {"edge_length": 400, "pf": 0.50123534375, "in_bounds_one_im": 1, "error_one_im": 0.01642549643004849, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 19.508729718280453, "error_w_gmm": 0.02166170699369366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0210585557927256}, "run_999": {"edge_length": 400, "pf": 0.494229796875, "in_bounds_one_im": 1, "error_one_im": 0.017215579507838228, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 18.23787263743425, "error_w_gmm": 0.01985617640199988, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.019303298614160563}, "run_1000": {"edge_length": 400, "pf": 0.497394515625, "in_bounds_one_im": 1, "error_one_im": 0.016521515488845624, "one_im_sa_cls": 16.510204081632654, "model_in_bounds": 1, "pred_cls": 20.576171911071246, "error_w_gmm": 0.023644611490746325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.022986248056081772}}, "large_im_size": [600, 600, 600], "edge_lengths_fit": [350, 360, 370, 380, 390, 400, 410, 420, 430, 440], "edge_lengths_pred": [280, 310, 340, 370, 400], "separator_Targray": {"true_cls": 18.551020408163264, "true_pf": 0.5901381357142857, "run_0": {"edge_length": "200", "pf": 0.54405125, "in_bounds_one_im": 0, "error_one_im": 0.03951692782117928, "one_im_sa_cls": 15.714285714285714, "model_in_bounds": 0, "pred_cls": 21.805307418237952, "error_w_gmm": 0.05679348161588348, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06459286185015609}, "run_1": {"edge_length": "200", "pf": 0.606387375, "in_bounds_one_im": 1, "error_one_im": 0.039485208897287065, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 28.665456413129576, "error_w_gmm": 0.07533812197305355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08568421526907562}, "run_2": {"edge_length": "200", "pf": 0.567037125, "in_bounds_one_im": 1, "error_one_im": 0.04553548068518994, "one_im_sa_cls": 17.816326530612244, "model_in_bounds": 1, "pred_cls": 25.178499541671933, "error_w_gmm": 0.0672638024917578, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07650105924570028}, "run_3": {"edge_length": "200", "pf": 0.58014225, "in_bounds_one_im": 1, "error_one_im": 0.04080025599533017, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 37.10120084226021, "error_w_gmm": 0.1171339673360643, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13321983359412684}, "run_4": {"edge_length": "200", "pf": 0.585628, "in_bounds_one_im": 1, "error_one_im": 0.03060048905004419, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 28.50721151853863, "error_w_gmm": 0.07800697829808576, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08871958240973915}, "run_5": {"edge_length": "200", "pf": 0.609031875, "in_bounds_one_im": 1, "error_one_im": 0.03284876491225825, "one_im_sa_cls": 15.183673469387756, "model_in_bounds": 1, "pred_cls": 26.315803203265688, "error_w_gmm": 0.06590110140586256, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07495122006557038}, "run_6": {"edge_length": "200", "pf": 0.56089725, "in_bounds_one_im": 0, "error_one_im": 0.03811886055880384, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 26.072606185883796, "error_w_gmm": 0.07176871233817345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08162462292022522}, "run_7": {"edge_length": "200", "pf": 0.587861625, "in_bounds_one_im": 1, "error_one_im": 0.030592979954074565, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 21.00725577225405, "error_w_gmm": 0.04911962249207003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05586516092147398}, "run_8": {"edge_length": "200", "pf": 0.571230375, "in_bounds_one_im": 1, "error_one_im": 0.06368231562829946, "one_im_sa_cls": 22.408163265306122, "model_in_bounds": 1, "pred_cls": 41.25977672784698, "error_w_gmm": 0.13989871754934213, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15911083945858018}, "run_9": {"edge_length": "200", "pf": 0.614258875, "in_bounds_one_im": 0, "error_one_im": 0.036089890624809454, "one_im_sa_cls": 16.285714285714285, "model_in_bounds": 1, "pred_cls": 33.847040153537584, "error_w_gmm": 0.09507588137288928, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10813253732772292}, "run_10": {"edge_length": "200", "pf": 0.616155375, "in_bounds_one_im": 0, "error_one_im": 0.028587583478394768, "one_im_sa_cls": 13.979591836734693, "model_in_bounds": 0, "pred_cls": 12.842461983600426, "error_w_gmm": 0.022132073716539028, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.025171444668573847}, "run_11": {"edge_length": "200", "pf": 0.606328375, "in_bounds_one_im": 0, "error_one_im": 0.02513099141230781, "one_im_sa_cls": 12.653061224489797, "model_in_bounds": 0, "pred_cls": 12.373026441034682, "error_w_gmm": 0.021367026338167935, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.024301334257766885}, "run_12": {"edge_length": "200", "pf": 0.5945625, "in_bounds_one_im": 1, "error_one_im": 0.026380498761497555, "one_im_sa_cls": 12.857142857142858, "model_in_bounds": 1, "pred_cls": 13.393698858863653, "error_w_gmm": 0.024662157080854813, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028048981325437573}, "run_13": {"edge_length": "200", "pf": 0.57289475, "in_bounds_one_im": 1, "error_one_im": 0.03497224836041148, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 24.1956483659063, "error_w_gmm": 0.06261133933292067, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0712096789405764}, "run_14": {"edge_length": "200", "pf": 0.610271, "in_bounds_one_im": 1, "error_one_im": 0.051207144063065924, "one_im_sa_cls": 20.448979591836736, "model_in_bounds": 1, "pred_cls": 33.4143446580552, "error_w_gmm": 0.09404516674786749, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10696027590815978}, "run_15": {"edge_length": "200", "pf": 0.58840625, "in_bounds_one_im": 1, "error_one_im": 0.02684604674534895, "one_im_sa_cls": 12.89795918367347, "model_in_bounds": 1, "pred_cls": 19.134019785217955, "error_w_gmm": 0.04265030478216682, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04850741962421055}, "run_16": {"edge_length": "200", "pf": 0.602185375, "in_bounds_one_im": 1, "error_one_im": 0.04770149176945571, "one_im_sa_cls": 19.285714285714285, "model_in_bounds": 1, "pred_cls": 20.689344622758792, "error_w_gmm": 0.04660284552330396, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05300275801138892}, "run_17": {"edge_length": "200", "pf": 0.562483, "in_bounds_one_im": 0, "error_one_im": 0.042759905085777004, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 23.21188094237266, "error_w_gmm": 0.0600931999772892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06834572654868337}, "run_18": {"edge_length": "200", "pf": 0.576352125, "in_bounds_one_im": 1, "error_one_im": 0.04398839923346637, "one_im_sa_cls": 17.632653061224488, "model_in_bounds": 1, "pred_cls": 31.253613522411626, "error_w_gmm": 0.09126956628361048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10380350558455909}, "run_19": {"edge_length": "200", "pf": 0.622248, "in_bounds_one_im": 1, "error_one_im": 0.05931712260586896, "one_im_sa_cls": 22.93877551020408, "model_in_bounds": 1, "pred_cls": 42.04717667841898, "error_w_gmm": 0.1294326833573419, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14720751743202895}, "run_20": {"edge_length": "200", "pf": 0.55599325, "in_bounds_one_im": 0, "error_one_im": 0.043639364783418164, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 29.716227949126946, "error_w_gmm": 0.0881998024035836, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10031217473859587}, "run_21": {"edge_length": "200", "pf": 0.602856875, "in_bounds_one_im": 1, "error_one_im": 0.030368437884952682, "one_im_sa_cls": 14.285714285714286, "model_in_bounds": 1, "pred_cls": 22.7701747964151, "error_w_gmm": 0.053732002463451306, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06111095346342176}, "run_22": {"edge_length": "200", "pf": 0.587231, "in_bounds_one_im": 1, "error_one_im": 0.04489631211793411, "one_im_sa_cls": 18.142857142857142, "model_in_bounds": 1, "pred_cls": 34.14698998189994, "error_w_gmm": 0.1019282937112325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11592598317604232}, "run_23": {"edge_length": "200", "pf": 0.59064875, "in_bounds_one_im": 1, "error_one_im": 0.040799836364824954, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 11.32247763168622, "error_w_gmm": 0.01932469671351683, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.021978533972519497}, "run_24": {"edge_length": "200", "pf": 0.613514875, "in_bounds_one_im": 1, "error_one_im": 0.042789775616732265, "one_im_sa_cls": 18.224489795918366, "model_in_bounds": 1, "pred_cls": 32.31888827970716, "error_w_gmm": 0.08884961024730209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10105121990864444}, "run_25": {"edge_length": "200", "pf": 0.61043825, "in_bounds_one_im": 0, "error_one_im": 0.031050094664584294, "one_im_sa_cls": 14.653061224489797, "model_in_bounds": 1, "pred_cls": 32.29992618345524, "error_w_gmm": 0.08934837190756778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10161847590530246}, "run_26": {"edge_length": "200", "pf": 0.602537875, "in_bounds_one_im": 1, "error_one_im": 0.039661952763959084, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 18.5227257235597, "error_w_gmm": 0.03944846483806593, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044865874867817616}, "run_27": {"edge_length": "200", "pf": 0.58770175, "in_bounds_one_im": 1, "error_one_im": 0.03310100366137264, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 24.22436655297671, "error_w_gmm": 0.06084472908434273, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06920046224030003}, "run_28": {"edge_length": "200", "pf": 0.584706625, "in_bounds_one_im": 1, "error_one_im": 0.039395944373040864, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 25.170382793527896, "error_w_gmm": 0.06484258031062051, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0737473335468167}, "run_29": {"edge_length": "200", "pf": 0.616549125, "in_bounds_one_im": 0, "error_one_im": 0.03490781327814454, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 25.203208927241903, "error_w_gmm": 0.06079555772298718, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06914453823527944}, "run_30": {"edge_length": "200", "pf": 0.58251925, "in_bounds_one_im": 1, "error_one_im": 0.03052833506474403, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 26.551259459557567, "error_w_gmm": 0.07056800510305183, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08025902401073676}, "run_31": {"edge_length": "200", "pf": 0.5905335, "in_bounds_one_im": 1, "error_one_im": 0.03615473117823179, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 23.983538065673063, "error_w_gmm": 0.05959006491283126, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0677734965535176}, "run_32": {"edge_length": "200", "pf": 0.601170875, "in_bounds_one_im": 1, "error_one_im": 0.041427925828477624, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 13.311762305204264, "error_w_gmm": 0.024102653755102305, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027412642083736272}, "run_33": {"edge_length": "200", "pf": 0.5657795, "in_bounds_one_im": 0, "error_one_im": 0.036279664465833285, "one_im_sa_cls": 15.285714285714286, "model_in_bounds": 1, "pred_cls": 30.380479159152546, "error_w_gmm": 0.08938004118891164, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10165449429080245}, "run_34": {"edge_length": "200", "pf": 0.5351045, "in_bounds_one_im": 0, "error_one_im": 0.03048858775040173, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 0, "pred_cls": 25.466535966989458, "error_w_gmm": 0.07298443424699558, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08300729845041827}, "run_35": {"edge_length": "200", "pf": 0.588962875, "in_bounds_one_im": 1, "error_one_im": 0.06031844671876372, "one_im_sa_cls": 22.142857142857142, "model_in_bounds": 1, "pred_cls": 35.26685613970445, "error_w_gmm": 0.10660160604681802, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12124107585017564}, "run_36": {"edge_length": "200", "pf": 0.613558375, "in_bounds_one_im": 1, "error_one_im": 0.03861642441764046, "one_im_sa_cls": 17.020408163265305, "model_in_bounds": 1, "pred_cls": 24.803623125519618, "error_w_gmm": 0.059731545961329624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06793440702352314}, "run_37": {"edge_length": "200", "pf": 0.619710875, "in_bounds_one_im": 0, "error_one_im": 0.04751569232304214, "one_im_sa_cls": 19.714285714285715, "model_in_bounds": 1, "pred_cls": 31.140931300500966, "error_w_gmm": 0.08294244870092149, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09433283500185946}, "run_38": {"edge_length": "200", "pf": 0.58334575, "in_bounds_one_im": 1, "error_one_im": 0.03877889403118369, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 14.769841021488869, "error_w_gmm": 0.029228443186288287, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03324234998650009}, "run_39": {"edge_length": "200", "pf": 0.560520375, "in_bounds_one_im": 0, "error_one_im": 0.04025039347657319, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 30.65383290265108, "error_w_gmm": 0.09156255713294512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10413673251335406}, "run_40": {"edge_length": "200", "pf": 0.590307625, "in_bounds_one_im": 1, "error_one_im": 0.0330594626693958, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 18.4397243196137, "error_w_gmm": 0.04019189135204086, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0457113952470349}, "run_41": {"edge_length": "200", "pf": 0.580362375, "in_bounds_one_im": 1, "error_one_im": 0.052139375301916493, "one_im_sa_cls": 19.857142857142858, "model_in_bounds": 1, "pred_cls": 33.45054906390528, "error_w_gmm": 0.10023272221614943, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11399756089547661}, "run_42": {"edge_length": "200", "pf": 0.618331875, "in_bounds_one_im": 0, "error_one_im": 0.030473324700050052, "one_im_sa_cls": 14.63265306122449, "model_in_bounds": 1, "pred_cls": 27.699021656599765, "error_w_gmm": 0.06978238953540439, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07936552080606309}, "run_43": {"edge_length": "200", "pf": 0.618762875, "in_bounds_one_im": 0, "error_one_im": 0.02830580441849462, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 0, "pred_cls": 16.650103168850844, "error_w_gmm": 0.0324921108082642, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03695421314109416}, "run_44": {"edge_length": "200", "pf": 0.597857875, "in_bounds_one_im": 1, "error_one_im": 0.03919138416439773, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 29.259205816031745, "error_w_gmm": 0.07908637538095384, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08994721179028521}, "run_45": {"edge_length": "200", "pf": 0.6029165, "in_bounds_one_im": 1, "error_one_im": 0.03300417589463406, "one_im_sa_cls": 15.10204081632653, "model_in_bounds": 1, "pred_cls": 27.81659120296197, "error_w_gmm": 0.07254128791543156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08250329536837955}, "run_46": {"edge_length": "200", "pf": 0.583746625, "in_bounds_one_im": 1, "error_one_im": 0.03207043057364926, "one_im_sa_cls": 14.428571428571429, "model_in_bounds": 1, "pred_cls": 22.198851471414994, "error_w_gmm": 0.053812047206442025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061201990654288295}, "run_47": {"edge_length": "200", "pf": 0.5833995, "in_bounds_one_im": 1, "error_one_im": 0.04449069164058997, "one_im_sa_cls": 17.93877551020408, "model_in_bounds": 1, "pred_cls": 38.571916290811075, "error_w_gmm": 0.12333909410314509, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14027710292548365}, "run_48": {"edge_length": "200", "pf": 0.588593875, "in_bounds_one_im": 1, "error_one_im": 0.03304010477715455, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 18.00633829979845, "error_w_gmm": 0.03892088251519879, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0442658403017733}, "run_49": {"edge_length": "200", "pf": 0.59296125, "in_bounds_one_im": 1, "error_one_im": 0.044068534158676155, "one_im_sa_cls": 18.06122448979592, "model_in_bounds": 1, "pred_cls": 25.93926664846854, "error_w_gmm": 0.06668963271456906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07584803942650141}, "run_50": {"edge_length": "230", "pf": 0.598783841538588, "in_bounds_one_im": 1, "error_one_im": 0.02960591494166526, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 24.159203087508995, "error_w_gmm": 0.0534586930240197, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05461782674470817}, "run_51": {"edge_length": "230", "pf": 0.5925437659242212, "in_bounds_one_im": 1, "error_one_im": 0.03056539170829593, "one_im_sa_cls": 16.26530612244898, "model_in_bounds": 1, "pred_cls": 24.25601412583791, "error_w_gmm": 0.05448157830384588, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055662891033282515}, "run_52": {"edge_length": "230", "pf": 0.5701342976904742, "in_bounds_one_im": 0, "error_one_im": 0.033340022105918694, "one_im_sa_cls": 16.714285714285715, "model_in_bounds": 1, "pred_cls": 19.759177759029853, "error_w_gmm": 0.04194414775405205, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042853613984837315}, "run_53": {"edge_length": "230", "pf": 0.5814010849017835, "in_bounds_one_im": 1, "error_one_im": 0.03499557172395509, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 25.713950802188467, "error_w_gmm": 0.06084916199245891, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06216854171446971}, "run_54": {"edge_length": "230", "pf": 0.5879252075285608, "in_bounds_one_im": 1, "error_one_im": 0.03727707662361995, "one_im_sa_cls": 18.448979591836736, "model_in_bounds": 1, "pred_cls": 24.39167082852521, "error_w_gmm": 0.05546634744108865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05666901271488252}, "run_55": {"edge_length": "230", "pf": 0.5762306238185255, "in_bounds_one_im": 1, "error_one_im": 0.029201928089232148, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 28.500290145085206, "error_w_gmm": 0.07175973021012481, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07331568151324937}, "run_56": {"edge_length": "230", "pf": 0.556712336648311, "in_bounds_one_im": 0, "error_one_im": 0.024336662000176017, "one_im_sa_cls": 13.306122448979592, "model_in_bounds": 0, "pred_cls": 20.67635898746382, "error_w_gmm": 0.04614012364591132, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04714057034913848}, "run_57": {"edge_length": "230", "pf": 0.6126686118188542, "in_bounds_one_im": 0, "error_one_im": 0.0326784899907275, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 29.278370170771154, "error_w_gmm": 0.06927700994310447, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07077912893911967}, "run_58": {"edge_length": "230", "pf": 0.5977231034766171, "in_bounds_one_im": 1, "error_one_im": 0.03383486802519657, "one_im_sa_cls": 17.53061224489796, "model_in_bounds": 1, "pred_cls": 28.77017122142534, "error_w_gmm": 0.06962519944357251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0711348681600981}, "run_59": {"edge_length": "230", "pf": 0.5899087696227501, "in_bounds_one_im": 1, "error_one_im": 0.044625837072614825, "one_im_sa_cls": 20.857142857142858, "model_in_bounds": 1, "pred_cls": 33.55442892907728, "error_w_gmm": 0.08912773109634846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09106026914990342}, "run_60": {"edge_length": "230", "pf": 0.5899143585107257, "in_bounds_one_im": 1, "error_one_im": 0.02682885165396205, "one_im_sa_cls": 14.857142857142858, "model_in_bounds": 1, "pred_cls": 25.05157892163489, "error_w_gmm": 0.05749574575238536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058742414047620005}, "run_61": {"edge_length": "230", "pf": 0.5775262595545327, "in_bounds_one_im": 1, "error_one_im": 0.03751550197265555, "one_im_sa_cls": 18.26530612244898, "model_in_bounds": 1, "pred_cls": 28.872927506227406, "error_w_gmm": 0.07297775193544202, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07456011335027131}, "run_62": {"edge_length": "230", "pf": 0.586281581326539, "in_bounds_one_im": 1, "error_one_im": 0.04423726342225802, "one_im_sa_cls": 20.632653061224488, "model_in_bounds": 1, "pred_cls": 19.851131658053315, "error_w_gmm": 0.04086179735016472, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04174779520228638}, "run_63": {"edge_length": "230", "pf": 0.5897120078901947, "in_bounds_one_im": 1, "error_one_im": 0.024176381277187065, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 20.508436733120764, "error_w_gmm": 0.04260528865266726, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043529090264030706}, "run_64": {"edge_length": "230", "pf": 0.5828918385797649, "in_bounds_one_im": 1, "error_one_im": 0.028977121204104436, "one_im_sa_cls": 15.489795918367347, "model_in_bounds": 1, "pred_cls": 31.650600192896803, "error_w_gmm": 0.0828406580011486, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08463687475657883}, "run_65": {"edge_length": "230", "pf": 0.6129546313799622, "in_bounds_one_im": 0, "error_one_im": 0.020780829344763333, "one_im_sa_cls": 12.938775510204081, "model_in_bounds": 1, "pred_cls": 22.1582961632785, "error_w_gmm": 0.04558391001195838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0465722964506607}, "run_66": {"edge_length": "230", "pf": 0.5944774389742746, "in_bounds_one_im": 1, "error_one_im": 0.029644537688646628, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 26.54357737367018, "error_w_gmm": 0.06211825696628161, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0634651542106205}, "run_67": {"edge_length": "230", "pf": 0.6049229062217474, "in_bounds_one_im": 1, "error_one_im": 0.043890716752937334, "one_im_sa_cls": 21.06122448979592, "model_in_bounds": 1, "pred_cls": 33.99223532829897, "error_w_gmm": 0.08808475598482085, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08999467942598594}, "run_68": {"edge_length": "230", "pf": 0.62538661954467, "in_bounds_one_im": 0, "error_one_im": 0.03665691574751054, "one_im_sa_cls": 19.224489795918366, "model_in_bounds": 1, "pred_cls": 29.67223378535626, "error_w_gmm": 0.06879913400168867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07029089131307097}, "run_69": {"edge_length": "230", "pf": 0.5772902934166187, "in_bounds_one_im": 1, "error_one_im": 0.037031527742177515, "one_im_sa_cls": 18.10204081632653, "model_in_bounds": 1, "pred_cls": 27.198004665256857, "error_w_gmm": 0.06675284911801938, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06820023725992473}, "run_70": {"edge_length": "230", "pf": 0.5880095339853703, "in_bounds_one_im": 1, "error_one_im": 0.024907531436803142, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 25.58769703661913, "error_w_gmm": 0.05958520767186867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.060877181335266324}, "run_71": {"edge_length": "230", "pf": 0.5672831429275911, "in_bounds_one_im": 0, "error_one_im": 0.029740404972864027, "one_im_sa_cls": 15.428571428571429, "model_in_bounds": 1, "pred_cls": 29.42858442650209, "error_w_gmm": 0.076682503715232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07834519449226242}, "run_72": {"edge_length": "230", "pf": 0.5791024081532012, "in_bounds_one_im": 1, "error_one_im": 0.033275014787284445, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 20.988182606157935, "error_w_gmm": 0.04508302454506811, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04606055038838299}, "run_73": {"edge_length": "230", "pf": 0.5945650530122463, "in_bounds_one_im": 1, "error_one_im": 0.024465379152083782, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 23.238351079322634, "error_w_gmm": 0.050875550559069914, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05197867453902052}, "run_74": {"edge_length": "230", "pf": 0.6018347168570725, "in_bounds_one_im": 1, "error_one_im": 0.047226684876404856, "one_im_sa_cls": 22.020408163265305, "model_in_bounds": 1, "pred_cls": 34.48803189214238, "error_w_gmm": 0.09060161776255597, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0925661137941054}, "run_75": {"edge_length": "230", "pf": 0.5579813429769047, "in_bounds_one_im": 0, "error_one_im": 0.027061365394215615, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 0, "pred_cls": 21.99313435815666, "error_w_gmm": 0.05048721456035738, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.05158191833162698}, "run_76": {"edge_length": "230", "pf": 0.5760100271225446, "in_bounds_one_im": 1, "error_one_im": 0.03470713511152196, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 22.561051711002882, "error_w_gmm": 0.05056407197468321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05166044222928045}, "run_77": {"edge_length": "230", "pf": 0.5980346839812608, "in_bounds_one_im": 1, "error_one_im": 0.039636781147815166, "one_im_sa_cls": 19.489795918367346, "model_in_bounds": 1, "pred_cls": 34.12114838165547, "error_w_gmm": 0.08986836111600753, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09181695809621736}, "run_78": {"edge_length": "230", "pf": 0.599299827401989, "in_bounds_one_im": 1, "error_one_im": 0.04363652548583429, "one_im_sa_cls": 20.816326530612244, "model_in_bounds": 1, "pred_cls": 33.99413573001341, "error_w_gmm": 0.08913206183489134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0910646937909493}, "run_79": {"edge_length": "230", "pf": 0.5861259143585107, "in_bounds_one_im": 1, "error_one_im": 0.02844417466213814, "one_im_sa_cls": 15.36734693877551, "model_in_bounds": 1, "pred_cls": 25.11341019843724, "error_w_gmm": 0.05816174787050356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05942285695112748}, "run_80": {"edge_length": "230", "pf": 0.601895043971398, "in_bounds_one_im": 1, "error_one_im": 0.030316142744267954, "one_im_sa_cls": 16.387755102040817, "model_in_bounds": 1, "pred_cls": 21.81009920781285, "error_w_gmm": 0.045558050147043304, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046545875871673886}, "run_81": {"edge_length": "230", "pf": 0.6109371250102736, "in_bounds_one_im": 0, "error_one_im": 0.029082958235158874, "one_im_sa_cls": 16.142857142857142, "model_in_bounds": 1, "pred_cls": 28.837185391357128, "error_w_gmm": 0.06796435503963603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06943801201242984}, "run_82": {"edge_length": "230", "pf": 0.581319635078491, "in_bounds_one_im": 1, "error_one_im": 0.03433126421783916, "one_im_sa_cls": 17.306122448979593, "model_in_bounds": 1, "pred_cls": 26.000334417995706, "error_w_gmm": 0.06187888223022738, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06322058916195751}, "run_83": {"edge_length": "230", "pf": 0.6104964247554862, "in_bounds_one_im": 1, "error_one_im": 0.03480109706024067, "one_im_sa_cls": 18.183673469387756, "model_in_bounds": 1, "pred_cls": 31.819867824650263, "error_w_gmm": 0.0788500507159644, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08055973996373188}, "run_84": {"edge_length": "230", "pf": 0.6210793950850662, "in_bounds_one_im": 0, "error_one_im": 0.03460588448158556, "one_im_sa_cls": 18.387755102040817, "model_in_bounds": 1, "pred_cls": 26.53115974957547, "error_w_gmm": 0.05870500920584507, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05997789770899727}, "run_85": {"edge_length": "230", "pf": 0.5924670830936138, "in_bounds_one_im": 1, "error_one_im": 0.03295926195972775, "one_im_sa_cls": 17.10204081632653, "model_in_bounds": 1, "pred_cls": 23.409355958868034, "error_w_gmm": 0.0516622943882398, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05278247717098451}, "run_86": {"edge_length": "230", "pf": 0.6211195857647736, "in_bounds_one_im": 0, "error_one_im": 0.026648299572857317, "one_im_sa_cls": 15.448979591836734, "model_in_bounds": 1, "pred_cls": 28.234349717595325, "error_w_gmm": 0.06444220743741629, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06583949441640669}, "run_87": {"edge_length": "230", "pf": 0.6095427796498726, "in_bounds_one_im": 0, "error_one_im": 0.02433458125701174, "one_im_sa_cls": 14.306122448979592, "model_in_bounds": 1, "pred_cls": 19.138486818023505, "error_w_gmm": 0.03685414055696624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037653241220489256}, "run_88": {"edge_length": "230", "pf": 0.5858546889126325, "in_bounds_one_im": 1, "error_one_im": 0.03365206921228488, "one_im_sa_cls": 17.183673469387756, "model_in_bounds": 1, "pred_cls": 24.797698454117704, "error_w_gmm": 0.057100345940444684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05833844086380559}, "run_89": {"edge_length": "230", "pf": 0.5918269088518123, "in_bounds_one_im": 1, "error_one_im": 0.03206230747906432, "one_im_sa_cls": 16.775510204081634, "model_in_bounds": 1, "pred_cls": 28.21110155915556, "error_w_gmm": 0.06843766070298342, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06992158026402133}, "run_90": {"edge_length": "230", "pf": 0.5711059423029506, "in_bounds_one_im": 1, "error_one_im": 0.043886731517147684, "one_im_sa_cls": 20.10204081632653, "model_in_bounds": 1, "pred_cls": 30.61883193538894, "error_w_gmm": 0.08074950371175865, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08250037840372132}, "run_91": {"edge_length": "230", "pf": 0.5763505383414153, "in_bounds_one_im": 1, "error_one_im": 0.03249797039249252, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 21.157448311341394, "error_w_gmm": 0.0458875815126913, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046882552397376105}, "run_92": {"edge_length": "230", "pf": 0.5912001315032465, "in_bounds_one_im": 1, "error_one_im": 0.04198368998034804, "one_im_sa_cls": 20.06122448979592, "model_in_bounds": 1, "pred_cls": 32.889012923976466, "error_w_gmm": 0.08625904194317975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08812937880655367}, "run_93": {"edge_length": "230", "pf": 0.6006432152543766, "in_bounds_one_im": 1, "error_one_im": 0.0397941785440861, "one_im_sa_cls": 19.612244897959183, "model_in_bounds": 1, "pred_cls": 23.858780499258227, "error_w_gmm": 0.05226186051848168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05339504356891042}, "run_94": {"edge_length": "230", "pf": 0.5906256266951591, "in_bounds_one_im": 1, "error_one_im": 0.031150155603061086, "one_im_sa_cls": 16.428571428571427, "model_in_bounds": 1, "pred_cls": 23.853007736941425, "error_w_gmm": 0.05334075576731355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05449733227899748}, "run_95": {"edge_length": "230", "pf": 0.5759623571956932, "in_bounds_one_im": 1, "error_one_im": 0.04012247239214615, "one_im_sa_cls": 19.06122448979592, "model_in_bounds": 1, "pred_cls": 28.69958030109152, "error_w_gmm": 0.07255356092691352, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07412672469634252}, "run_96": {"edge_length": "230", "pf": 0.6016386948302787, "in_bounds_one_im": 1, "error_one_im": 0.04380805293115368, "one_im_sa_cls": 20.93877551020408, "model_in_bounds": 1, "pred_cls": 34.994101378125805, "error_w_gmm": 0.09264099690536033, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09464971237064393}, "run_97": {"edge_length": "230", "pf": 0.6039926851319142, "in_bounds_one_im": 1, "error_one_im": 0.030635802622269677, "one_im_sa_cls": 16.551020408163264, "model_in_bounds": 1, "pred_cls": 20.518712767618045, "error_w_gmm": 0.041390549381864566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042288012054301785}, "run_98": {"edge_length": "230", "pf": 0.6004326456809402, "in_bounds_one_im": 1, "error_one_im": 0.03590159406300523, "one_im_sa_cls": 18.306122448979593, "model_in_bounds": 1, "pred_cls": 27.46830752360399, "error_w_gmm": 0.06458786966759433, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.065988315010422}, "run_99": {"edge_length": "230", "pf": 0.6102449247965809, "in_bounds_one_im": 1, "error_one_im": 0.0333065906599243, "one_im_sa_cls": 17.653061224489797, "model_in_bounds": 1, "pred_cls": 27.227384147540036, "error_w_gmm": 0.06244431960909281, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06379828680189008}, "run_100": {"edge_length": "260", "pf": 0.5972699704142012, "in_bounds_one_im": 1, "error_one_im": 0.02647319957301621, "one_im_sa_cls": 16.816326530612244, "model_in_bounds": 1, "pred_cls": 36.60319249897984, "error_w_gmm": 0.08743155662196889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08501355647438961}, "run_101": {"edge_length": "260", "pf": 0.5993729517523896, "in_bounds_one_im": 1, "error_one_im": 0.019803236785183413, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 18.627211337723146, "error_w_gmm": 0.031601770956713446, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030727794902878705}, "run_102": {"edge_length": "260", "pf": 0.6044275147928994, "in_bounds_one_im": 0, "error_one_im": 0.02360567594741192, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 27.20860216620662, "error_w_gmm": 0.05520372267858133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053677012932798224}, "run_103": {"edge_length": "260", "pf": 0.6103455279927174, "in_bounds_one_im": 0, "error_one_im": 0.017632579841902835, "one_im_sa_cls": 13.061224489795919, "model_in_bounds": 1, "pred_cls": 20.720251160730097, "error_w_gmm": 0.036233690210742846, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03523161416792757}, "run_104": {"edge_length": "260", "pf": 0.6113583295402822, "in_bounds_one_im": 0, "error_one_im": 0.02431372318514273, "one_im_sa_cls": 16.20408163265306, "model_in_bounds": 1, "pred_cls": 32.13312876794251, "error_w_gmm": 0.06982716043621007, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0678960260636422}, "run_105": {"edge_length": "260", "pf": 0.608330678197542, "in_bounds_one_im": 0, "error_one_im": 0.02502571131578035, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 29.676954580267456, "error_w_gmm": 0.06237161816307697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06064667367220881}, "run_106": {"edge_length": "260", "pf": 0.5989981224396905, "in_bounds_one_im": 1, "error_one_im": 0.021815207717513704, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 20.753784073795167, "error_w_gmm": 0.03719413886033767, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03616550072637144}, "run_107": {"edge_length": "260", "pf": 0.5921016727355485, "in_bounds_one_im": 1, "error_one_im": 0.021086512356285798, "one_im_sa_cls": 14.346938775510203, "model_in_bounds": 1, "pred_cls": 23.540877270849705, "error_w_gmm": 0.04558058320010413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04432001023122588}, "run_108": {"edge_length": "260", "pf": 0.5789986345015931, "in_bounds_one_im": 1, "error_one_im": 0.021617357244781574, "one_im_sa_cls": 14.326530612244898, "model_in_bounds": 1, "pred_cls": 20.231020423428138, "error_w_gmm": 0.03730763850404289, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03627586143299448}, "run_109": {"edge_length": "260", "pf": 0.5911328516158397, "in_bounds_one_im": 1, "error_one_im": 0.02398472054235874, "one_im_sa_cls": 15.612244897959183, "model_in_bounds": 1, "pred_cls": 24.313441235292096, "error_w_gmm": 0.04793870556590566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0466129165532004}, "run_110": {"edge_length": "260", "pf": 0.5950252048247611, "in_bounds_one_im": 1, "error_one_im": 0.01989504502759114, "one_im_sa_cls": 13.857142857142858, "model_in_bounds": 1, "pred_cls": 24.28510118621849, "error_w_gmm": 0.04747055253230459, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04615771072250955}, "run_111": {"edge_length": "260", "pf": 0.5932892580791989, "in_bounds_one_im": 1, "error_one_im": 0.026790054610797084, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 36.284959135051345, "error_w_gmm": 0.08700969195341883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08460335886142242}, "run_112": {"edge_length": "260", "pf": 0.6085678197542103, "in_bounds_one_im": 0, "error_one_im": 0.025013259186481784, "one_im_sa_cls": 16.448979591836736, "model_in_bounds": 1, "pred_cls": 28.519684280519844, "error_w_gmm": 0.05872985606497021, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05710562785585323}, "run_113": {"edge_length": "260", "pf": 0.5852279813381884, "in_bounds_one_im": 1, "error_one_im": 0.027537285182539516, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 30.910835037483505, "error_w_gmm": 0.06956269268701909, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06763887241340222}, "run_114": {"edge_length": "260", "pf": 0.5957225193445608, "in_bounds_one_im": 1, "error_one_im": 0.028466095968128578, "one_im_sa_cls": 17.612244897959183, "model_in_bounds": 1, "pred_cls": 27.1424284287085, "error_w_gmm": 0.05600914116016824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05446015682517989}, "run_115": {"edge_length": "260", "pf": 0.6012476672735548, "in_bounds_one_im": 1, "error_one_im": 0.023855477064830658, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 27.048089586654594, "error_w_gmm": 0.05508050395995376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05355720194121265}, "run_116": {"edge_length": "260", "pf": 0.5966588529813381, "in_bounds_one_im": 1, "error_one_im": 0.021921592486310187, "one_im_sa_cls": 14.816326530612244, "model_in_bounds": 1, "pred_cls": 21.832634907707078, "error_w_gmm": 0.04032742975804688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03921213758124085}, "run_117": {"edge_length": "260", "pf": 0.5843083750568958, "in_bounds_one_im": 1, "error_one_im": 0.021841301866371957, "one_im_sa_cls": 14.53061224489796, "model_in_bounds": 1, "pred_cls": 27.564950601215642, "error_w_gmm": 0.05869059390555684, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05706745152758513}, "run_118": {"edge_length": "260", "pf": 0.5894466317705963, "in_bounds_one_im": 1, "error_one_im": 0.022805576557771753, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 21.78810957091209, "error_w_gmm": 0.0408093789174537, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039680757993184095}, "run_119": {"edge_length": "260", "pf": 0.5968277765134274, "in_bounds_one_im": 1, "error_one_im": 0.021372831163533293, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 16.592413953010755, "error_w_gmm": 0.026708730394454445, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025970075879647087}, "run_120": {"edge_length": "260", "pf": 0.6011879267182522, "in_bounds_one_im": 1, "error_one_im": 0.024603023265930737, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 27.699803798717316, "error_w_gmm": 0.05709027796999141, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05551139380173104}, "run_121": {"edge_length": "260", "pf": 0.6132611515703231, "in_bounds_one_im": 0, "error_one_im": 0.02299181030900694, "one_im_sa_cls": 15.653061224489797, "model_in_bounds": 1, "pred_cls": 26.382783180725003, "error_w_gmm": 0.051741043121825196, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05031009696533143}, "run_122": {"edge_length": "260", "pf": 0.6059720641784251, "in_bounds_one_im": 0, "error_one_im": 0.02543110306891826, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 29.75290160769542, "error_w_gmm": 0.06292153211065808, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06118137924357233}, "run_123": {"edge_length": "260", "pf": 0.6082862994993172, "in_bounds_one_im": 0, "error_one_im": 0.024563707315293115, "one_im_sa_cls": 16.244897959183675, "model_in_bounds": 1, "pred_cls": 31.48743896195607, "error_w_gmm": 0.06817175366547902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06628640109036027}, "run_124": {"edge_length": "260", "pf": 0.5911285844333182, "in_bounds_one_im": 1, "error_one_im": 0.02117411816656385, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 18.395833280895786, "error_w_gmm": 0.03155002348551321, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03067747855560932}, "run_125": {"edge_length": "260", "pf": 0.5909118115612199, "in_bounds_one_im": 1, "error_one_im": 0.020242872475744886, "one_im_sa_cls": 13.938775510204081, "model_in_bounds": 1, "pred_cls": 23.45433219006496, "error_w_gmm": 0.04544120477285601, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04418448644263078}, "run_126": {"edge_length": "260", "pf": 0.5923469503868912, "in_bounds_one_im": 1, "error_one_im": 0.02157240355457661, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 23.648627172039415, "error_w_gmm": 0.045870583633151996, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044601990435457047}, "run_127": {"edge_length": "260", "pf": 0.5786551547564861, "in_bounds_one_im": 1, "error_one_im": 0.02265743421703497, "one_im_sa_cls": 14.775510204081632, "model_in_bounds": 1, "pred_cls": 20.151259801887843, "error_w_gmm": 0.0371133645475236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0360869603015018}, "run_128": {"edge_length": "260", "pf": 0.5939038461538462, "in_bounds_one_im": 1, "error_one_im": 0.020561281084749135, "one_im_sa_cls": 14.142857142857142, "model_in_bounds": 1, "pred_cls": 24.560405845358343, "error_w_gmm": 0.048392468098717875, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04705412986564313}, "run_129": {"edge_length": "260", "pf": 0.6042617774237596, "in_bounds_one_im": 1, "error_one_im": 0.024445610703978125, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 31.8752311288326, "error_w_gmm": 0.07002281179574209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06808626650479985}, "run_130": {"edge_length": "260", "pf": 0.5855032999544834, "in_bounds_one_im": 1, "error_one_im": 0.02355492410181855, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 23.70750667135882, "error_w_gmm": 0.046697408734530065, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04540594892786229}, "run_131": {"edge_length": "260", "pf": 0.5915209945380063, "in_bounds_one_im": 1, "error_one_im": 0.0212471551368632, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 20.16773186240734, "error_w_gmm": 0.03618707420302022, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03518628736879186}, "run_132": {"edge_length": "260", "pf": 0.6078170801092398, "in_bounds_one_im": 0, "error_one_im": 0.021950093756682235, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 17.999895002886344, "error_w_gmm": 0.029493814215472747, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028678135644930502}, "run_133": {"edge_length": "260", "pf": 0.5994557350933091, "in_bounds_one_im": 1, "error_one_im": 0.022155662355229696, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 23.977286832477663, "error_w_gmm": 0.04614395889228309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.044867805250253516}, "run_134": {"edge_length": "260", "pf": 0.5817183659535731, "in_bounds_one_im": 1, "error_one_im": 0.026742746223958093, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 21.123351882088762, "error_w_gmm": 0.039581327489209873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03848666945716653}, "run_135": {"edge_length": "260", "pf": 0.5924768434228493, "in_bounds_one_im": 1, "error_one_im": 0.020443875957431266, "one_im_sa_cls": 14.061224489795919, "model_in_bounds": 1, "pred_cls": 20.169184412684714, "error_w_gmm": 0.036119443912222375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0351205274559152}, "run_136": {"edge_length": "260", "pf": 0.5930067705962676, "in_bounds_one_im": 1, "error_one_im": 0.024456214989458, "one_im_sa_cls": 15.857142857142858, "model_in_bounds": 1, "pred_cls": 31.449099553057813, "error_w_gmm": 0.0702496530967686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06830683430092098}, "run_137": {"edge_length": "260", "pf": 0.5999088529813382, "in_bounds_one_im": 1, "error_one_im": 0.02851415125739742, "one_im_sa_cls": 17.73469387755102, "model_in_bounds": 1, "pred_cls": 25.795084716530983, "error_w_gmm": 0.05144111433797873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05001846298797827}, "run_138": {"edge_length": "260", "pf": 0.5933584433318161, "in_bounds_one_im": 1, "error_one_im": 0.01917535683686169, "one_im_sa_cls": 13.489795918367347, "model_in_bounds": 1, "pred_cls": 21.44665054454094, "error_w_gmm": 0.03953253135680598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03843922282670335}, "run_139": {"edge_length": "260", "pf": 0.5876174897587619, "in_bounds_one_im": 1, "error_one_im": 0.02252065416035618, "one_im_sa_cls": 14.89795918367347, "model_in_bounds": 1, "pred_cls": 24.708716430799083, "error_w_gmm": 0.04947048119936218, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04810232952206684}, "run_140": {"edge_length": "260", "pf": 0.5852049954483386, "in_bounds_one_im": 1, "error_one_im": 0.02216947660432049, "one_im_sa_cls": 14.693877551020408, "model_in_bounds": 1, "pred_cls": 25.04238692380997, "error_w_gmm": 0.05072761256822084, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04932469376618397}, "run_141": {"edge_length": "260", "pf": 0.5770083636777423, "in_bounds_one_im": 1, "error_one_im": 0.023206672581212107, "one_im_sa_cls": 14.979591836734693, "model_in_bounds": 1, "pred_cls": 24.865993067336397, "error_w_gmm": 0.05104481605113204, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.049633124694904}, "run_142": {"edge_length": "260", "pf": 0.5934050978607192, "in_bounds_one_im": 1, "error_one_im": 0.02031582123659774, "one_im_sa_cls": 14.020408163265307, "model_in_bounds": 1, "pred_cls": 22.20350933501757, "error_w_gmm": 0.04163953347582241, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04048795386338332}, "run_143": {"edge_length": "260", "pf": 0.6107845357305417, "in_bounds_one_im": 0, "error_one_im": 0.021725095679075247, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 31.400828711917086, "error_w_gmm": 0.0675352927537278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06566754209075612}, "run_144": {"edge_length": "260", "pf": 0.601649010013655, "in_bounds_one_im": 1, "error_one_im": 0.02448597460585853, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 30.8152570280866, "error_w_gmm": 0.06692342107781167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06507259228904448}, "run_145": {"edge_length": "260", "pf": 0.5988192421483841, "in_bounds_one_im": 1, "error_one_im": 0.01904523848170435, "one_im_sa_cls": 13.53061224489796, "model_in_bounds": 1, "pred_cls": 20.942422313005956, "error_w_gmm": 0.03771643516724894, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03667335244832982}, "run_146": {"edge_length": "260", "pf": 0.589080848884843, "in_bounds_one_im": 1, "error_one_im": 0.026730400557072015, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 27.1761178821384, "error_w_gmm": 0.05689052747274712, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05531716758828644}, "run_147": {"edge_length": "260", "pf": 0.5650979176149294, "in_bounds_one_im": 0, "error_one_im": 0.022430290109479934, "one_im_sa_cls": 14.408163265306122, "model_in_bounds": 1, "pred_cls": 25.288002330570375, "error_w_gmm": 0.05363814736550784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05215473504555502}, "run_148": {"edge_length": "260", "pf": 0.6106847405553026, "in_bounds_one_im": 0, "error_one_im": 0.023388661530460104, "one_im_sa_cls": 15.775510204081632, "model_in_bounds": 1, "pred_cls": 31.95330209242378, "error_w_gmm": 0.06934000870581246, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0674223469625961}, "run_149": {"edge_length": "260", "pf": 0.5881914542558033, "in_bounds_one_im": 1, "error_one_im": 0.01885598900960057, "one_im_sa_cls": 13.244897959183673, "model_in_bounds": 1, "pred_cls": 21.860337088388974, "error_w_gmm": 0.04111891994434534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039981738378156155}, "run_150": {"edge_length": "290", "pf": 0.6068788798228709, "in_bounds_one_im": 0, "error_one_im": 0.01806653833572546, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 1, "pred_cls": 20.509262299372388, "error_w_gmm": 0.031065673481291432, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029668004061413206}, "run_151": {"edge_length": "290", "pf": 0.5861394071097626, "in_bounds_one_im": 1, "error_one_im": 0.020814458581394617, "one_im_sa_cls": 15.73469387755102, "model_in_bounds": 1, "pred_cls": 26.59368534507946, "error_w_gmm": 0.047889235485052375, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04573466059649859}, "run_152": {"edge_length": "290", "pf": 0.5933497068350486, "in_bounds_one_im": 1, "error_one_im": 0.021228908137214574, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 29.97289974653949, "error_w_gmm": 0.05645362811286917, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05391373437124323}, "run_153": {"edge_length": "290", "pf": 0.5985128541555619, "in_bounds_one_im": 1, "error_one_im": 0.023195162405655837, "one_im_sa_cls": 17.20408163265306, "model_in_bounds": 1, "pred_cls": 28.649031679751516, "error_w_gmm": 0.05219243279884168, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04984425363202211}, "run_154": {"edge_length": "290", "pf": 0.6017911763499938, "in_bounds_one_im": 0, "error_one_im": 0.0188700933467449, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 19.04896658493316, "error_w_gmm": 0.028104974737997356, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.026840509515268448}, "run_155": {"edge_length": "290", "pf": 0.5906404936651769, "in_bounds_one_im": 1, "error_one_im": 0.01711860901694456, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 23.815486196706406, "error_w_gmm": 0.04020902540613706, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03839998929278493}, "run_156": {"edge_length": "290", "pf": 0.6086575915371684, "in_bounds_one_im": 0, "error_one_im": 0.01894217357927722, "one_im_sa_cls": 15.244897959183673, "model_in_bounds": 1, "pred_cls": 23.976683454956397, "error_w_gmm": 0.03912182781316309, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.037361705586386795}, "run_157": {"edge_length": "290", "pf": 0.5923530690065193, "in_bounds_one_im": 1, "error_one_im": 0.022869372393442076, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 30.689910879862598, "error_w_gmm": 0.05861229754424366, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055975283543703194}, "run_158": {"edge_length": "290", "pf": 0.6086590266103571, "in_bounds_one_im": 0, "error_one_im": 0.019477113101714613, "one_im_sa_cls": 15.53061224489796, "model_in_bounds": 1, "pred_cls": 27.950200183474667, "error_w_gmm": 0.049239263529914104, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.047023949803188476}, "run_159": {"edge_length": "290", "pf": 0.5864014924761163, "in_bounds_one_im": 1, "error_one_im": 0.018151307358804783, "one_im_sa_cls": 14.36734693877551, "model_in_bounds": 1, "pred_cls": 21.638689244416927, "error_w_gmm": 0.0351303042126253, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0335497638152452}, "run_160": {"edge_length": "290", "pf": 0.57658206568535, "in_bounds_one_im": 0, "error_one_im": 0.01979829336952038, "one_im_sa_cls": 15.020408163265307, "model_in_bounds": 1, "pred_cls": 23.85858804779429, "error_w_gmm": 0.04150158708123, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03963439758750231}, "run_161": {"edge_length": "290", "pf": 0.6028521464594694, "in_bounds_one_im": 0, "error_one_im": 0.019289437940559175, "one_im_sa_cls": 15.306122448979592, "model_in_bounds": 1, "pred_cls": 27.64347213437433, "error_w_gmm": 0.04902336617462302, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04681776584205601}, "run_162": {"edge_length": "290", "pf": 0.5945069908565337, "in_bounds_one_im": 1, "error_one_im": 0.016609400490044085, "one_im_sa_cls": 13.693877551020408, "model_in_bounds": 1, "pred_cls": 23.06771361516911, "error_w_gmm": 0.03802450479521448, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.036313752005956955}, "run_163": {"edge_length": "290", "pf": 0.5891189060642092, "in_bounds_one_im": 1, "error_one_im": 0.02186495327429788, "one_im_sa_cls": 16.3265306122449, "model_in_bounds": 1, "pred_cls": 31.319407899036673, "error_w_gmm": 0.06083036902822421, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.058093562223058594}, "run_164": {"edge_length": "290", "pf": 0.5946078970027472, "in_bounds_one_im": 1, "error_one_im": 0.020932539675135378, "one_im_sa_cls": 15.979591836734693, "model_in_bounds": 1, "pred_cls": 20.369576405835847, "error_w_gmm": 0.03154560348134232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.030126341628093842}, "run_165": {"edge_length": "290", "pf": 0.5870311205871499, "in_bounds_one_im": 1, "error_one_im": 0.01724668939341704, "one_im_sa_cls": 13.89795918367347, "model_in_bounds": 1, "pred_cls": 19.278431972266866, "error_w_gmm": 0.029503884451166345, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028176481165032918}, "run_166": {"edge_length": "290", "pf": 0.6075823937020788, "in_bounds_one_im": 0, "error_one_im": 0.01707428339327884, "one_im_sa_cls": 14.204081632653061, "model_in_bounds": 1, "pred_cls": 20.011861459744583, "error_w_gmm": 0.02989829488247195, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.028553146756554314}, "run_167": {"edge_length": "290", "pf": 0.5901405551683135, "in_bounds_one_im": 1, "error_one_im": 0.022974296549051698, "one_im_sa_cls": 16.897959183673468, "model_in_bounds": 1, "pred_cls": 33.590011938946525, "error_w_gmm": 0.0674215167169773, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06438816892189833}, "run_168": {"edge_length": "290", "pf": 0.584489031940629, "in_bounds_one_im": 1, "error_one_im": 0.02447548295345002, "one_im_sa_cls": 17.489795918367346, "model_in_bounds": 1, "pred_cls": 30.17598019141003, "error_w_gmm": 0.05808161445914724, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055468476313740855}, "run_169": {"edge_length": "290", "pf": 0.6133005453278118, "in_bounds_one_im": 0, "error_one_im": 0.02094552023532935, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 1, "pred_cls": 29.5952643104061, "error_w_gmm": 0.0531284292863209, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05073813889122085}, "run_170": {"edge_length": "290", "pf": 0.5993412604042806, "in_bounds_one_im": 1, "error_one_im": 0.015786176996758123, "one_im_sa_cls": 13.326530612244898, "model_in_bounds": 1, "pred_cls": 19.847217262478836, "error_w_gmm": 0.030042992902796335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.028691334697570566}, "run_171": {"edge_length": "290", "pf": 0.5885559883554061, "in_bounds_one_im": 1, "error_one_im": 0.01955349134655431, "one_im_sa_cls": 15.142857142857142, "model_in_bounds": 1, "pred_cls": 23.38713932569872, "error_w_gmm": 0.03929802037137765, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03752997110092166}, "run_172": {"edge_length": "290", "pf": 0.5889549797039649, "in_bounds_one_im": 1, "error_one_im": 0.023197736449608087, "one_im_sa_cls": 16.979591836734695, "model_in_bounds": 1, "pred_cls": 33.27800260818226, "error_w_gmm": 0.06664737692117566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06364885829276362}, "run_173": {"edge_length": "290", "pf": 0.6063124769363237, "in_bounds_one_im": 0, "error_one_im": 0.017193634127908846, "one_im_sa_cls": 14.244897959183673, "model_in_bounds": 1, "pred_cls": 19.6405979921876, "error_w_gmm": 0.029147624784166496, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027836249904512108}, "run_174": {"edge_length": "290", "pf": 0.5972252654885399, "in_bounds_one_im": 1, "error_one_im": 0.019050375516392593, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 20.10375918544267, "error_w_gmm": 0.030762489015444903, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.029378460106426814}, "run_175": {"edge_length": "290", "pf": 0.592154577883472, "in_bounds_one_im": 1, "error_one_im": 0.02111989280786741, "one_im_sa_cls": 16.020408163265305, "model_in_bounds": 1, "pred_cls": 21.274009345059493, "error_w_gmm": 0.03384135989117229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03231881012654339}, "run_176": {"edge_length": "290", "pf": 0.6135789085243347, "in_bounds_one_im": 0, "error_one_im": 0.020621572335002232, "one_im_sa_cls": 16.244897959183675, "model_in_bounds": 1, "pred_cls": 28.621698224744087, "error_w_gmm": 0.050498890376077216, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04822690503318985}, "run_177": {"edge_length": "290", "pf": 0.594426011726598, "in_bounds_one_im": 1, "error_one_im": 0.02118159319348554, "one_im_sa_cls": 16.10204081632653, "model_in_bounds": 1, "pred_cls": 23.529355767640187, "error_w_gmm": 0.03917822320149721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03741556370123338}, "run_178": {"edge_length": "290", "pf": 0.6047757595637377, "in_bounds_one_im": 0, "error_one_im": 0.0213238513417219, "one_im_sa_cls": 16.408163265306122, "model_in_bounds": 1, "pred_cls": 29.430309651267887, "error_w_gmm": 0.05363649423015235, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05122334558812786}, "run_179": {"edge_length": "290", "pf": 0.6035815736602567, "in_bounds_one_im": 0, "error_one_im": 0.015719106420655073, "one_im_sa_cls": 13.36734693877551, "model_in_bounds": 0, "pred_cls": 15.598745992151892, "error_w_gmm": 0.020748513939612478, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019815021753815432}, "run_180": {"edge_length": "290", "pf": 0.6112550740087744, "in_bounds_one_im": 0, "error_one_im": 0.02135070136978746, "one_im_sa_cls": 16.571428571428573, "model_in_bounds": 1, "pred_cls": 30.088342377936765, "error_w_gmm": 0.05469681766922079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05223596423023255}, "run_181": {"edge_length": "290", "pf": 0.6011392431013982, "in_bounds_one_im": 1, "error_one_im": 0.019864008642782312, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 18.148421983159007, "error_w_gmm": 0.02617127948359167, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.024993812752174167}, "run_182": {"edge_length": "290", "pf": 0.6051609742096847, "in_bounds_one_im": 0, "error_one_im": 0.021545624250777315, "one_im_sa_cls": 16.53061224489796, "model_in_bounds": 1, "pred_cls": 23.93163686710735, "error_w_gmm": 0.03929856780822525, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03753049390814898}, "run_183": {"edge_length": "290", "pf": 0.6060211160769199, "in_bounds_one_im": 0, "error_one_im": 0.019894777121662297, "one_im_sa_cls": 15.693877551020408, "model_in_bounds": 1, "pred_cls": 23.843578840406465, "error_w_gmm": 0.03901155800635234, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0372563969061071}, "run_184": {"edge_length": "290", "pf": 0.58152056254869, "in_bounds_one_im": 1, "error_one_im": 0.02167073274840836, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 24.69888968010913, "error_w_gmm": 0.0432727212100784, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04132584697969476}, "run_185": {"edge_length": "290", "pf": 0.5999521505596785, "in_bounds_one_im": 1, "error_one_im": 0.02283831470580626, "one_im_sa_cls": 17.06122448979592, "model_in_bounds": 1, "pred_cls": 32.71609554228143, "error_w_gmm": 0.06350141491219627, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06064443562297478}, "run_186": {"edge_length": "290", "pf": 0.5932517118373037, "in_bounds_one_im": 1, "error_one_im": 0.02290959858011551, "one_im_sa_cls": 16.93877551020408, "model_in_bounds": 1, "pred_cls": 27.152146230449574, "error_w_gmm": 0.04868477311224491, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04649440635152849}, "run_187": {"edge_length": "290", "pf": 0.5957072450694986, "in_bounds_one_im": 1, "error_one_im": 0.0174272041249131, "one_im_sa_cls": 14.16326530612245, "model_in_bounds": 1, "pred_cls": 23.56800757706221, "error_w_gmm": 0.03917052384595368, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03740821074583481}, "run_188": {"edge_length": "290", "pf": 0.5885383164541391, "in_bounds_one_im": 1, "error_one_im": 0.025860718111458344, "one_im_sa_cls": 18.244897959183675, "model_in_bounds": 1, "pred_cls": 29.54721143335253, "error_w_gmm": 0.05580789162230329, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.053297050080260366}, "run_189": {"edge_length": "290", "pf": 0.5776464799704785, "in_bounds_one_im": 0, "error_one_im": 0.019194188869705267, "one_im_sa_cls": 14.73469387755102, "model_in_bounds": 0, "pred_cls": 15.021352529616356, "error_w_gmm": 0.02068778951156659, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.019757029366205374}, "run_190": {"edge_length": "290", "pf": 0.5866052728689163, "in_bounds_one_im": 1, "error_one_im": 0.022061143104153698, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 24.229406886250757, "error_w_gmm": 0.041607076131861376, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.039735140601634855}, "run_191": {"edge_length": "290", "pf": 0.597283734470458, "in_bounds_one_im": 1, "error_one_im": 0.019048060348135085, "one_im_sa_cls": 15.061224489795919, "model_in_bounds": 1, "pred_cls": 21.713616258607942, "error_w_gmm": 0.03452637765437649, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03297300839438785}, "run_192": {"edge_length": "290", "pf": 0.6068090122596252, "in_bounds_one_im": 0, "error_one_im": 0.020563395997692982, "one_im_sa_cls": 16.06122448979592, "model_in_bounds": 1, "pred_cls": 26.43892765449787, "error_w_gmm": 0.04547629328284792, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04343027858791055}, "run_193": {"edge_length": "290", "pf": 0.5904080118086023, "in_bounds_one_im": 1, "error_one_im": 0.02262962504636924, "one_im_sa_cls": 16.73469387755102, "model_in_bounds": 1, "pred_cls": 25.347209046996714, "error_w_gmm": 0.044171115080251226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.042183821393321747}, "run_194": {"edge_length": "290", "pf": 0.5847895772684407, "in_bounds_one_im": 1, "error_one_im": 0.02054840385352117, "one_im_sa_cls": 15.571428571428571, "model_in_bounds": 1, "pred_cls": 16.655903459956452, "error_w_gmm": 0.023802914774020457, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02273200265928232}, "run_195": {"edge_length": "290", "pf": 0.6136026487350855, "in_bounds_one_im": 0, "error_one_im": 0.020854125561135136, "one_im_sa_cls": 16.367346938775512, "model_in_bounds": 1, "pred_cls": 29.91624187803177, "error_w_gmm": 0.05396069678450898, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05153296201106376}, "run_196": {"edge_length": "290", "pf": 0.6077541104596335, "in_bounds_one_im": 0, "error_one_im": 0.022995018201873992, "one_im_sa_cls": 17.3265306122449, "model_in_bounds": 1, "pred_cls": 28.75841776146047, "error_w_gmm": 0.05148802913354498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04917154164927749}, "run_197": {"edge_length": "290", "pf": 0.5955443027594407, "in_bounds_one_im": 1, "error_one_im": 0.017320183413089142, "one_im_sa_cls": 14.10204081632653, "model_in_bounds": 1, "pred_cls": 19.002469532855674, "error_w_gmm": 0.028368544000995373, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027092220586969442}, "run_198": {"edge_length": "290", "pf": 0.601321415392185, "in_bounds_one_im": 0, "error_one_im": 0.017974731433079122, "one_im_sa_cls": 14.571428571428571, "model_in_bounds": 1, "pred_cls": 20.760068198413844, "error_w_gmm": 0.032006988940443834, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.03056696898750845}, "run_199": {"edge_length": "290", "pf": 0.6016026077329943, "in_bounds_one_im": 1, "error_one_im": 0.022352722861824284, "one_im_sa_cls": 16.857142857142858, "model_in_bounds": 1, "pred_cls": 30.976554265166303, "error_w_gmm": 0.05830376304572336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.055680630258278616}}, "separator_PP1615": {"true_cls": 20.306122448979593, "true_pf": 0.40414653964497044, "run_0": {"edge_length": "230", "pf": 0.4400246568587162, "in_bounds_one_im": 1, "error_one_im": 0.24302499539702446, "one_im_sa_cls": 52.775510204081634, "model_in_bounds": 1, "pred_cls": 46.58278677553395, "error_w_gmm": 0.19725335719542902, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.20153036070805688}, "run_1": {"edge_length": "230", "pf": 0.36694863154434126, "in_bounds_one_im": 1, "error_one_im": 0.2667047454770747, "one_im_sa_cls": 50.734693877551024, "model_in_bounds": 0, "pred_cls": 19.186990071903818, "error_w_gmm": 0.06071099830677878, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06202738225433288}, "run_2": {"edge_length": "230", "pf": 0.4060262184597682, "in_bounds_one_im": 1, "error_one_im": 0.2830924343459849, "one_im_sa_cls": 55.775510204081634, "model_in_bounds": 1, "pred_cls": 43.192179721606564, "error_w_gmm": 0.1888228459772185, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.19291705246876548}, "run_3": {"edge_length": "230", "pf": 0.4062879921098052, "in_bounds_one_im": 1, "error_one_im": 0.2463514919693778, "one_im_sa_cls": 50.857142857142854, "model_in_bounds": 1, "pred_cls": 31.6594358478207, "error_w_gmm": 0.11843114791395744, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12099906585885054}, "run_4": {"edge_length": "230", "pf": 0.37949946576806115, "in_bounds_one_im": 1, "error_one_im": 0.27546757967034374, "one_im_sa_cls": 52.775510204081634, "model_in_bounds": 1, "pred_cls": 28.96445087488825, "error_w_gmm": 0.10962350979677675, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11200045355648622}, "run_5": {"edge_length": "230", "pf": 0.36826374619873425, "in_bounds_one_im": 1, "error_one_im": 0.2549562187742765, "one_im_sa_cls": 49.326530612244895, "model_in_bounds": 0, "pred_cls": 24.1527609383606, "error_w_gmm": 0.08550250713298316, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.08735644020943742}, "run_6": {"edge_length": "230", "pf": 0.41868915920111777, "in_bounds_one_im": 1, "error_one_im": 0.21584067008577645, "one_im_sa_cls": 47.36734693877551, "model_in_bounds": 1, "pred_cls": 21.115478819451912, "error_w_gmm": 0.06287818719595333, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06424156184938605}, "run_7": {"edge_length": "230", "pf": 0.41207249116462563, "in_bounds_one_im": 1, "error_one_im": 0.20509094677616965, "one_im_sa_cls": 45.36734693877551, "model_in_bounds": 1, "pred_cls": 35.7628419314273, "error_w_gmm": 0.14049580983634127, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.143542151255941}, "run_8": {"edge_length": "230", "pf": 0.39846404208103886, "in_bounds_one_im": 1, "error_one_im": 0.27675774044578444, "one_im_sa_cls": 54.36734693877551, "model_in_bounds": 1, "pred_cls": 40.75153243301067, "error_w_gmm": 0.17578928669065502, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17960088922735298}, "run_9": {"edge_length": "230", "pf": 0.40940601627352674, "in_bounds_one_im": 1, "error_one_im": 0.22902821729421827, "one_im_sa_cls": 48.6530612244898, "model_in_bounds": 1, "pred_cls": 19.85827576529889, "error_w_gmm": 0.05845477098197569, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05972223362177283}, "run_10": {"edge_length": "230", "pf": 0.3883749486315443, "in_bounds_one_im": 1, "error_one_im": 0.25481848634747417, "one_im_sa_cls": 50.734693877551024, "model_in_bounds": 1, "pred_cls": 21.328837887771503, "error_w_gmm": 0.06798421332790963, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0694583008838371}, "run_11": {"edge_length": "230", "pf": 0.3900883537437331, "in_bounds_one_im": 1, "error_one_im": 0.2417450679182079, "one_im_sa_cls": 49.10204081632653, "model_in_bounds": 1, "pred_cls": 39.61661941577578, "error_w_gmm": 0.17147797618618438, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17519609747402642}, "run_12": {"edge_length": "230", "pf": 0.41756472425413005, "in_bounds_one_im": 1, "error_one_im": 0.23563070666362496, "one_im_sa_cls": 50.142857142857146, "model_in_bounds": 1, "pred_cls": 41.768094540461654, "error_w_gmm": 0.17533522990694134, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17913698722484817}, "run_13": {"edge_length": "230", "pf": 0.37120596695980934, "in_bounds_one_im": 1, "error_one_im": 0.21003672198156892, "one_im_sa_cls": 43.53061224489796, "model_in_bounds": 1, "pred_cls": 34.538550680237584, "error_w_gmm": 0.14529248582735782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14844283257469543}, "run_14": {"edge_length": "230", "pf": 0.3977881153940988, "in_bounds_one_im": 1, "error_one_im": 0.22918205565320546, "one_im_sa_cls": 47.89795918367347, "model_in_bounds": 1, "pred_cls": 16.651449506000127, "error_w_gmm": 0.045979800711761, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.046976771166156256}, "run_15": {"edge_length": "230", "pf": 0.38951105449165774, "in_bounds_one_im": 1, "error_one_im": 0.2296228167069504, "one_im_sa_cls": 47.40816326530612, "model_in_bounds": 1, "pred_cls": 35.18250636972916, "error_w_gmm": 0.14368433723714247, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.14679981483311577}, "run_16": {"edge_length": "230", "pf": 0.3790243281006, "in_bounds_one_im": 1, "error_one_im": 0.2685795638820948, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 38.9999585166353, "error_w_gmm": 0.17145108020256034, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17516861831038413}, "run_17": {"edge_length": "230", "pf": 0.3985948056217638, "in_bounds_one_im": 1, "error_one_im": 0.2099107213373776, "one_im_sa_cls": 45.224489795918366, "model_in_bounds": 1, "pred_cls": 18.365663459722853, "error_w_gmm": 0.053170159251621774, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05432303675454229}, "run_18": {"edge_length": "230", "pf": 0.38918410454508096, "in_bounds_one_im": 1, "error_one_im": 0.19552905045205324, "one_im_sa_cls": 42.57142857142857, "model_in_bounds": 1, "pred_cls": 40.616283761947585, "error_w_gmm": 0.17834796294132574, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1822150447229266}, "run_19": {"edge_length": "230", "pf": 0.4144823703460179, "in_bounds_one_im": 1, "error_one_im": 0.24061312848201427, "one_im_sa_cls": 50.63265306122449, "model_in_bounds": 1, "pred_cls": 27.956343178114047, "error_w_gmm": 0.09662238634950293, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09871742945391951}, "run_20": {"edge_length": "230", "pf": 0.4053417440618065, "in_bounds_one_im": 1, "error_one_im": 0.1829573176903137, "one_im_sa_cls": 41.6530612244898, "model_in_bounds": 1, "pred_cls": 40.49237909741867, "error_w_gmm": 0.1716418789218091, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17536355407857365}, "run_21": {"edge_length": "230", "pf": 0.428316594065916, "in_bounds_one_im": 1, "error_one_im": 0.2191932693443363, "one_im_sa_cls": 48.48979591836735, "model_in_bounds": 1, "pred_cls": 32.38316594892401, "error_w_gmm": 0.11708858546088824, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11962739290338313}, "run_22": {"edge_length": "230", "pf": 0.4179473165118764, "in_bounds_one_im": 1, "error_one_im": 0.2034453167738859, "one_im_sa_cls": 45.48979591836735, "model_in_bounds": 1, "pred_cls": 26.935422139087066, "error_w_gmm": 0.09072903988889841, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09269629878790776}, "run_23": {"edge_length": "230", "pf": 0.388143091970083, "in_bounds_one_im": 1, "error_one_im": 0.2892019727632567, "one_im_sa_cls": 55.183673469387756, "model_in_bounds": 1, "pred_cls": 26.475930528976093, "error_w_gmm": 0.09406890980082827, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09610858640439866}, "run_24": {"edge_length": "230", "pf": 0.4265923399358922, "in_bounds_one_im": 1, "error_one_im": 0.20622714159321665, "one_im_sa_cls": 46.44897959183673, "model_in_bounds": 0, "pred_cls": 18.434352918852177, "error_w_gmm": 0.05046698077363193, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.051561245819913004}, "run_25": {"edge_length": "230", "pf": 0.4253253883455248, "in_bounds_one_im": 1, "error_one_im": 0.25814971753505317, "one_im_sa_cls": 53.857142857142854, "model_in_bounds": 1, "pred_cls": 40.8911348764324, "error_w_gmm": 0.16716076736239227, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17078527950934755}, "run_26": {"edge_length": "230", "pf": 0.408814251664338, "in_bounds_one_im": 1, "error_one_im": 0.232780129348281, "one_im_sa_cls": 49.142857142857146, "model_in_bounds": 1, "pred_cls": 23.820527838622414, "error_w_gmm": 0.07688936846257662, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07855654464489306}, "run_27": {"edge_length": "230", "pf": 0.4134150571217227, "in_bounds_one_im": 1, "error_one_im": 0.2536410283756171, "one_im_sa_cls": 52.36734693877551, "model_in_bounds": 1, "pred_cls": 39.07274524916125, "error_w_gmm": 0.16000128012489756, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16347055459935494}, "run_28": {"edge_length": "230", "pf": 0.4129160844908359, "in_bounds_one_im": 1, "error_one_im": 0.24446256587103737, "one_im_sa_cls": 51.06122448979592, "model_in_bounds": 1, "pred_cls": 30.047020518628226, "error_w_gmm": 0.10800940395177316, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11035134939020179}, "run_29": {"edge_length": "230", "pf": 0.39287375688337306, "in_bounds_one_im": 1, "error_one_im": 0.31229292783728774, "one_im_sa_cls": 58.46938775510204, "model_in_bounds": 1, "pred_cls": 38.134621511481, "error_w_gmm": 0.16100242291341862, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.164493404958708}, "run_30": {"edge_length": "230", "pf": 0.41099317826908854, "in_bounds_one_im": 1, "error_one_im": 0.22684339817433213, "one_im_sa_cls": 48.44897959183673, "model_in_bounds": 1, "pred_cls": 41.234462523086755, "error_w_gmm": 0.17433059844337248, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17811057254623203}, "run_31": {"edge_length": "230", "pf": 0.4109760828470453, "in_bounds_one_im": 1, "error_one_im": 0.2108488569822583, "one_im_sa_cls": 46.142857142857146, "model_in_bounds": 1, "pred_cls": 41.48744388452919, "error_w_gmm": 0.1759435967512739, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17975854516091766}, "run_32": {"edge_length": "230", "pf": 0.40450086299005505, "in_bounds_one_im": 1, "error_one_im": 0.21426210557144207, "one_im_sa_cls": 46.224489795918366, "model_in_bounds": 1, "pred_cls": 30.963021781141396, "error_w_gmm": 0.11497041729710125, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11746329693990915}, "run_33": {"edge_length": "230", "pf": 0.40071562422947316, "in_bounds_one_im": 1, "error_one_im": 0.21738654383783573, "one_im_sa_cls": 46.42857142857143, "model_in_bounds": 1, "pred_cls": 22.411352984319453, "error_w_gmm": 0.0713576783373535, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07290491203335318}, "run_34": {"edge_length": "230", "pf": 0.397101997205556, "in_bounds_one_im": 1, "error_one_im": 0.2561091988266059, "one_im_sa_cls": 51.53061224489796, "model_in_bounds": 1, "pred_cls": 28.19192938684711, "error_w_gmm": 0.10143745479660768, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1036369020285617}, "run_35": {"edge_length": "230", "pf": 0.3844647817868004, "in_bounds_one_im": 1, "error_one_im": 0.2332780083740836, "one_im_sa_cls": 47.57142857142857, "model_in_bounds": 1, "pred_cls": 19.862923507302856, "error_w_gmm": 0.06160318762417335, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06293891672710888}, "run_36": {"edge_length": "230", "pf": 0.4035621763787294, "in_bounds_one_im": 1, "error_one_im": 0.2511866545062929, "one_im_sa_cls": 51.326530612244895, "model_in_bounds": 1, "pred_cls": 33.488533114400326, "error_w_gmm": 0.1295721920465681, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13238167893389652}, "run_37": {"edge_length": "230", "pf": 0.39458444974110296, "in_bounds_one_im": 1, "error_one_im": 0.208817803614193, "one_im_sa_cls": 44.816326530612244, "model_in_bounds": 1, "pred_cls": 32.31361454666967, "error_w_gmm": 0.12513401270170946, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12784726746950623}, "run_38": {"edge_length": "230", "pf": 0.40861740774225364, "in_bounds_one_im": 1, "error_one_im": 0.269913983489313, "one_im_sa_cls": 54.224489795918366, "model_in_bounds": 1, "pred_cls": 23.424561869441234, "error_w_gmm": 0.07501071573232443, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07663715747827668}, "run_39": {"edge_length": "230", "pf": 0.39000369852880745, "in_bounds_one_im": 1, "error_one_im": 0.2527222084818836, "one_im_sa_cls": 50.57142857142857, "model_in_bounds": 1, "pred_cls": 27.467813117517995, "error_w_gmm": 0.09901605571079544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10116300025005658}, "run_40": {"edge_length": "230", "pf": 0.405362209254541, "in_bounds_one_im": 1, "error_one_im": 0.238404961463163, "one_im_sa_cls": 49.69387755102041, "model_in_bounds": 1, "pred_cls": 31.206474289680198, "error_w_gmm": 0.1161213134561603, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11863914774098253}, "run_41": {"edge_length": "230", "pf": 0.4103610586011342, "in_bounds_one_im": 1, "error_one_im": 0.26712266548154384, "one_im_sa_cls": 53.97959183673469, "model_in_bounds": 1, "pred_cls": 21.71039957631627, "error_w_gmm": 0.06668866005530415, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06813465639911483}, "run_42": {"edge_length": "230", "pf": 0.39297328840305745, "in_bounds_one_im": 1, "error_one_im": 0.2607903997758323, "one_im_sa_cls": 51.857142857142854, "model_in_bounds": 1, "pred_cls": 31.89463684519033, "error_w_gmm": 0.12312298507244278, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12579263514647587}, "run_43": {"edge_length": "230", "pf": 0.42465702309525766, "in_bounds_one_im": 1, "error_one_im": 0.2498826071295912, "one_im_sa_cls": 52.6530612244898, "model_in_bounds": 1, "pred_cls": 38.07542761614257, "error_w_gmm": 0.15040133636169697, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1536624572524587}, "run_44": {"edge_length": "230", "pf": 0.4071561601052026, "in_bounds_one_im": 1, "error_one_im": 0.2006504806187375, "one_im_sa_cls": 44.40816326530612, "model_in_bounds": 1, "pred_cls": 40.17406540357669, "error_w_gmm": 0.16898516594660046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.17264923614855687}, "run_45": {"edge_length": "230", "pf": 0.41023062381852554, "in_bounds_one_im": 1, "error_one_im": 0.29775192421612023, "one_im_sa_cls": 58.02040816326531, "model_in_bounds": 1, "pred_cls": 38.836876864712266, "error_w_gmm": 0.15960032659509243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.16306090727756709}, "run_46": {"edge_length": "230", "pf": 0.42336977069121395, "in_bounds_one_im": 1, "error_one_im": 0.19499864827845484, "one_im_sa_cls": 44.55102040816327, "model_in_bounds": 1, "pred_cls": 25.10201229245346, "error_w_gmm": 0.0807219873423926, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0824722654026421}, "run_47": {"edge_length": "230", "pf": 0.4225333278540314, "in_bounds_one_im": 1, "error_one_im": 0.18720319796074417, "one_im_sa_cls": 43.30612244897959, "model_in_bounds": 0, "pred_cls": 15.184229884976558, "error_w_gmm": 0.03804191674537323, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.03886677171291566}, "run_48": {"edge_length": "230", "pf": 0.39433557984712747, "in_bounds_one_im": 1, "error_one_im": 0.20921209957063014, "one_im_sa_cls": 44.857142857142854, "model_in_bounds": 1, "pred_cls": 23.610996670240414, "error_w_gmm": 0.07819784540419672, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07989339301985682}, "run_49": {"edge_length": "230", "pf": 0.3991656119010438, "in_bounds_one_im": 1, "error_one_im": 0.21150865830251017, "one_im_sa_cls": 45.48979591836735, "model_in_bounds": 1, "pred_cls": 35.08168123564146, "error_w_gmm": 0.14020441384106885, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1432444369819174}, "run_50": {"edge_length": "260", "pf": 0.382795459717797, "in_bounds_one_im": 1, "error_one_im": 0.15202167958999133, "one_im_sa_cls": 40.326530612244895, "model_in_bounds": 1, "pred_cls": 33.17658320871825, "error_w_gmm": 0.11666665523559325, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.1134401315354952}, "run_51": {"edge_length": "260", "pf": 0.41385855712335, "in_bounds_one_im": 1, "error_one_im": 0.13635832443952178, "one_im_sa_cls": 39.16326530612245, "model_in_bounds": 1, "pred_cls": 33.69853140618739, "error_w_gmm": 0.11193342725368423, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10883780532865414}, "run_52": {"edge_length": "260", "pf": 0.4010363563950842, "in_bounds_one_im": 1, "error_one_im": 0.13882569701655617, "one_im_sa_cls": 38.93877551020408, "model_in_bounds": 1, "pred_cls": 22.13340649860735, "error_w_gmm": 0.061185546470061296, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05949340388321461}, "run_53": {"edge_length": "260", "pf": 0.40759677969959035, "in_bounds_one_im": 1, "error_one_im": 0.1429116823342531, "one_im_sa_cls": 40.06122448979592, "model_in_bounds": 1, "pred_cls": 31.57869999521336, "error_w_gmm": 0.10286148717603624, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10001675810130087}, "run_54": {"edge_length": "260", "pf": 0.41244373008648155, "in_bounds_one_im": 1, "error_one_im": 0.14083888140584117, "one_im_sa_cls": 39.93877551020408, "model_in_bounds": 1, "pred_cls": 28.534392363141894, "error_w_gmm": 0.08747086421738048, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08505177698208156}, "run_55": {"edge_length": "260", "pf": 0.40405939918070094, "in_bounds_one_im": 1, "error_one_im": 0.12409962362259826, "one_im_sa_cls": 36.285714285714285, "model_in_bounds": 1, "pred_cls": 13.282169032796867, "error_w_gmm": 0.028265096950668454, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.027483399686675198}, "run_56": {"edge_length": "260", "pf": 0.39236595357305415, "in_bounds_one_im": 1, "error_one_im": 0.1363919138575307, "one_im_sa_cls": 38.02040816326531, "model_in_bounds": 1, "pred_cls": 27.34422166672867, "error_w_gmm": 0.08555429873426036, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08318821588090412}, "run_57": {"edge_length": "260", "pf": 0.38831332498862087, "in_bounds_one_im": 1, "error_one_im": 0.13855623661283528, "one_im_sa_cls": 38.204081632653065, "model_in_bounds": 1, "pred_cls": 30.635244646627232, "error_w_gmm": 0.10232305241636079, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09949321425033918}, "run_58": {"edge_length": "260", "pf": 0.37710611060537097, "in_bounds_one_im": 1, "error_one_im": 0.1395014839674765, "one_im_sa_cls": 37.775510204081634, "model_in_bounds": 1, "pred_cls": 31.20699320699253, "error_w_gmm": 0.10772617374867595, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10474690729058563}, "run_59": {"edge_length": "260", "pf": 0.42251962903959944, "in_bounds_one_im": 1, "error_one_im": 0.11675307740589315, "one_im_sa_cls": 35.734693877551024, "model_in_bounds": 1, "pred_cls": 20.638012578746512, "error_w_gmm": 0.05270054087055401, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05124305892094757}, "run_60": {"edge_length": "260", "pf": 0.3951272758306782, "in_bounds_one_im": 1, "error_one_im": 0.12728570321658725, "one_im_sa_cls": 36.44897959183673, "model_in_bounds": 1, "pred_cls": 30.445074057192254, "error_w_gmm": 0.09993258976436113, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0971688620425388}, "run_61": {"edge_length": "260", "pf": 0.39619373008648157, "in_bounds_one_im": 1, "error_one_im": 0.12871262247610304, "one_im_sa_cls": 36.775510204081634, "model_in_bounds": 1, "pred_cls": 29.550874932397452, "error_w_gmm": 0.09534954402458042, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09271256464973156}, "run_62": {"edge_length": "260", "pf": 0.42954420801092397, "in_bounds_one_im": 1, "error_one_im": 0.1224602990129728, "one_im_sa_cls": 37.244897959183675, "model_in_bounds": 1, "pred_cls": 25.81226091967611, "error_w_gmm": 0.07266315114214883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07065358483710214}, "run_63": {"edge_length": "260", "pf": 0.399492432862995, "in_bounds_one_im": 1, "error_one_im": 0.15431262621476913, "one_im_sa_cls": 41.69387755102041, "model_in_bounds": 1, "pred_cls": 28.021922447499566, "error_w_gmm": 0.08744197303677266, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08502368481365728}, "run_64": {"edge_length": "260", "pf": 0.38874044151115156, "in_bounds_one_im": 1, "error_one_im": 0.14435207122439492, "one_im_sa_cls": 39.285714285714285, "model_in_bounds": 1, "pred_cls": 34.46812952462098, "error_w_gmm": 0.12200500275017655, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11863084213754013}, "run_65": {"edge_length": "260", "pf": 0.4066573167956304, "in_bounds_one_im": 1, "error_one_im": 0.13005083112413662, "one_im_sa_cls": 37.57142857142857, "model_in_bounds": 1, "pred_cls": 33.70479823783011, "error_w_gmm": 0.11364339320425508, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11050048059745536}, "run_66": {"edge_length": "260", "pf": 0.4370623577605826, "in_bounds_one_im": 1, "error_one_im": 0.14012358471236433, "one_im_sa_cls": 41.16326530612245, "model_in_bounds": 1, "pred_cls": 33.83445954693025, "error_w_gmm": 0.10739038591779229, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10442040598113657}, "run_67": {"edge_length": "260", "pf": 0.380765191169777, "in_bounds_one_im": 1, "error_one_im": 0.14033251800690763, "one_im_sa_cls": 38.12244897959184, "model_in_bounds": 1, "pred_cls": 46.403108981975684, "error_w_gmm": 0.1938151734859307, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.188455036526247}, "run_68": {"edge_length": "260", "pf": 0.4054113563950842, "in_bounds_one_im": 1, "error_one_im": 0.1301747921563795, "one_im_sa_cls": 37.53061224489796, "model_in_bounds": 1, "pred_cls": 30.403333234204947, "error_w_gmm": 0.09761358073267867, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0949139873394386}, "run_69": {"edge_length": "260", "pf": 0.4089641556668184, "in_bounds_one_im": 1, "error_one_im": 0.14305264020802688, "one_im_sa_cls": 40.16326530612245, "model_in_bounds": 1, "pred_cls": 26.43612159129645, "error_w_gmm": 0.07856497800900156, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07639219125144991}, "run_70": {"edge_length": "260", "pf": 0.38078829085116067, "in_bounds_one_im": 1, "error_one_im": 0.1439468407785922, "one_im_sa_cls": 38.775510204081634, "model_in_bounds": 1, "pred_cls": 36.346070856987836, "error_w_gmm": 0.13434827217907713, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.13063274709285883}, "run_71": {"edge_length": "260", "pf": 0.4036734751934456, "in_bounds_one_im": 1, "error_one_im": 0.14363906184652978, "one_im_sa_cls": 39.97959183673469, "model_in_bounds": 1, "pred_cls": 18.585281423300668, "error_w_gmm": 0.04682187101011536, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04552696908469369}, "run_72": {"edge_length": "260", "pf": 0.38852139280837505, "in_bounds_one_im": 1, "error_one_im": 0.1422857668443778, "one_im_sa_cls": 38.89795918367347, "model_in_bounds": 1, "pred_cls": 31.10543771396261, "error_w_gmm": 0.104641928700721, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10174795987736641}, "run_73": {"edge_length": "260", "pf": 0.39122815202548933, "in_bounds_one_im": 1, "error_one_im": 0.14427118233041608, "one_im_sa_cls": 39.40816326530612, "model_in_bounds": 0, "pred_cls": 13.830316350695863, "error_w_gmm": 0.030848105478572762, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.029994972737013032}, "run_74": {"edge_length": "260", "pf": 0.4037273554847519, "in_bounds_one_im": 1, "error_one_im": 0.1399002221133319, "one_im_sa_cls": 39.285714285714285, "model_in_bounds": 1, "pred_cls": 21.251539792212622, "error_w_gmm": 0.05724427413249693, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05566113105866465}, "run_75": {"edge_length": "260", "pf": 0.4383471210741921, "in_bounds_one_im": 1, "error_one_im": 0.12147379478353178, "one_im_sa_cls": 37.48979591836735, "model_in_bounds": 0, "pred_cls": 24.76156868769397, "error_w_gmm": 0.06705948933087208, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.06520489744936482}, "run_76": {"edge_length": "260", "pf": 0.4190813609467456, "in_bounds_one_im": 1, "error_one_im": 0.13828922282832382, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 36.61674992320618, "error_w_gmm": 0.12542851155135887, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12195967065272117}, "run_77": {"edge_length": "260", "pf": 0.39477679790623577, "in_bounds_one_im": 1, "error_one_im": 0.12866500895150926, "one_im_sa_cls": 36.69387755102041, "model_in_bounds": 1, "pred_cls": 31.027781518701417, "error_w_gmm": 0.10289070813808923, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10004517093076087}, "run_78": {"edge_length": "260", "pf": 0.3736647701411015, "in_bounds_one_im": 1, "error_one_im": 0.14098475804780516, "one_im_sa_cls": 37.857142857142854, "model_in_bounds": 1, "pred_cls": 35.36982443628847, "error_w_gmm": 0.1309422485297803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12732092016159902}, "run_79": {"edge_length": "260", "pf": 0.4053823395539372, "in_bounds_one_im": 1, "error_one_im": 0.13273936046622958, "one_im_sa_cls": 38.02040816326531, "model_in_bounds": 1, "pred_cls": 27.86054969885302, "error_w_gmm": 0.08563259513294975, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08326434692064405}, "run_80": {"edge_length": "260", "pf": 0.38884484524351387, "in_bounds_one_im": 1, "error_one_im": 0.12040653420925745, "one_im_sa_cls": 34.816326530612244, "model_in_bounds": 1, "pred_cls": 25.104598242944533, "error_w_gmm": 0.07582031330503251, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07372343277534266}, "run_81": {"edge_length": "260", "pf": 0.404792956304051, "in_bounds_one_im": 1, "error_one_im": 0.12432917623283467, "one_im_sa_cls": 36.36734693877551, "model_in_bounds": 1, "pred_cls": 18.63841247847196, "error_w_gmm": 0.046913629138172264, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04561618955728897}, "run_82": {"edge_length": "260", "pf": 0.4162819185252617, "in_bounds_one_im": 1, "error_one_im": 0.12387348826782958, "one_im_sa_cls": 36.857142857142854, "model_in_bounds": 1, "pred_cls": 32.28133158878791, "error_w_gmm": 0.104424656532831, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10153669657120015}, "run_83": {"edge_length": "260", "pf": 0.40798486572598996, "in_bounds_one_im": 1, "error_one_im": 0.12906022856651161, "one_im_sa_cls": 37.44897959183673, "model_in_bounds": 1, "pred_cls": 27.775497791629494, "error_w_gmm": 0.08478231079888571, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08243757798221847}, "run_84": {"edge_length": "260", "pf": 0.4019955621301775, "in_bounds_one_im": 1, "error_one_im": 0.13046055465683085, "one_im_sa_cls": 37.40816326530612, "model_in_bounds": 1, "pred_cls": 35.73471559994291, "error_w_gmm": 0.12526944807084262, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12180500621911915}, "run_85": {"edge_length": "260", "pf": 0.4002909080564406, "in_bounds_one_im": 1, "error_one_im": 0.1359919422541123, "one_im_sa_cls": 38.36734693877551, "model_in_bounds": 1, "pred_cls": 25.17018773202636, "error_w_gmm": 0.07431564139601028, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07226037395247192}, "run_86": {"edge_length": "260", "pf": 0.39977571688666363, "in_bounds_one_im": 1, "error_one_im": 0.1363552779791617, "one_im_sa_cls": 38.40816326530612, "model_in_bounds": 1, "pred_cls": 34.95696176388805, "error_w_gmm": 0.12176351859573688, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11839603644959046}, "run_87": {"edge_length": "260", "pf": 0.4148506486117433, "in_bounds_one_im": 1, "error_one_im": 0.14218763695996312, "one_im_sa_cls": 40.326530612244895, "model_in_bounds": 1, "pred_cls": 23.056717804906846, "error_w_gmm": 0.0632196079519199, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061471211523172795}, "run_88": {"edge_length": "260", "pf": 0.42574453800637235, "in_bounds_one_im": 1, "error_one_im": 0.140312558562195, "one_im_sa_cls": 40.57142857142857, "model_in_bounds": 1, "pred_cls": 28.038840288604607, "error_w_gmm": 0.08290604348428814, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08061320056663314}, "run_89": {"edge_length": "260", "pf": 0.39656457669549383, "in_bounds_one_im": 1, "error_one_im": 0.13836749817359978, "one_im_sa_cls": 38.61224489795919, "model_in_bounds": 1, "pred_cls": 35.599987391093016, "error_w_gmm": 0.1259799124969634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.12249582209780939}, "run_90": {"edge_length": "260", "pf": 0.41141915111515703, "in_bounds_one_im": 1, "error_one_im": 0.1417866070713834, "one_im_sa_cls": 40.06122448979592, "model_in_bounds": 1, "pred_cls": 20.00583343544933, "error_w_gmm": 0.051459300603778645, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050036146295863775}, "run_91": {"edge_length": "260", "pf": 0.39400398270368686, "in_bounds_one_im": 1, "error_one_im": 0.1366913201432248, "one_im_sa_cls": 38.16326530612245, "model_in_bounds": 1, "pred_cls": 24.162281719929027, "error_w_gmm": 0.0708205979559194, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06886198915464323}, "run_92": {"edge_length": "260", "pf": 0.40685030723714155, "in_bounds_one_im": 1, "error_one_im": 0.1316972284455803, "one_im_sa_cls": 37.89795918367347, "model_in_bounds": 1, "pred_cls": 18.800055852555744, "error_w_gmm": 0.04732293093567152, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04601417173696378}, "run_93": {"edge_length": "260", "pf": 0.3886588529813382, "in_bounds_one_im": 1, "error_one_im": 0.13011009049479444, "one_im_sa_cls": 36.6530612244898, "model_in_bounds": 1, "pred_cls": 22.89858635218998, "error_w_gmm": 0.06607522246976838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06424785139396749}, "run_94": {"edge_length": "260", "pf": 0.39854301319981794, "in_bounds_one_im": 1, "error_one_im": 0.13054280472731963, "one_im_sa_cls": 37.244897959183675, "model_in_bounds": 1, "pred_cls": 23.73910241096061, "error_w_gmm": 0.06831706857035678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06642769717783367}, "run_95": {"edge_length": "260", "pf": 0.3800929676832044, "in_bounds_one_im": 1, "error_one_im": 0.1401943681122947, "one_im_sa_cls": 38.06122448979592, "model_in_bounds": 1, "pred_cls": 40.65600240219692, "error_w_gmm": 0.15917449073436243, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.15477237373042188}, "run_96": {"edge_length": "260", "pf": 0.43005695266272187, "in_bounds_one_im": 1, "error_one_im": 0.1251583478008319, "one_im_sa_cls": 37.816326530612244, "model_in_bounds": 1, "pred_cls": 28.63702479212471, "error_w_gmm": 0.08482281504046059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08247696204172311}, "run_97": {"edge_length": "260", "pf": 0.4011688097405553, "in_bounds_one_im": 1, "error_one_im": 0.12180560958274875, "one_im_sa_cls": 35.69387755102041, "model_in_bounds": 1, "pred_cls": 26.619925298951976, "error_w_gmm": 0.08068020066228276, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07844891547595548}, "run_98": {"edge_length": "260", "pf": 0.4114397473827947, "in_bounds_one_im": 1, "error_one_im": 0.1247005794042718, "one_im_sa_cls": 36.775510204081634, "model_in_bounds": 1, "pred_cls": 34.68696330160562, "error_w_gmm": 0.11747889647801692, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.11422990949898473}, "run_99": {"edge_length": "260", "pf": 0.4197008989531179, "in_bounds_one_im": 1, "error_one_im": 0.12598070984814203, "one_im_sa_cls": 37.44897959183673, "model_in_bounds": 1, "pred_cls": 33.74178995013129, "error_w_gmm": 0.11080931500699476, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10774478144048662}, "run_100": {"edge_length": "290", "pf": 0.41178699413670095, "in_bounds_one_im": 1, "error_one_im": 0.1265764344467572, "one_im_sa_cls": 41.44897959183673, "model_in_bounds": 1, "pred_cls": 28.726251626996856, "error_w_gmm": 0.07647033217560348, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0730298709580436}, "run_101": {"edge_length": "290", "pf": 0.39691344458567385, "in_bounds_one_im": 1, "error_one_im": 0.12833480507515854, "one_im_sa_cls": 40.97959183673469, "model_in_bounds": 1, "pred_cls": 20.475520931861634, "error_w_gmm": 0.04746111050574743, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045325797301374496}, "run_102": {"edge_length": "290", "pf": 0.4062960760998811, "in_bounds_one_im": 1, "error_one_im": 0.125477886653436, "one_im_sa_cls": 40.89795918367347, "model_in_bounds": 1, "pred_cls": 23.884451343320535, "error_w_gmm": 0.058638126677831956, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05599995060397664}, "run_103": {"edge_length": "290", "pf": 0.39546783385952683, "in_bounds_one_im": 1, "error_one_im": 0.11922810848852441, "one_im_sa_cls": 38.93877551020408, "model_in_bounds": 1, "pred_cls": 29.10878607225772, "error_w_gmm": 0.08069261755199733, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07706219234874959}, "run_104": {"edge_length": "290", "pf": 0.3909974988724425, "in_bounds_one_im": 1, "error_one_im": 0.13236878744515387, "one_im_sa_cls": 41.48979591836735, "model_in_bounds": 1, "pred_cls": 27.97756652914555, "error_w_gmm": 0.07675046083446521, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07329739640518491}, "run_105": {"edge_length": "290", "pf": 0.4124725491000041, "in_bounds_one_im": 1, "error_one_im": 0.11454847167405012, "one_im_sa_cls": 38.816326530612244, "model_in_bounds": 1, "pred_cls": 18.87790983944978, "error_w_gmm": 0.040680937717130286, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.038850669892631265}, "run_106": {"edge_length": "290", "pf": 0.39118163926360244, "in_bounds_one_im": 1, "error_one_im": 0.12833514771583585, "one_im_sa_cls": 40.6530612244898, "model_in_bounds": 1, "pred_cls": 21.47041375414772, "error_w_gmm": 0.05157732305605018, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04925681816701151}, "run_107": {"edge_length": "290", "pf": 0.39889208249620733, "in_bounds_one_im": 1, "error_one_im": 0.12419520521766772, "one_im_sa_cls": 40.204081632653065, "model_in_bounds": 1, "pred_cls": 28.379527941262, "error_w_gmm": 0.07712582178359226, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07365586956591973}, "run_108": {"edge_length": "290", "pf": 0.4031886096190906, "in_bounds_one_im": 1, "error_one_im": 0.1198237349380525, "one_im_sa_cls": 39.48979591836735, "model_in_bounds": 1, "pred_cls": 30.86249122941269, "error_w_gmm": 0.0866870913816534, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08278697002116578}, "run_109": {"edge_length": "290", "pf": 0.4258832670466194, "in_bounds_one_im": 1, "error_one_im": 0.11746571520422516, "one_im_sa_cls": 40.204081632653065, "model_in_bounds": 0, "pred_cls": 22.160407109362314, "error_w_gmm": 0.05033440664246764, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.048069821553905094}, "run_110": {"edge_length": "290", "pf": 0.39833884128090535, "in_bounds_one_im": 1, "error_one_im": 0.12254413715081189, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 29.09401718175022, "error_w_gmm": 0.08014911552251242, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07654314290892789}, "run_111": {"edge_length": "290", "pf": 0.3910746648079052, "in_bounds_one_im": 1, "error_one_im": 0.12720580790403527, "one_im_sa_cls": 40.40816326530612, "model_in_bounds": 1, "pred_cls": 23.63915533905207, "error_w_gmm": 0.05959964191928211, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05691820650805782}, "run_112": {"edge_length": "290", "pf": 0.4051055803845996, "in_bounds_one_im": 1, "error_one_im": 0.12101694179947672, "one_im_sa_cls": 39.857142857142854, "model_in_bounds": 1, "pred_cls": 35.25614107833579, "error_w_gmm": 0.10542206898866678, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10067904604746208}, "run_113": {"edge_length": "290", "pf": 0.3980512526138833, "in_bounds_one_im": 1, "error_one_im": 0.1329387999741102, "one_im_sa_cls": 42.02040816326531, "model_in_bounds": 1, "pred_cls": 23.73194184924621, "error_w_gmm": 0.059081799018831795, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0564236617725965}, "run_114": {"edge_length": "290", "pf": 0.427200295215056, "in_bounds_one_im": 1, "error_one_im": 0.12783163282015875, "one_im_sa_cls": 42.61224489795919, "model_in_bounds": 0, "pred_cls": 22.109908132400246, "error_w_gmm": 0.05002758809396153, "model_wo_gmm_in_bounds": 0, "error_wo_gmm": 0.04777680701653545}, "run_115": {"edge_length": "290", "pf": 0.3969147976546804, "in_bounds_one_im": 1, "error_one_im": 0.11868122206366938, "one_im_sa_cls": 38.89795918367347, "model_in_bounds": 1, "pred_cls": 29.081128452365096, "error_w_gmm": 0.080334317928967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07672001291144655}, "run_116": {"edge_length": "290", "pf": 0.399074582803723, "in_bounds_one_im": 1, "error_one_im": 0.13527317483079507, "one_im_sa_cls": 42.57142857142857, "model_in_bounds": 1, "pred_cls": 25.54916263449406, "error_w_gmm": 0.06585546135196838, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06289257163644231}, "run_117": {"edge_length": "290", "pf": 0.39645368813809506, "in_bounds_one_im": 1, "error_one_im": 0.11748914443202847, "one_im_sa_cls": 38.61224489795919, "model_in_bounds": 1, "pred_cls": 33.49300467632466, "error_w_gmm": 0.0993879589100674, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.094916415392546}, "run_118": {"edge_length": "290", "pf": 0.41567944565172826, "in_bounds_one_im": 1, "error_one_im": 0.12380701286892157, "one_im_sa_cls": 41.06122448979592, "model_in_bounds": 1, "pred_cls": 20.31681637998671, "error_w_gmm": 0.04512044015419709, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04309043557525431}, "run_119": {"edge_length": "290", "pf": 0.3919287793677478, "in_bounds_one_im": 1, "error_one_im": 0.129293650344998, "one_im_sa_cls": 40.89795918367347, "model_in_bounds": 1, "pred_cls": 31.90813544031799, "error_w_gmm": 0.09329735358644449, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08909983125872614}, "run_120": {"edge_length": "290", "pf": 0.42414391733978435, "in_bounds_one_im": 1, "error_one_im": 0.12955839452104945, "one_im_sa_cls": 42.816326530612244, "model_in_bounds": 1, "pred_cls": 26.120045794156056, "error_w_gmm": 0.06464051328661324, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.061732285053276076}, "run_121": {"edge_length": "290", "pf": 0.4013325269588749, "in_bounds_one_im": 1, "error_one_im": 0.13804116898198643, "one_im_sa_cls": 43.285714285714285, "model_in_bounds": 1, "pred_cls": 27.57654145393316, "error_w_gmm": 0.0735011079449611, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07019423449302384}, "run_122": {"edge_length": "290", "pf": 0.40610767149124605, "in_bounds_one_im": 1, "error_one_im": 0.12253230435573831, "one_im_sa_cls": 40.244897959183675, "model_in_bounds": 1, "pred_cls": 31.648270463471505, "error_w_gmm": 0.0894750130957555, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08544946091442439}, "run_123": {"edge_length": "290", "pf": 0.3854799704784944, "in_bounds_one_im": 1, "error_one_im": 0.13253438445815333, "one_im_sa_cls": 41.204081632653065, "model_in_bounds": 1, "pred_cls": 34.46533633856825, "error_w_gmm": 0.10616574996556911, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10138926822424571}, "run_124": {"edge_length": "290", "pf": 0.4132880396900242, "in_bounds_one_im": 1, "error_one_im": 0.11201915113975172, "one_im_sa_cls": 38.285714285714285, "model_in_bounds": 1, "pred_cls": 28.925333888382728, "error_w_gmm": 0.07702774090446801, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07356220142375136}, "run_125": {"edge_length": "290", "pf": 0.40279416950264463, "in_bounds_one_im": 1, "error_one_im": 0.1273405159750643, "one_im_sa_cls": 41.10204081632653, "model_in_bounds": 1, "pred_cls": 23.78784939986469, "error_w_gmm": 0.05870792624092905, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05606660982907592}, "run_126": {"edge_length": "290", "pf": 0.4145196605026856, "in_bounds_one_im": 1, "error_one_im": 0.11650348230979182, "one_im_sa_cls": 39.36734693877551, "model_in_bounds": 1, "pred_cls": 22.48253621217188, "error_w_gmm": 0.052649600616815326, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050280853105346315}, "run_127": {"edge_length": "290", "pf": 0.4008686293000943, "in_bounds_one_im": 1, "error_one_im": 0.12040330899104305, "one_im_sa_cls": 39.48979591836735, "model_in_bounds": 1, "pred_cls": 25.94336873881348, "error_w_gmm": 0.06713408663802947, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06411367055138223}, "run_128": {"edge_length": "290", "pf": 0.3788834310549838, "in_bounds_one_im": 1, "error_one_im": 0.1224997032989847, "one_im_sa_cls": 38.734693877551024, "model_in_bounds": 1, "pred_cls": 34.663956270484746, "error_w_gmm": 0.10859116199942026, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.10370555903681201}, "run_129": {"edge_length": "290", "pf": 0.4207190126696462, "in_bounds_one_im": 1, "error_one_im": 0.12089080600533621, "one_im_sa_cls": 40.69387755102041, "model_in_bounds": 1, "pred_cls": 23.015406847723217, "error_w_gmm": 0.05384186444043889, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05141947602890338}, "run_130": {"edge_length": "290", "pf": 0.3959451392020993, "in_bounds_one_im": 1, "error_one_im": 0.13635573210063345, "one_im_sa_cls": 42.61224489795919, "model_in_bounds": 1, "pred_cls": 26.580224803937654, "error_w_gmm": 0.07033997279359679, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06717532133262416}, "run_131": {"edge_length": "290", "pf": 0.4098231989831481, "in_bounds_one_im": 1, "error_one_im": 0.12057746862325196, "one_im_sa_cls": 40.02040816326531, "model_in_bounds": 1, "pred_cls": 31.259478309934646, "error_w_gmm": 0.08715833471275192, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08323701173905622}, "run_132": {"edge_length": "290", "pf": 0.3905415966214277, "in_bounds_one_im": 1, "error_one_im": 0.12456076427831214, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 28.801811098873564, "error_w_gmm": 0.08024382464881046, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07663359099611834}, "run_133": {"edge_length": "290", "pf": 0.4125958833900529, "in_bounds_one_im": 1, "error_one_im": 0.12053152818470847, "one_im_sa_cls": 40.16326530612245, "model_in_bounds": 1, "pred_cls": 22.36251083386477, "error_w_gmm": 0.05243610581664602, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.050076963606464936}, "run_134": {"edge_length": "290", "pf": 0.3936323342490467, "in_bounds_one_im": 1, "error_one_im": 0.14406502939666324, "one_im_sa_cls": 44.06122448979592, "model_in_bounds": 1, "pred_cls": 24.408109173930164, "error_w_gmm": 0.06219670504195003, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05939842569009033}, "run_135": {"edge_length": "290", "pf": 0.4025103530280044, "in_bounds_one_im": 1, "error_one_im": 0.11281101175617587, "one_im_sa_cls": 37.89795918367347, "model_in_bounds": 1, "pred_cls": 32.54368848815119, "error_w_gmm": 0.09399837880289073, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08976931679172788}, "run_136": {"edge_length": "290", "pf": 0.4269024970273484, "in_bounds_one_im": 1, "error_one_im": 0.11322777818997594, "one_im_sa_cls": 39.285714285714285, "model_in_bounds": 1, "pred_cls": 27.78461479362074, "error_w_gmm": 0.07051800516286114, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06734534388364267}, "run_137": {"edge_length": "290", "pf": 0.3960232891877486, "in_bounds_one_im": 1, "error_one_im": 0.12915044488691857, "one_im_sa_cls": 41.10204081632653, "model_in_bounds": 1, "pred_cls": 21.543257508815046, "error_w_gmm": 0.05131689012697219, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04900810232306675}, "run_138": {"edge_length": "290", "pf": 0.40840854483578665, "in_bounds_one_im": 1, "error_one_im": 0.1254915826665443, "one_im_sa_cls": 41.02040816326531, "model_in_bounds": 1, "pred_cls": 20.243527729725592, "error_w_gmm": 0.04555503338640977, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0435054761114305}, "run_139": {"edge_length": "290", "pf": 0.4096966255279019, "in_bounds_one_im": 1, "error_one_im": 0.13346630566563766, "one_im_sa_cls": 42.816326530612244, "model_in_bounds": 1, "pred_cls": 22.256738258038595, "error_w_gmm": 0.05237719720068004, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05002070533610149}, "run_140": {"edge_length": "290", "pf": 0.39656533683217843, "in_bounds_one_im": 1, "error_one_im": 0.1216771858625133, "one_im_sa_cls": 39.53061224489796, "model_in_bounds": 1, "pred_cls": 25.56043234009409, "error_w_gmm": 0.06624507289824634, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06326465424859962}, "run_141": {"edge_length": "290", "pf": 0.3961554389273853, "in_bounds_one_im": 1, "error_one_im": 0.13914513586335953, "one_im_sa_cls": 43.204081632653065, "model_in_bounds": 1, "pred_cls": 27.093218389541434, "error_w_gmm": 0.07235427600401849, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06909899943552111}, "run_142": {"edge_length": "290", "pf": 0.4095015785805076, "in_bounds_one_im": 1, "error_one_im": 0.11136728677468959, "one_im_sa_cls": 37.93877551020408, "model_in_bounds": 1, "pred_cls": 24.586707022076876, "error_w_gmm": 0.06083810347592498, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05810094869179038}, "run_143": {"edge_length": "290", "pf": 0.40770437492312106, "in_bounds_one_im": 1, "error_one_im": 0.13363449188033263, "one_im_sa_cls": 42.734693877551024, "model_in_bounds": 1, "pred_cls": 34.389014123001544, "error_w_gmm": 0.10101123997617249, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09646666374917755}, "run_144": {"edge_length": "290", "pf": 0.4166547213907909, "in_bounds_one_im": 1, "error_one_im": 0.11798249283687925, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 20.327935395364985, "error_w_gmm": 0.045066946669855217, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.043039348805425544}, "run_145": {"edge_length": "290", "pf": 0.40265800155807946, "in_bounds_one_im": 1, "error_one_im": 0.12144684489979507, "one_im_sa_cls": 39.816326530612244, "model_in_bounds": 1, "pred_cls": 33.46837952344605, "error_w_gmm": 0.09800289924773961, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09359367066879215}, "run_146": {"edge_length": "290", "pf": 0.4020256673090328, "in_bounds_one_im": 1, "error_one_im": 0.11742368336106417, "one_im_sa_cls": 38.89795918367347, "model_in_bounds": 1, "pred_cls": 29.592397909930664, "error_w_gmm": 0.08158835095069922, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07791762598763832}, "run_147": {"edge_length": "290", "pf": 0.40534019434991186, "in_bounds_one_im": 1, "error_one_im": 0.1269522136582853, "one_im_sa_cls": 41.16326530612245, "model_in_bounds": 1, "pred_cls": 22.28498654234659, "error_w_gmm": 0.052952510919534804, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05057013523202341}, "run_148": {"edge_length": "290", "pf": 0.39133277297142155, "in_bounds_one_im": 1, "error_one_im": 0.13728414872228717, "one_im_sa_cls": 42.53061224489796, "model_in_bounds": 1, "pred_cls": 25.884742067868043, "error_w_gmm": 0.068253692141967, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06518290411098959}, "run_149": {"edge_length": "290", "pf": 0.4014748862191972, "in_bounds_one_im": 1, "error_one_im": 0.12099799450750441, "one_im_sa_cls": 39.6530612244898, "model_in_bounds": 1, "pred_cls": 34.09382132156953, "error_w_gmm": 0.10101108960989656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09646652014800014}, "run_150": {"edge_length": "320", "pf": 0.42485302734375, "in_bounds_one_im": 1, "error_one_im": 0.10132243163237392, "one_im_sa_cls": 40.142857142857146, "model_in_bounds": 1, "pred_cls": 31.916101641668018, "error_w_gmm": 0.07511549562883965, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07183034349369967}, "run_151": {"edge_length": "320", "pf": 0.4161746826171875, "in_bounds_one_im": 1, "error_one_im": 0.12067341079210808, "one_im_sa_cls": 44.57142857142857, "model_in_bounds": 1, "pred_cls": 23.864262314125323, "error_w_gmm": 0.0494390790550165, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04727687677228818}, "run_152": {"edge_length": "320", "pf": 0.4019674987792969, "in_bounds_one_im": 1, "error_one_im": 0.10939370220472343, "one_im_sa_cls": 40.93877551020408, "model_in_bounds": 1, "pred_cls": 23.863986420678785, "error_w_gmm": 0.050912700238079873, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04868604960504253}, "run_153": {"edge_length": "320", "pf": 0.40447732543945314, "in_bounds_one_im": 1, "error_one_im": 0.11756334514280181, "one_im_sa_cls": 43.10204081632653, "model_in_bounds": 1, "pred_cls": 25.000519495721054, "error_w_gmm": 0.05430881514065355, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05193363651043033}, "run_154": {"edge_length": "320", "pf": 0.40067526245117185, "in_bounds_one_im": 1, "error_one_im": 0.11273697833736669, "one_im_sa_cls": 41.69387755102041, "model_in_bounds": 1, "pred_cls": 32.227668134298106, "error_w_gmm": 0.08011666793298344, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07661279112944289}, "run_155": {"edge_length": "320", "pf": 0.38658197021484375, "in_bounds_one_im": 1, "error_one_im": 0.1316161892025548, "one_im_sa_cls": 45.326530612244895, "model_in_bounds": 1, "pred_cls": 33.83568893127463, "error_w_gmm": 0.0887696941821361, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0848873800479242}, "run_156": {"edge_length": "320", "pf": 0.3925707702636719, "in_bounds_one_im": 1, "error_one_im": 0.11915294589841326, "one_im_sa_cls": 42.775510204081634, "model_in_bounds": 1, "pred_cls": 28.04221443889309, "error_w_gmm": 0.06613814953570647, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0632456187557056}, "run_157": {"edge_length": "320", "pf": 0.40496206665039064, "in_bounds_one_im": 1, "error_one_im": 0.10693174633301057, "one_im_sa_cls": 40.48979591836735, "model_in_bounds": 1, "pred_cls": 29.869250039876412, "error_w_gmm": 0.0708510595528782, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06775241116324152}, "run_158": {"edge_length": "320", "pf": 0.40111508178710936, "in_bounds_one_im": 1, "error_one_im": 0.11620843486411415, "one_im_sa_cls": 42.57142857142857, "model_in_bounds": 1, "pred_cls": 28.71234337001167, "error_w_gmm": 0.0673108180068059, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0643670009469318}, "run_159": {"edge_length": "320", "pf": 0.3919219055175781, "in_bounds_one_im": 1, "error_one_im": 0.1158314927164286, "one_im_sa_cls": 41.93877551020408, "model_in_bounds": 1, "pred_cls": 33.01671269778065, "error_w_gmm": 0.08461071668821557, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08091029410220926}, "run_160": {"edge_length": "320", "pf": 0.3769773864746094, "in_bounds_one_im": 1, "error_one_im": 0.11024837230807638, "one_im_sa_cls": 39.734693877551024, "model_in_bounds": 1, "pred_cls": 30.908651832790376, "error_w_gmm": 0.07909682787723482, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07563755345178681}, "run_161": {"edge_length": "320", "pf": 0.38585232543945314, "in_bounds_one_im": 1, "error_one_im": 0.12067571047540283, "one_im_sa_cls": 42.734693877551024, "model_in_bounds": 1, "pred_cls": 27.90599898044676, "error_w_gmm": 0.06659121261413598, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06367886726555656}, "run_162": {"edge_length": "320", "pf": 0.39502059936523437, "in_bounds_one_im": 1, "error_one_im": 0.1216958332115977, "one_im_sa_cls": 43.53061224489796, "model_in_bounds": 1, "pred_cls": 30.254787601750408, "error_w_gmm": 0.07373884009240775, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07051389554608806}, "run_163": {"edge_length": "320", "pf": 0.41283956909179687, "in_bounds_one_im": 1, "error_one_im": 0.10322107784765863, "one_im_sa_cls": 39.97959183673469, "model_in_bounds": 1, "pred_cls": 23.135100015415244, "error_w_gmm": 0.047515961492045636, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.045437866139787966}, "run_164": {"edge_length": "320", "pf": 0.4055158081054687, "in_bounds_one_im": 1, "error_one_im": 0.09978212851318576, "one_im_sa_cls": 38.69387755102041, "model_in_bounds": 1, "pred_cls": 27.769867125101676, "error_w_gmm": 0.06344124262662389, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06066666020623213}, "run_165": {"edge_length": "320", "pf": 0.393203857421875, "in_bounds_one_im": 1, "error_one_im": 0.12474590654768683, "one_im_sa_cls": 44.142857142857146, "model_in_bounds": 1, "pred_cls": 30.98891108845836, "error_w_gmm": 0.0767302674847863, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07337449381988181}, "run_166": {"edge_length": "320", "pf": 0.39343612670898437, "in_bounds_one_im": 1, "error_one_im": 0.1127778938729588, "one_im_sa_cls": 41.285714285714285, "model_in_bounds": 1, "pred_cls": 34.35051028225481, "error_w_gmm": 0.08950466246648778, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0855902047298356}, "run_167": {"edge_length": "320", "pf": 0.41106341552734377, "in_bounds_one_im": 1, "error_one_im": 0.115477243153774, "one_im_sa_cls": 42.97959183673469, "model_in_bounds": 1, "pred_cls": 16.318018405837403, "error_w_gmm": 0.028250471388719015, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.02701494607367701}, "run_168": {"edge_length": "320", "pf": 0.40986209106445315, "in_bounds_one_im": 1, "error_one_im": 0.11899475777744485, "one_im_sa_cls": 43.775510204081634, "model_in_bounds": 1, "pred_cls": 21.379175692628987, "error_w_gmm": 0.04247066223874469, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04061322143287107}, "run_169": {"edge_length": "320", "pf": 0.41011550903320315, "in_bounds_one_im": 1, "error_one_im": 0.10531708423308102, "one_im_sa_cls": 40.36734693877551, "model_in_bounds": 1, "pred_cls": 23.491530231438308, "error_w_gmm": 0.048892480502455544, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04675418353229923}, "run_170": {"edge_length": "320", "pf": 0.4129239196777344, "in_bounds_one_im": 1, "error_one_im": 0.10798057960076698, "one_im_sa_cls": 41.204081632653065, "model_in_bounds": 1, "pred_cls": 32.63133787415868, "error_w_gmm": 0.07958096662165198, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07610051854332953}, "run_171": {"edge_length": "320", "pf": 0.39262237548828127, "in_bounds_one_im": 1, "error_one_im": 0.12282507882574725, "one_im_sa_cls": 43.6530612244898, "model_in_bounds": 1, "pred_cls": 26.331481448617954, "error_w_gmm": 0.060172704201058656, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05754107026150487}, "run_172": {"edge_length": "320", "pf": 0.4013218383789062, "in_bounds_one_im": 1, "error_one_im": 0.1104429917345525, "one_im_sa_cls": 41.16326530612245, "model_in_bounds": 1, "pred_cls": 28.898793373266567, "error_w_gmm": 0.06793828723787998, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06496702801221917}, "run_173": {"edge_length": "320", "pf": 0.4050443115234375, "in_bounds_one_im": 1, "error_one_im": 0.10723699003936765, "one_im_sa_cls": 40.57142857142857, "model_in_bounds": 1, "pred_cls": 22.409946863801117, "error_w_gmm": 0.04603593833084892, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.04402257131736282}, "run_174": {"edge_length": "320", "pf": 0.4197602844238281, "in_bounds_one_im": 1, "error_one_im": 0.12450730745740976, "one_im_sa_cls": 45.734693877551024, "model_in_bounds": 1, "pred_cls": 27.31675600820839, "error_w_gmm": 0.06010235036739906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.057473793330219826}, "run_175": {"edge_length": "320", "pf": 0.4012529296875, "in_bounds_one_im": 1, "error_one_im": 0.11911119966557326, "one_im_sa_cls": 43.285714285714285, "model_in_bounds": 1, "pred_cls": 31.27931080322875, "error_w_gmm": 0.07651438169344413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07316804972445645}, "run_176": {"edge_length": "320", "pf": 0.39489715576171874, "in_bounds_one_im": 1, "error_one_im": 0.11620569151073479, "one_im_sa_cls": 42.204081632653065, "model_in_bounds": 1, "pred_cls": 30.296487922624028, "error_w_gmm": 0.07391043212131736, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07067798305258954}, "run_177": {"edge_length": "320", "pf": 0.39022845458984373, "in_bounds_one_im": 1, "error_one_im": 0.10927315428407913, "one_im_sa_cls": 40.244897959183675, "model_in_bounds": 1, "pred_cls": 31.44189264853989, "error_w_gmm": 0.07890996459505657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07545886257538563}, "run_178": {"edge_length": "320", "pf": 0.39487677001953125, "in_bounds_one_im": 1, "error_one_im": 0.12207504880595707, "one_im_sa_cls": 43.61224489795919, "model_in_bounds": 1, "pred_cls": 31.812519782841182, "error_w_gmm": 0.07953035882972657, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07605212406696996}, "run_179": {"edge_length": "320", "pf": 0.41325701904296874, "in_bounds_one_im": 1, "error_one_im": 0.1131590799125764, "one_im_sa_cls": 42.53061224489796, "model_in_bounds": 1, "pred_cls": 25.588749046528886, "error_w_gmm": 0.05522454320891618, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.052809315505016774}, "run_180": {"edge_length": "320", "pf": 0.39428286743164065, "in_bounds_one_im": 1, "error_one_im": 0.11291213055879996, "one_im_sa_cls": 41.36734693877551, "model_in_bounds": 1, "pred_cls": 30.279295041787403, "error_w_gmm": 0.07394253453275025, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07070868147534377}, "run_181": {"edge_length": "320", "pf": 0.40478164672851563, "in_bounds_one_im": 1, "error_one_im": 0.1124359631811124, "one_im_sa_cls": 41.857142857142854, "model_in_bounds": 1, "pred_cls": 31.208106037114167, "error_w_gmm": 0.0756961144643336, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07238556915044722}, "run_182": {"edge_length": "320", "pf": 0.39480419921875, "in_bounds_one_im": 1, "error_one_im": 0.11245529236598084, "one_im_sa_cls": 41.285714285714285, "model_in_bounds": 1, "pred_cls": 28.421906988524235, "error_w_gmm": 0.06717096841183906, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06423326762919458}, "run_183": {"edge_length": "320", "pf": 0.40663006591796874, "in_bounds_one_im": 1, "error_one_im": 0.10753078937746413, "one_im_sa_cls": 40.734693877551024, "model_in_bounds": 1, "pred_cls": 32.99453825974228, "error_w_gmm": 0.0819729991688686, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07838793631347486}, "run_184": {"edge_length": "320", "pf": 0.41145660400390627, "in_bounds_one_im": 1, "error_one_im": 0.12018274383225033, "one_im_sa_cls": 44.16326530612245, "model_in_bounds": 1, "pred_cls": 16.091825459421223, "error_w_gmm": 0.027642665233850103, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0264337221262567}, "run_185": {"edge_length": "320", "pf": 0.39353274536132815, "in_bounds_one_im": 1, "error_one_im": 0.11620017540800166, "one_im_sa_cls": 42.12244897959184, "model_in_bounds": 1, "pred_cls": 33.495184152960704, "error_w_gmm": 0.0861651231241413, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08239671907067465}, "run_186": {"edge_length": "320", "pf": 0.4031217041015625, "in_bounds_one_im": 1, "error_one_im": 0.11249431366939162, "one_im_sa_cls": 41.775510204081634, "model_in_bounds": 1, "pred_cls": 31.64165248386613, "error_w_gmm": 0.07754579540976143, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07415435489234438}, "run_187": {"edge_length": "320", "pf": 0.4000196533203125, "in_bounds_one_im": 1, "error_one_im": 0.11563728193884043, "one_im_sa_cls": 42.36734693877551, "model_in_bounds": 1, "pred_cls": 29.562128911434606, "error_w_gmm": 0.07048166013114232, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06739916730686364}, "run_188": {"edge_length": "320", "pf": 0.39079885864257813, "in_bounds_one_im": 1, "error_one_im": 0.11247983715266682, "one_im_sa_cls": 41.06122448979592, "model_in_bounds": 1, "pred_cls": 32.158023349229005, "error_w_gmm": 0.08152343071441236, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07795802959133744}, "run_189": {"edge_length": "320", "pf": 0.4042026062011719, "in_bounds_one_im": 1, "error_one_im": 0.11191319596879405, "one_im_sa_cls": 41.69387755102041, "model_in_bounds": 1, "pred_cls": 25.922356656683686, "error_w_gmm": 0.057372818393524566, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.054863636562710455}, "run_190": {"edge_length": "320", "pf": 0.39554925537109376, "in_bounds_one_im": 1, "error_one_im": 0.11655269081754213, "one_im_sa_cls": 42.326530612244895, "model_in_bounds": 1, "pred_cls": 24.486183694448915, "error_w_gmm": 0.053629845414543416, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05128436130775708}, "run_191": {"edge_length": "320", "pf": 0.4165475769042969, "in_bounds_one_im": 1, "error_one_im": 0.12516432498287638, "one_im_sa_cls": 45.69387755102041, "model_in_bounds": 1, "pred_cls": 32.186409669345444, "error_w_gmm": 0.07737914686918133, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07399499467229421}, "run_192": {"edge_length": "320", "pf": 0.3918082275390625, "in_bounds_one_im": 1, "error_one_im": 0.11883159524658136, "one_im_sa_cls": 42.6530612244898, "model_in_bounds": 1, "pred_cls": 35.4938425732907, "error_w_gmm": 0.09433171717381487, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.09020614974607359}, "run_193": {"edge_length": "320", "pf": 0.40701779174804686, "in_bounds_one_im": 1, "error_one_im": 0.12196433987711604, "one_im_sa_cls": 44.326530612244895, "model_in_bounds": 1, "pred_cls": 27.4266967933778, "error_w_gmm": 0.06207534045741461, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05936049533077301}, "run_194": {"edge_length": "320", "pf": 0.40873583984375, "in_bounds_one_im": 1, "error_one_im": 0.113563676654974, "one_im_sa_cls": 42.36734693877551, "model_in_bounds": 1, "pred_cls": 24.745851698356173, "error_w_gmm": 0.05301121320159883, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.05069278477644264}, "run_195": {"edge_length": "320", "pf": 0.40387142944335935, "in_bounds_one_im": 1, "error_one_im": 0.11687630514306671, "one_im_sa_cls": 42.89795918367347, "model_in_bounds": 1, "pred_cls": 30.70956038679587, "error_w_gmm": 0.0740292789362505, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.07079163214014889}, "run_196": {"edge_length": "320", "pf": 0.39169241333007815, "in_bounds_one_im": 1, "error_one_im": 0.11571814525637364, "one_im_sa_cls": 41.89795918367347, "model_in_bounds": 1, "pred_cls": 31.38943514308651, "error_w_gmm": 0.07847096707804463, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.0750390644741301}, "run_197": {"edge_length": "320", "pf": 0.39449041748046876, "in_bounds_one_im": 1, "error_one_im": 0.11520969420906974, "one_im_sa_cls": 41.93877551020408, "model_in_bounds": 1, "pred_cls": 28.88342469634416, "error_w_gmm": 0.06885889159314512, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.06584737003095835}, "run_198": {"edge_length": "320", "pf": 0.3977755432128906, "in_bounds_one_im": 1, "error_one_im": 0.12014733725769196, "one_im_sa_cls": 43.326530612244895, "model_in_bounds": 1, "pred_cls": 15.349010997335133, "error_w_gmm": 0.02649265408179803, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.025334006343488636}, "run_199": {"edge_length": "320", "pf": 0.38722360229492186, "in_bounds_one_im": 1, "error_one_im": 0.11766517624643594, "one_im_sa_cls": 42.10204081632653, "model_in_bounds": 1, "pred_cls": 34.217748576687555, "error_w_gmm": 0.09015544637909524, "model_wo_gmm_in_bounds": 1, "error_wo_gmm": 0.08621252681652926}}}}
\ No newline at end of file