diff --git a/docs-source/make.bat b/docs-source/make.bat index cde3a1d..b186522 100644 --- a/docs-source/make.bat +++ b/docs-source/make.bat @@ -7,6 +7,7 @@ REM Command file for Sphinx documentation REM You can set these variables from the command line, and also REM from the environment for the first two. SET SPHINXOPTS= +SET SPHINXBUILD=sphinx-build SET SOURCEDIR=source SET LOCALBUILDDIR=build SET GITHUBBUILDDIR=..\docs diff --git a/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_25.png b/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_25.png new file mode 100644 index 0000000..853a54c Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_25.png differ diff --git a/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_33.png b/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_33.png new file mode 100644 index 0000000..21cbaf6 Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/disjoint_resampling_0_33.png differ diff --git a/docs-source/source/reference/validation_plots/approval/resampling_0_25.png b/docs-source/source/reference/validation_plots/approval/resampling_0_25.png new file mode 100644 index 0000000..78d52cb Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/resampling_0_25.png differ diff --git a/docs-source/source/reference/validation_plots/approval/resampling_0_5.png b/docs-source/source/reference/validation_plots/approval/resampling_0_5.png new file mode 100644 index 0000000..9ed65d1 Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/resampling_0_5.png differ diff --git a/docs-source/source/reference/validation_plots/approval/resampling_0_75.png b/docs-source/source/reference/validation_plots/approval/resampling_0_75.png new file mode 100644 index 0000000..12c14eb Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/resampling_0_75.png differ diff --git a/docs-source/source/reference/validation_plots/approval/resampling_1_0.png b/docs-source/source/reference/validation_plots/approval/resampling_1_0.png new file mode 100644 index 0000000..1597ed5 Binary files /dev/null and b/docs-source/source/reference/validation_plots/approval/resampling_1_0.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNBOUNDED_GAUSSIAN.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNBOUNDED_GAUSSIAN.png new file mode 100644 index 0000000..89d1a24 Binary files /dev/null and b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNBOUNDED_GAUSSIAN.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_BALL.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_BALL.png new file mode 100644 index 0000000..1cbcf2d Binary files /dev/null and b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_BALL.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_CUBE.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_CUBE.png new file mode 100644 index 0000000..5d64a22 Binary files /dev/null and b/docs-source/source/reference/validation_plots/ordinal/euclidean_line_UNIFORM_CUBE.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_BALL.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_BALL.png index 079360c..dbfdb83 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_BALL.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_BALL.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_CUBE.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_CUBE.png index 7ccce98..623d0f3 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_CUBE.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_GAUSSIAN_CUBE.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNBOUNDED_GAUSSIAN.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNBOUNDED_GAUSSIAN.png index 8685d2b..965ea8f 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNBOUNDED_GAUSSIAN.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNBOUNDED_GAUSSIAN.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_BALL.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_BALL.png index 543a06f..a15ddd0 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_BALL.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_BALL.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_CUBE.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_CUBE.png index 2b63908..a8da835 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_CUBE.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_CUBE.png differ diff --git a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_SPHERE.png b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_SPHERE.png index 30c3103..1288b6d 100644 Binary files a/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_SPHERE.png and b/docs-source/source/reference/validation_plots/ordinal/euclidean_uniform_UNIFORM_SPHERE.png differ diff --git a/prefsampling/approval/impartial.py b/prefsampling/approval/impartial.py index 2ceaf00..166a4b1 100644 --- a/prefsampling/approval/impartial.py +++ b/prefsampling/approval/impartial.py @@ -105,6 +105,18 @@ def impartial( except ValueError: pass + Validation + ---------- + + We only validate the model with a single voter thus the distinction between individual and global does not + matter here. Call :math:`p` the probability of approving any candidate, then the probability of generating a + given approval ballot of size :math:`k` is: + + .. math:: + p^k \\times (1 - p)^{m - k}, + + where :math:`m` is the number of candidates. + References ---------- @@ -250,6 +262,15 @@ def impartial_constant_size( except ValueError: pass + Validation + ---------- + + We only validate the model with a single voter thus the distinction between individual and global does not + matter here. For a given value of :code:`rel_num_approvals`, let + :math:`s = \\lfoor \\text{rel\\_num\\_approvals} \\times m \\rfloor` be the size of the approval ballots. + Then, the probability of generating a given approval ballot of size :math:`k` is 0 if :math:`k \neq s`, + and :math:`\\frac{1}{\\binom{m}{s}}` otherwise, where :math:`m` is the number of candidates. + References ---------- diff --git a/prefsampling/approval/noise.py b/prefsampling/approval/noise.py index 4503763..2af6852 100644 --- a/prefsampling/approval/noise.py +++ b/prefsampling/approval/noise.py @@ -46,6 +46,11 @@ class SetDistance(Enum): class DistanceInfiniteError(ValueError): + """ + Exception thrown when the distance between two points is infinite., typically when dividing by 0 for the + Bunke-Shearer or the Jaccard distances. + """ + pass @@ -94,6 +99,8 @@ def noise( A collection of `num_voters` vote is generated independently and identically following the process described above. + For an analogous sampler generating ordinal ballots, see :py:func:`~prefsampling.ordinal.mallows.mallows`. + Parameters ---------- num_voters : int diff --git a/prefsampling/approval/resampling.py b/prefsampling/approval/resampling.py index ecfe952..7a1fc0a 100644 --- a/prefsampling/approval/resampling.py +++ b/prefsampling/approval/resampling.py @@ -1,14 +1,42 @@ +""" +Resampling models generate votes based on resampling procedures on a given central vote. +""" + from __future__ import annotations import copy import math +from collections.abc import Iterable, Collection + import numpy as np from prefsampling.approval.utils import validate_or_generate_central_vote +from prefsampling.combinatorics import random_partition, powerset from prefsampling.inputvalidators import validate_num_voters_candidates, validate_int +def _resample_vote( + num_candidates: int, + phi: float, + rel_size_central_vote: float, + central_vote: set[int], + rng, +) -> set[int]: + """ + Generates a single vote following the resampling procedure. + """ + vote = set() + for c in range(num_candidates): + if rng.random() <= phi: + if rng.random() <= rel_size_central_vote: + vote.add(c) + else: + if c in central_vote: + vote.add(c) + return vote + + @validate_num_voters_candidates def resampling( num_voters: int, @@ -20,7 +48,14 @@ def resampling( seed: int = None, ) -> list[set[int]]: """ - Generates approval votes from the resampling model. + Generates approval votes from the resampling model. This model is parameterised by a central vote and two parameters + :code:`phi` and :code:`rel_size_central_vote`. When generating an approval vote, all candidates are considered one + after the other. For a given candidate, with probability :code:`1 - phi` it is (dis)approved as is the case in the + central vote; with probability :code:`phi`, it is resampled: approved with probability :code:`rel_size_central_vote` + and not approved with probability :code:`1 - rel_size_central_vote`. + + A collection of `num_voters` vote is generated independently and identically following the + process described above. Parameters ---------- @@ -29,14 +64,14 @@ def resampling( num_candidates : int Number of Candidates. phi : float - Resampling model parameter, denoting the noise. + The resampling probability, guiding the dispersion. rel_size_central_vote : float - Resampling model parameter, denoting the average vote length. + The relative size of the central vote. central_vote : set The central vote. Ignored if :code:`impartial_central_vote = True`. impartial_central_vote: bool, default: :code:`False` If true, the central vote is sampled from :py:func:`~prefsampling.approval.impartial` - with the same value for the parameter :code:`p` as passed to this sampler. + with the same value for the parameter :code:`rel_size_central_vote` as passed to this sampler. seed : int Seed for numpy random number generator. @@ -45,11 +80,14 @@ def resampling( list[set[int]] Approval votes. - Raises - ------ - ValueError - When `phi` not in [0,1] interval. - When `p` not in [0,1] interval. + References + ---------- + + `How to Sample Approval Elections? + `_, + *Stanisław Szufa, Piotr Faliszewski, Łukasz Janeczko, Martin Lackner, Arkadii Slinko, + Krzysztof Sornat and Nimrod Talmon*, + Proceedings of the International Joint Conference on Artificial Intelligence, 2022. """ if phi < 0 or 1 < phi: @@ -70,19 +108,42 @@ def resampling( seed, ) - votes = [set() for _ in range(num_voters)] + votes = [] for v in range(num_voters): - vote = set() + votes.append( + _resample_vote( + num_candidates, phi, rel_size_central_vote, central_vote, rng + ) + ) + return votes + + +def resampling_theoretical_distribution( + num_candidates: int, + phi: float, + rel_size_central_vote: float, + central_vote: set = None, + subsets: Iterable[set[int]] = None, +) -> dict: + if subsets is None: + subsets = powerset(range(num_candidates)) + central_vote = validate_or_generate_central_vote( + num_candidates, rel_size_central_vote, central_vote, False + ) + distribution = {} + for outcome in subsets: + prob = 1 for c in range(num_candidates): - if rng.random() <= phi: - if rng.random() <= rel_size_central_vote: - vote.add(c) + if c in central_vote and c in outcome: + prob *= (1 - phi) + phi * rel_size_central_vote + elif c in central_vote and c not in outcome: + prob *= phi * (1 - rel_size_central_vote) + elif c not in central_vote and c in outcome: + prob *= phi * rel_size_central_vote else: - if c in central_vote: - vote.add(c) - votes[v] = vote - - return votes + prob *= (1 - phi) + phi * (1 - rel_size_central_vote) + distribution[outcome] = prob + return distribution @validate_num_voters_candidates @@ -90,12 +151,26 @@ def disjoint_resampling( num_voters: int, num_candidates: int, phi: float, - p: float, - g: int = 2, + rel_size_central_vote: float | Iterable[float], + num_central_votes: int = None, + central_votes: Collection[Collection[int]] = None, + impartial_central_votes: bool = False, seed: int = None, ) -> list[set[int]]: """ - Generates approval votes from disjoint resampling model. + Generates approval votes from disjoint resampling model. In this model, we first generate :code:`num_groups` + disjoint central votes (they can also be provided). Then, when generating a ballot, we select at random one central + vote uniformly at random and then use the resampling procedure with this central vote (see + :py:func:`~prefsampling.approval.resampling.resampling` for the details). This is essentially a mixture of several + resampling samplers with different disjoint central votes. + + The procedure to generate the central votes is as follows. Each central vote will be of size + `⌊rel_size_central_vote * num_candidates⌋`. We uniformly at random partition the candidates into :code:`num_groups` + parts of such size. Note that this implies that some candidates can appear in no groups. Moreover, if + `rel_size_central_vote * num_central_votes > 1`, then the model is not well-defined. + + A collection of `num_voters` vote is generated independently and identically following the + process described above. Parameters ---------- @@ -105,10 +180,17 @@ def disjoint_resampling( Number of Candidates. phi : float Disjoint resampling model parameter, denoting the noise. - p : float - Disjoint resampling model parameter, denoting the length of central vote. - g : int, default: 2 - Disjoint resampling model parameter, denoting the number of groups. + rel_size_central_vote : float | Iterable[float] + The relative size of the central vote. If a single value is given, it is used for all groups, otherwise, one + value per group needs to be provided. + num_central_votes : int, default: 2 + The number of central votes. + central_votes : Collection[Collection[int]] + The central votes of the different groups. If this parameter is not used, the central votes are generated + randomly. + impartial_central_votes : bool, default: :code:`False` + If set to :code:`True`, then the central votes are generated at random following a uniform distribution + over all suitable collection of central votes. seed : int Seed for numpy random number generator. @@ -117,47 +199,113 @@ def disjoint_resampling( list[set[int]] Approval votes. - Raises - ------ - ValueError - When `phi` not in [0,1] interval. - When `p` not in [0,1] interval. + References + ---------- + + `How to Sample Approval Elections? + `_, + *Stanisław Szufa, Piotr Faliszewski, Łukasz Janeczko, Martin Lackner, Arkadii Slinko, + Krzysztof Sornat and Nimrod Talmon*, + Proceedings of the International Joint Conference on Artificial Intelligence, 2022. """ if phi < 0 or 1 < phi: raise ValueError(f"Incorrect value of phi: {phi}. Value should be in [0,1]") - if p < 0 or 1 < p: - raise ValueError(f"Incorrect value of p: {p}. Value should be in [0,1]") - - if p * g > 1: - raise ValueError(f"Disjoint model is not well defined when p * g > 1") + if rel_size_central_vote < 0 or 1 < rel_size_central_vote: + raise ValueError( + f"Incorrect value of rel_size_central_vote: {rel_size_central_vote}. Value should be in [0,1]" + ) rng = np.random.default_rng(seed) - num_groups = g - k = math.floor(p * num_candidates) - - votes = [set() for _ in range(num_voters)] + if central_votes is None: + if num_central_votes is None: + raise ValueError( + "If you do not provide the central votes for the disjoint resampling model, you need to " + "provide the number of groups." + ) - central_votes = [] - for g in range(num_groups): - central_votes.append({g * k + i for i in range(k)}) + validate_int( + num_central_votes, value_descr="number of central votes", lower_bound=1 + ) + if rel_size_central_vote * num_central_votes > 1: + raise ValueError( + f"For the disjoint resampling model we need rel_size_central_vote * num_central_votes <= 1 as " + f"otherwise there would not be enough candidates." + ) + + central_votes_size = int(rel_size_central_vote * num_candidates) + if impartial_central_votes: + central_votes = rng.choice( + range(num_candidates), size=(num_central_votes, central_votes_size) + ) + else: + central_votes = [ + {g * central_votes_size + i for i in range(central_votes_size)} + for g in range(num_central_votes) + ] + else: + seen_candidates = set() + for central_vote in central_votes: + for alt in central_vote: + if alt in seen_candidates: + raise ValueError( + "In the disjoint resampling model, the central votes need to be disjoint. " + f"Currently, candidate {alt} appears in at least 2 central votes." + ) + seen_candidates.add(alt) + if len(seen_candidates) > num_candidates: + raise ValueError( + "There are more candidates appearing in the central votes than the number of candidates " + "provided as an argument." + ) + if max(seen_candidates) >= num_candidates: + raise ValueError( + "The candidates need to be called 0, 1, ..., num_candidates, this is not the case in the " + "provided central votes." + ) + + votes = [] for v in range(num_voters): central_vote = rng.choice(central_votes) + votes.append( + _resample_vote( + num_candidates, phi, rel_size_central_vote, central_vote, rng + ) + ) + return votes - vote = set() - for c in range(num_candidates): - if rng.random() <= phi: - if rng.random() <= p: - vote.add(c) - else: - if c in central_vote: - vote.add(c) - votes[v] = vote - return votes +def disjoint_resampling_theoretical_distribution( + num_candidates: int, + phi: float, + rel_size_central_vote: float, + num_central_votes: int, + central_votes: Iterable[set] = None, + subsets: Iterable[set[int]] = None, +) -> dict: + if subsets is None: + subsets = powerset(range(num_candidates)) + if central_votes is None: + central_votes_size = int(rel_size_central_vote * num_candidates) + central_votes = [ + {g * central_votes_size + i for i in range(central_votes_size)} + for g in range(num_central_votes) + ] + distribution = {s: 0 for s in subsets} + for central_vote in central_votes: + local_distr = resampling_theoretical_distribution( + num_candidates, + phi, + rel_size_central_vote, + central_vote=central_vote, + subsets=subsets, + ) + for s, d in local_distr.items(): + distribution[s] += d / len(central_votes) + return distribution @validate_num_voters_candidates @@ -192,11 +340,14 @@ def moving_resampling( list[set[int]] Approval votes. - Raises - ------ - ValueError - When `phi` not in [0,1] interval. - When `p` not in [0,1] interval. + References + ---------- + + `How to Sample Approval Elections? + `_, + *Stanisław Szufa, Piotr Faliszewski, Łukasz Janeczko, Martin Lackner, Arkadii Slinko, + Krzysztof Sornat and Nimrod Talmon*, + Proceedings of the International Joint Conference on Artificial Intelligence, 2022. """ validate_int(num_legs, "number of legs", lower_bound=1) diff --git a/prefsampling/combinatorics.py b/prefsampling/combinatorics.py index 20a3792..a85b262 100644 --- a/prefsampling/combinatorics.py +++ b/prefsampling/combinatorics.py @@ -1,5 +1,5 @@ """ -A collection of functions used to the number of different entities: rankings, profiles, etc... +A collection of functions used to iterable over all possible rankings, profiles, etc... """ from __future__ import annotations @@ -9,6 +9,39 @@ from copy import deepcopy from itertools import chain, combinations, permutations, combinations_with_replacement +import numpy as np + + +def random_partition( + s: Iterable, num_parts: int, non_empty: bool = True, seed: int = None +) -> list[set]: + """ + Draws a partition uniformly at random. + + Parameters + ---------- + s : Iterable + The collection of elements. + num_parts : int + The size of the partition. + non_empty : bool, defaults :code:`True` + If true, all parts need to be non-empty. + seed : int, defaults :code:`None` + Seed for numpy random number generator. + """ + rng = np.random.default_rng(seed) + partition = [set() for _ in range(num_parts)] + elements_to_place = set(s) + if non_empty: + # We first put one alternative per central vote, ensuring non-emptiness + for k, candidate in enumerate(rng.choice(elements_to_place, size=num_parts)): + partition[k].add(candidate) + elements_to_place.remove(candidate) + # For the leftover candidates, we select uniformly at random a central vote in which to place them. + for candidate in elements_to_place: + partition[rng.integers(0, high=num_parts)].add(candidate) + return partition + def comb(n: int, k: int) -> int: """ diff --git a/prefsampling/core/euclidean.py b/prefsampling/core/euclidean.py index e42e5ab..2ac3fa7 100644 --- a/prefsampling/core/euclidean.py +++ b/prefsampling/core/euclidean.py @@ -22,7 +22,9 @@ class EuclideanSpace(Enum): UNBOUNDED_GAUSSIAN = "unbounded_gaussian" -def euclidean_space_to_sampler(space: EuclideanSpace, num_dimensions: int) -> (Callable, dict): +def euclidean_space_to_sampler( + space: EuclideanSpace, num_dimensions: int +) -> (Callable, dict): """ Returns the point sampler together with its arguments corresponding to the EuclideanSpace passed as argument. @@ -37,7 +39,11 @@ def euclidean_space_to_sampler(space: EuclideanSpace, num_dimensions: int) -> (C return ball_resampling, { "num_dimensions": num_dimensions, "inner_sampler": lambda **kwargs: gaussian(**kwargs)[0], - "inner_sampler_args": {"num_dimensions": num_dimensions, "num_points": 1}, + "inner_sampler_args": { + "num_dimensions": num_dimensions, + "num_points": 1, + "sigmas": [0.33] * num_dimensions, + }, } if space == EuclideanSpace.GAUSSIAN_CUBE: return gaussian, { @@ -74,16 +80,13 @@ def _sample_points( ) raise Exception(msg) from e - if num_dimensions == 1: - expected_shape = (num_points,) - else: - expected_shape = (num_points, num_dimensions) - if positions.shape != expected_shape: - raise ValueError( - f"The provided positions do not match the expected shape. Shape is " - f"{positions.shape} while {expected_shape} was expected " - f"(num_{sampled_object_name}, num_dimensions)." - ) + if positions.shape != (num_points, num_dimensions): + if num_dimensions > 1 or positions.shape != (num_points,): + raise ValueError( + f"The provided positions do not match the expected shape. Shape is " + f"{positions.shape} while {(num_points, num_dimensions)} was expected " + f"(num_{sampled_object_name}, num_dimensions)." + ) return positions if not isinstance(positions, Callable): @@ -101,7 +104,9 @@ def _sample_points( ) raise Exception(msg) from e - positions, new_positions_args = euclidean_space_to_sampler(space, num_dimensions) + positions, new_positions_args = euclidean_space_to_sampler( + space, num_dimensions + ) new_positions_args.update(positions_args) positions_args = new_positions_args positions_args["num_points"] = num_points diff --git a/prefsampling/ordinal/euclidean.py b/prefsampling/ordinal/euclidean.py index 4699cb4..57473fd 100644 --- a/prefsampling/ordinal/euclidean.py +++ b/prefsampling/ordinal/euclidean.py @@ -202,9 +202,17 @@ def euclidean( by considering the size of the hyperplanes separating two candidates. We apply this method in one dimension to validate the sampler. - .. image:: ../validation_plots/ordinal/euclidean_UNIFORM_BALL.png + .. image:: ../validation_plots/ordinal/euclidean_line_UNIFORM_BALL.png :width: 800 - :alt: Observed versus theoretical frequencies for a ball Euclidean model with n=3 + :alt: Observed versus theoretical frequencies for a ball Euclidean model with fixed candidates positions + + .. image:: ../validation_plots/ordinal/euclidean_line_UNIFORM_CUBE.png + :width: 800 + :alt: Observed versus theoretical frequencies for a cub Euclidean model with fixed candidates positions + + .. image:: ../validation_plots/ordinal/euclidean_line_UNBOUNDED_GAUSSIAN.png + :width: 800 + :alt: Observed versus theoretical frequencies for a Gaussian Euclidean model with fixed candidates positions **In General** diff --git a/prefsampling/ordinal/mallows.py b/prefsampling/ordinal/mallows.py index 3a8f0f8..4f36f58 100644 --- a/prefsampling/ordinal/mallows.py +++ b/prefsampling/ordinal/mallows.py @@ -42,6 +42,8 @@ def mallows( (2023) `_ for more details. Use :code:`normalise_phi = True` to do so. + For an analogous sampler generating approval ballots, see :py:func:`~prefsampling.approval.noise.noise`. + Parameters ---------- num_voters : int diff --git a/tests/test_samplers/approval/test_approval_resampling.py b/tests/test_samplers/approval/test_approval_resampling.py index a9c3925..8d8a31d 100644 --- a/tests/test_samplers/approval/test_approval_resampling.py +++ b/tests/test_samplers/approval/test_approval_resampling.py @@ -20,7 +20,12 @@ def all_test_samplers_approval_resampling(): ] samplers += [ TestSampler( - disjoint_resampling, {"p": random_p, "phi": random_phi, "g": random_g} + disjoint_resampling, + { + "rel_size_central_vote": random_p, + "phi": random_phi, + "num_central_votes": random_g, + }, ) for random_g in int_parameter_test_values(1, 10, 2) for random_p in float_parameter_test_values(0, 1, 2) @@ -63,15 +68,17 @@ def test_approval_resampling(self): def test_approval_disjoint_resampling(self): with self.assertRaises(ValueError): - disjoint_resampling(4, 5, p=0.5, phi=-0.4) + disjoint_resampling(4, 5, rel_size_central_vote=0.5, phi=-0.4) with self.assertRaises(ValueError): - disjoint_resampling(4, 5, p=0.5, phi=4) + disjoint_resampling(4, 5, rel_size_central_vote=0.5, phi=4) with self.assertRaises(ValueError): - disjoint_resampling(4, 5, p=-0.4, phi=0.5) + disjoint_resampling(4, 5, rel_size_central_vote=-0.4, phi=0.5) with self.assertRaises(ValueError): - disjoint_resampling(4, 5, p=-0.4, phi=0.5) + disjoint_resampling(4, 5, rel_size_central_vote=-0.4, phi=0.5) with self.assertRaises(ValueError): - disjoint_resampling(4, 5, p=0.4, phi=0.5, g=10) + disjoint_resampling( + 4, 5, rel_size_central_vote=0.4, phi=0.5, num_central_votes=10 + ) def test_impartial_central_vote(self): resampling( diff --git a/validation/approval/identity.py b/validation/approval/identity.py deleted file mode 100644 index 843581e..0000000 --- a/validation/approval/identity.py +++ /dev/null @@ -1,33 +0,0 @@ -from prefsampling.approval import identity -from prefsampling.combinatorics import powerset -from validation.validator import Validator - - -class ApprovalIdentityValidator(Validator): - def __init__(self): - parameters_list = [ - {"num_voters": 1, "num_candidates": 4, "p": 0.25}, - {"num_voters": 1, "num_candidates": 4, "p": 0.5}, - ] - super(ApprovalIdentityValidator, self).__init__( - parameters_list, - "Identity", - "identity", - True, - sampler_func=identity, - constant_parameters=("num_voters", "num_candidates"), - faceted_parameters="p", - ) - - def all_outcomes(self, sampler_parameters): - return powerset(range(sampler_parameters["num_candidates"])) - - def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: - k = int(sampler_parameters["p"] * sampler_parameters["num_candidates"]) - distribution = {} - for o in self.all_outcomes(sampler_parameters): - distribution[tuple(sorted(o))] = int(set(o) == set(range(k))) - return distribution - - def sample_cast(self, sample): - return tuple(sorted(sample[0])) diff --git a/validation/approval/impartial.py b/validation/approval/impartial.py index 17c0f49..d608ab8 100644 --- a/validation/approval/impartial.py +++ b/validation/approval/impartial.py @@ -1,4 +1,4 @@ -from prefsampling.approval import impartial +from prefsampling.approval import impartial, impartial_constant_size from prefsampling.combinatorics import powerset from validation.validator import Validator @@ -27,14 +27,51 @@ def all_outcomes(self, sampler_parameters): return powerset(range(sampler_parameters["num_candidates"])) def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: - m = sampler_parameters["num_candidates"] + num_candidates = sampler_parameters["num_candidates"] p = sampler_parameters["p"] probabilities = [] - for k in range(m + 1): - probabilities.append((p**k) * ((1 - p) ** (m - k))) + for k in range(num_candidates + 1): + probabilities.append((p**k) * ((1 - p) ** (num_candidates - k))) return {tuple(sorted(o)): probabilities[len(o)] for o in all_outcomes} def sample_cast(self, sample): return tuple(sorted(sample[0])) + + +class ApprovalImpartialConstantSizeValidator(Validator): + def __init__(self): + parameters_list = [ + {"num_voters": 1, "num_candidates": 5, "rel_num_approvals": 0.3}, + {"num_voters": 1, "num_candidates": 5, "rel_num_approvals": 0.5}, + {"num_voters": 1, "num_candidates": 5, "rel_num_approvals": 0.7}, + {"num_voters": 1, "num_candidates": 6, "rel_num_approvals": 0.3}, + {"num_voters": 1, "num_candidates": 6, "rel_num_approvals": 0.5}, + {"num_voters": 1, "num_candidates": 6, "rel_num_approvals": 0.7}, + ] + super(ApprovalImpartialConstantSizeValidator, self).__init__( + parameters_list, + "Impartial Constant Size", + "impartial_constant_size", + True, + sampler_func=impartial_constant_size, + constant_parameters="num_voters", + faceted_parameters=("rel_num_approvals", "num_candidates"), + ) + + def all_outcomes(self, sampler_parameters): + return powerset(range(sampler_parameters["num_candidates"])) + + def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: + num_candidates = sampler_parameters["num_candidates"] + rel_num_approvals = sampler_parameters["rel_num_approvals"] + + size = int(rel_num_approvals * num_candidates) + + distribution = {o: int(len(o) == size) for o in all_outcomes} + + return {o: d / sum(distribution.values()) for o, d in distribution.items()} + + def sample_cast(self, sample): + return tuple(sorted(sample[0])) diff --git a/validation/approval/resampling.py b/validation/approval/resampling.py index 41a8268..5c22f00 100644 --- a/validation/approval/resampling.py +++ b/validation/approval/resampling.py @@ -1,22 +1,25 @@ import math from prefsampling.approval import resampling, disjoint_resampling +from prefsampling.approval.resampling import resampling_theoretical_distribution from prefsampling.combinatorics import powerset from validation.validator import Validator class ApprovalResamplingValidator(Validator): def __init__(self): - parameters_list = [ - {"num_voters": 1, "num_candidates": 6, "phi": 0.25, "p": 0.5}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 0.5}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.75, "p": 0.5}, - {"num_voters": 1, "num_candidates": 6, "phi": 1.0, "p": 0.5}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.25, "p": 1 / 3}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 1 / 3}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.75, "p": 1 / 3}, - {"num_voters": 1, "num_candidates": 6, "phi": 1.0, "p": 1 / 3}, - ] + parameters_list = [] + for phi in [0.25, 0.5, 0.75, 1]: + for rel_size_central_vote in [0.33, 0.5]: + parameters_list.append( + { + "num_voters": 1, + "num_candidates": 6, + "phi": phi, + "rel_size_central_vote": rel_size_central_vote, + "central_vote": None, + } + ) super(ApprovalResamplingValidator, self).__init__( parameters_list, "Resampling", @@ -24,33 +27,19 @@ def __init__(self): True, sampler_func=resampling, constant_parameters=("num_voters", "num_candidates"), - faceted_parameters=("phi", "p"), + faceted_parameters=("phi", "rel_size_central_vote"), ) def all_outcomes(self, sampler_parameters): return powerset(range(sampler_parameters["num_candidates"])) def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: - m = sampler_parameters["num_candidates"] - p = sampler_parameters["p"] - phi = sampler_parameters["phi"] - k = math.floor(p * m) - central_vote = {i for i in range(k)} - - A = {} - for outcome in all_outcomes: - prob = 1 - for c in range(m): - if c in central_vote and c in outcome: - prob *= (1 - phi) + phi * p - elif c in central_vote and c not in outcome: - prob *= phi * (1 - p) - elif c not in central_vote and c in outcome: - prob *= phi * p - else: - prob *= (1 - phi) + phi * (1 - p) - A[tuple(sorted(outcome))] = prob - return A + return resampling_theoretical_distribution( + sampler_parameters["num_candidates"], + sampler_parameters["phi"], + sampler_parameters["rel_size_central_vote"], + sampler_parameters["central_vote"], + ) def sample_cast(self, sample): return tuple(sorted(sample[0])) @@ -58,12 +47,18 @@ def sample_cast(self, sample): class ApprovalDisjointResamplingValidator(Validator): def __init__(self): - parameters_list = [ - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 0.25, "g": 2}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 1 / 3, "g": 2}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 0.25, "g": 3}, - {"num_voters": 1, "num_candidates": 6, "phi": 0.5, "p": 1 / 3, "g": 3}, - ] + parameters_list = [] + for num_central_votes in [2, 3]: + for rel_size_central_vote in [0.25, 0.33]: + parameters_list.append( + { + "num_voters": 1, + "num_candidates": 6, + "phi": 0.5, + "rel_size_central_vote": rel_size_central_vote, + "num_central_votes": num_central_votes, + } + ) super(ApprovalDisjointResamplingValidator, self).__init__( parameters_list, "Disjoint Resampling", @@ -71,7 +66,7 @@ def __init__(self): True, sampler_func=disjoint_resampling, constant_parameters=("num_voters", "num_candidates", "phi"), - faceted_parameters=("p", "g"), + faceted_parameters=("rel_size_central_vote", "num_central_votes"), ) def all_outcomes(self, sampler_parameters): @@ -79,15 +74,15 @@ def all_outcomes(self, sampler_parameters): def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: m = sampler_parameters["num_candidates"] - p = sampler_parameters["p"] + p = sampler_parameters["rel_size_central_vote"] phi = sampler_parameters["phi"] - num_groups = sampler_parameters["g"] + num_groups = sampler_parameters["num_central_votes"] k = math.floor(p * m) central_votes = [] for g in range(num_groups): central_votes.append({g * k + i for i in range(k)}) - A = {} + distribution = {} for outcome in all_outcomes: probs = [] for central_vote in central_votes: @@ -102,8 +97,8 @@ def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: else: prob *= (1 - phi) + phi * (1 - p) probs.append(prob) - A[str(outcome)] = sum(probs) / len(probs) - return A + distribution[outcome] = sum(probs) / len(probs) + return distribution def sample_cast(self, sample): - return str(sample[0]) + return tuple(sorted(sample[0])) diff --git a/validation/csv/approval/disjoint_resampling.csv b/validation/csv/approval/disjoint_resampling.csv index 151e370..7f9ba7a 100644 --- a/validation/csv/approval/disjoint_resampling.csv +++ b/validation/csv/approval/disjoint_resampling.csv @@ -1,257 +1,253 @@ -num_samples;num_voters;num_candidates;phi;p;g;outcome;observed_freq;theoretical_freq -1000000;1;6;0.5;0.25;2;set();0.192498;0.19234085083007812 -1000000;1;6;0.5;0.25;2;{0};0.173797;0.17402267456054688 -1000000;1;6;0.5;0.25;2;{1};0.174351;0.17402267456054688 -1000000;1;6;0.5;0.25;2;{2};0.027308;0.027477264404296875 -1000000;1;6;0.5;0.25;2;{3};0.027507;0.027477264404296875 -1000000;1;6;0.5;0.25;2;{4};0.027363;0.027477264404296875 -1000000;1;6;0.5;0.25;2;{5};0.027576;0.027477264404296875 -1000000;1;6;0.5;0.25;2;{0, 1};0.045671;0.045795440673828125 -1000000;1;6;0.5;0.25;2;{0, 2};0.025126;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{0, 3};0.024953;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{0, 4};0.024957;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{0, 5};0.024837;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{1, 2};0.024791;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{1, 3};0.024813;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{1, 4};0.024886;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{1, 5};0.024782;0.024860382080078125 -1000000;1;6;0.5;0.25;2;{2, 3};0.003974;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{2, 4};0.003892;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{2, 5};0.003961;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{3, 4};0.003966;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{3, 5};0.003958;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{4, 5};0.003953;0.003925323486328125 -1000000;1;6;0.5;0.25;2;{0, 1, 2};0.006526;0.006542205810546875 -1000000;1;6;0.5;0.25;2;{0, 1, 3};0.006417;0.006542205810546875 -1000000;1;6;0.5;0.25;2;{0, 1, 4};0.006467;0.006542205810546875 -1000000;1;6;0.5;0.25;2;{0, 1, 5};0.00664;0.006542205810546875 -1000000;1;6;0.5;0.25;2;{0, 2, 3};0.003493;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{0, 2, 4};0.003549;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{0, 2, 5};0.003481;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{0, 3, 4};0.003573;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{0, 3, 5};0.003493;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{0, 4, 5};0.003549;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 2, 3};0.003579;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 2, 4};0.003556;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 2, 5};0.003545;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 3, 4};0.003494;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 3, 5};0.003522;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{1, 4, 5};0.003491;0.003551483154296875 -1000000;1;6;0.5;0.25;2;{2, 3, 4};0.000542;0.000560760498046875 -1000000;1;6;0.5;0.25;2;{2, 3, 5};0.000618;0.000560760498046875 -1000000;1;6;0.5;0.25;2;{2, 4, 5};0.000585;0.000560760498046875 -1000000;1;6;0.5;0.25;2;{3, 4, 5};0.00054;0.000560760498046875 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 3};0.000958;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 4};0.00094;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 5};0.000933;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 1, 3, 4};0.000963;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 1, 3, 5};0.000922;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 1, 4, 5};0.000916;0.000934600830078125 -1000000;1;6;0.5;0.25;2;{0, 2, 3, 4};0.000522;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{0, 2, 3, 5};0.000483;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{0, 2, 4, 5};0.000506;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{0, 3, 4, 5};0.000487;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{1, 2, 3, 4};0.000538;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{1, 2, 3, 5};0.000456;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{1, 2, 4, 5};0.000531;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{1, 3, 4, 5};0.000484;0.000507354736328125 -1000000;1;6;0.5;0.25;2;{2, 3, 4, 5};7.4e-05;8.0108642578125e-05 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 3, 4};0.000121;0.000133514404296875 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 3, 5};0.000131;0.000133514404296875 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 4, 5};0.000126;0.000133514404296875 -1000000;1;6;0.5;0.25;2;{0, 1, 3, 4, 5};0.000149;0.000133514404296875 -1000000;1;6;0.5;0.25;2;{0, 2, 3, 4, 5};8e-05;7.2479248046875e-05 -1000000;1;6;0.5;0.25;2;{1, 2, 3, 4, 5};8.1e-05;7.2479248046875e-05 -1000000;1;6;0.5;0.25;2;{0, 1, 2, 3, 4, 5};1.9e-05;1.9073486328125e-05 -1000000;1;6;0.5;0.3333333333333333;2;set();0.053894;0.05358367626886148 -1000000;1;6;0.5;0.3333333333333333;2;{0};0.058811;0.058942043895747614 -1000000;1;6;0.5;0.3333333333333333;2;{1};0.059191;0.058942043895747614 -1000000;1;6;0.5;0.3333333333333333;2;{2};0.059178;0.05894204389574763 -1000000;1;6;0.5;0.3333333333333333;2;{3};0.058872;0.058942043895747614 -1000000;1;6;0.5;0.3333333333333333;2;{4};0.010811;0.010716735253772295 -1000000;1;6;0.5;0.3333333333333333;2;{5};0.010768;0.010716735253772295 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1};0.107943;0.10823902606310014 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2};0.021287;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;2;{0, 3};0.021313;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;2;{0, 4};0.011727;0.011788408779149521 -1000000;1;6;0.5;0.3333333333333333;2;{0, 5};0.011794;0.011788408779149523 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2};0.021415;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;2;{1, 3};0.021464;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;2;{1, 4};0.011778;0.011788408779149521 -1000000;1;6;0.5;0.3333333333333333;2;{1, 5};0.01184;0.011788408779149523 -1000000;1;6;0.5;0.3333333333333333;2;{2, 3};0.108499;0.10823902606310015 -1000000;1;6;0.5;0.3333333333333333;2;{2, 4};0.011721;0.011788408779149525 -1000000;1;6;0.5;0.3333333333333333;2;{2, 5};0.011666;0.011788408779149523 -1000000;1;6;0.5;0.3333333333333333;2;{3, 4};0.011839;0.011788408779149521 -1000000;1;6;0.5;0.3333333333333333;2;{3, 5};0.011686;0.011788408779149523 -1000000;1;6;0.5;0.3333333333333333;2;{4, 5};0.002133;0.0021433470507544587 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2};0.023514;0.023576817558299042 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 3};0.023486;0.023576817558299042 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 4};0.021821;0.021647805212620025 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 5};0.021508;0.021647805212620025 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 3};0.02362;0.02357681755829904 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 4};0.004205;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 5};0.004307;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{0, 3, 4};0.004385;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{0, 3, 5};0.004189;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{0, 4, 5};0.002331;0.0023576817558299042 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 3};0.023562;0.02357681755829904 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 4};0.004294;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 5};0.004206;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{1, 3, 4};0.004239;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{1, 3, 5};0.004223;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;2;{1, 4, 5};0.002323;0.0023576817558299042 -1000000;1;6;0.5;0.3333333333333333;2;{2, 3, 4};0.021465;0.02164780521262003 -1000000;1;6;0.5;0.3333333333333333;2;{2, 3, 5};0.021701;0.021647805212620032 -1000000;1;6;0.5;0.3333333333333333;2;{2, 4, 5};0.002388;0.0023576817558299047 -1000000;1;6;0.5;0.3333333333333333;2;{3, 4, 5};0.002351;0.0023576817558299042 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 3};0.008538;0.008573388203017833 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 4};0.004686;0.004715363511659808 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 5};0.004718;0.0047153635116598085 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 3, 4};0.004714;0.004715363511659808 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 3, 5};0.004736;0.0047153635116598085 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 4, 5};0.00432;0.004329561042524005 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 3, 4};0.004674;0.004715363511659808 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 3, 5};0.004714;0.0047153635116598085 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 4, 5};0.00081;0.0008573388203017831 -1000000;1;6;0.5;0.3333333333333333;2;{0, 3, 4, 5};0.00087;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 3, 4};0.004769;0.004715363511659808 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 3, 5};0.004779;0.0047153635116598085 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 4, 5};0.000886;0.0008573388203017831 -1000000;1;6;0.5;0.3333333333333333;2;{1, 3, 4, 5};0.000901;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;2;{2, 3, 4, 5};0.004491;0.004329561042524006 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 3, 4};0.001739;0.0017146776406035665 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 3, 5};0.001755;0.0017146776406035665 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 4, 5};0.000974;0.0009430727023319615 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 3, 4, 5};0.000978;0.0009430727023319615 -1000000;1;6;0.5;0.3333333333333333;2;{0, 2, 3, 4, 5};0.000868;0.0009430727023319615 -1000000;1;6;0.5;0.3333333333333333;2;{1, 2, 3, 4, 5};0.000988;0.0009430727023319615 -1000000;1;6;0.5;0.3333333333333333;2;{0, 1, 2, 3, 4, 5};0.000344;0.0003429355281207132 -1000000;1;6;0.5;0.25;3;set();0.192562;0.19234085083007812 -1000000;1;6;0.5;0.25;3;{0};0.124867;0.12517420450846353 -1000000;1;6;0.5;0.25;3;{1};0.124991;0.12517420450846353 -1000000;1;6;0.5;0.25;3;{2};0.125373;0.12517420450846353 -1000000;1;6;0.5;0.25;3;{3};0.027654;0.027477264404296875 -1000000;1;6;0.5;0.25;3;{4};0.027463;0.027477264404296875 -1000000;1;6;0.5;0.25;3;{5};0.027338;0.027477264404296875 -1000000;1;6;0.5;0.25;3;{0, 1};0.032237;0.03183873494466146 -1000000;1;6;0.5;0.25;3;{0, 2};0.032023;0.03183873494466146 -1000000;1;6;0.5;0.25;3;{0, 3};0.017872;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{0, 4};0.017787;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{0, 5};0.017951;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{1, 2};0.031782;0.03183873494466146 -1000000;1;6;0.5;0.25;3;{1, 3};0.017966;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{1, 4};0.018004;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{1, 5};0.017765;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{2, 3};0.017806;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{2, 4};0.017866;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{2, 5};0.017869;0.017882029215494793 -1000000;1;6;0.5;0.25;3;{3, 4};0.003871;0.003925323486328125 -1000000;1;6;0.5;0.25;3;{3, 5};0.004006;0.003925323486328125 -1000000;1;6;0.5;0.25;3;{4, 5};0.003864;0.003925323486328125 -1000000;1;6;0.5;0.25;3;{0, 1, 2};0.006373;0.006542205810546875 -1000000;1;6;0.5;0.25;3;{0, 1, 3};0.004485;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 1, 4};0.004545;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 1, 5};0.004494;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 2, 3};0.004566;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 2, 4};0.0046;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 2, 5};0.00445;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{0, 3, 4};0.002528;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{0, 3, 5};0.002596;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{0, 4, 5};0.002557;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{1, 2, 3};0.004628;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{1, 2, 4};0.004444;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{1, 2, 5};0.00447;0.004548390706380208 -1000000;1;6;0.5;0.25;3;{1, 3, 4};0.002525;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{1, 3, 5};0.002532;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{1, 4, 5};0.002546;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{2, 3, 4};0.002567;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{2, 3, 5};0.002599;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{2, 4, 5};0.002566;0.0025545756022135415 -1000000;1;6;0.5;0.25;3;{3, 4, 5};0.000534;0.000560760498046875 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 3};0.000948;0.000934600830078125 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 4};0.000976;0.000934600830078125 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 5};0.00087;0.000934600830078125 -1000000;1;6;0.5;0.25;3;{0, 1, 3, 4};0.000643;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 1, 3, 5};0.000627;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 1, 4, 5};0.000684;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 2, 3, 4};0.000687;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 2, 3, 5};0.000678;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 2, 4, 5};0.000629;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{0, 3, 4, 5};0.0004;0.0003649393717447917 -1000000;1;6;0.5;0.25;3;{1, 2, 3, 4};0.000604;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{1, 2, 3, 5};0.000605;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{1, 2, 4, 5};0.00069;0.0006497701009114584 -1000000;1;6;0.5;0.25;3;{1, 3, 4, 5};0.000333;0.0003649393717447917 -1000000;1;6;0.5;0.25;3;{2, 3, 4, 5};0.000369;0.0003649393717447917 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 3, 4};0.00014;0.000133514404296875 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 3, 5};0.000142;0.000133514404296875 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 4, 5};0.000141;0.000133514404296875 -1000000;1;6;0.5;0.25;3;{0, 1, 3, 4, 5};9.8e-05;9.282430013020833e-05 -1000000;1;6;0.5;0.25;3;{0, 2, 3, 4, 5};9.9e-05;9.282430013020833e-05 -1000000;1;6;0.5;0.25;3;{1, 2, 3, 4, 5};9.8e-05;9.282430013020833e-05 -1000000;1;6;0.5;0.25;3;{0, 1, 2, 3, 4, 5};1.7e-05;1.9073486328125e-05 -1000000;1;6;0.5;0.3333333333333333;3;set();0.053335;0.05358367626886148 -1000000;1;6;0.5;0.3333333333333333;3;{0};0.043259;0.04286694101508917 -1000000;1;6;0.5;0.3333333333333333;3;{1};0.042871;0.04286694101508917 -1000000;1;6;0.5;0.3333333333333333;3;{2};0.042982;0.04286694101508918 -1000000;1;6;0.5;0.3333333333333333;3;{3};0.04294;0.04286694101508917 -1000000;1;6;0.5;0.3333333333333333;3;{4};0.042649;0.04286694101508918 -1000000;1;6;0.5;0.3333333333333333;3;{5};0.043067;0.04286694101508918 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1};0.07262;0.07287379972565157 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2};0.015128;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{0, 3};0.015058;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{0, 4};0.014839;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{0, 5};0.015034;0.015003429355281211 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2};0.015149;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{1, 3};0.014995;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{1, 4};0.014841;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{1, 5};0.014941;0.015003429355281211 -1000000;1;6;0.5;0.3333333333333333;3;{2, 3};0.073045;0.07287379972565158 -1000000;1;6;0.5;0.3333333333333333;3;{2, 4};0.015094;0.015003429355281211 -1000000;1;6;0.5;0.3333333333333333;3;{2, 5};0.014997;0.015003429355281211 -1000000;1;6;0.5;0.3333333333333333;3;{3, 4};0.015045;0.015003429355281208 -1000000;1;6;0.5;0.3333333333333333;3;{3, 5};0.014923;0.015003429355281211 -1000000;1;6;0.5;0.3333333333333333;3;{4, 5};0.073097;0.0728737997256516 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2};0.016086;0.015860768175582993 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 3};0.015861;0.015860768175582993 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 4};0.015685;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 5};0.015775;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 3};0.016176;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 4};0.004285;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 5};0.004264;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{0, 3, 4};0.004267;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{0, 3, 5};0.004281;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{0, 4, 5};0.015932;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 3};0.015646;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 4};0.004311;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 5};0.004309;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{1, 3, 4};0.004289;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{1, 3, 5};0.004309;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;3;{1, 4, 5};0.015896;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{2, 3, 4};0.01568;0.015860768175582993 -1000000;1;6;0.5;0.3333333333333333;3;{2, 3, 5};0.01568;0.015860768175582993 -1000000;1;6;0.5;0.3333333333333333;3;{2, 4, 5};0.015754;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{3, 4, 5};0.015915;0.01586076817558299 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 3};0.005595;0.005744170096021948 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 4};0.00349;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 5};0.003323;0.003429355281207134 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 3, 4};0.003381;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 3, 5};0.003429;0.003429355281207134 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 4, 5};0.00588;0.005744170096021947 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 3, 4};0.003529;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 3, 5};0.003374;0.003429355281207134 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 4, 5};0.003426;0.0034293552812071325 -1000000;1;6;0.5;0.3333333333333333;3;{0, 3, 4, 5};0.003433;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 3, 4};0.003425;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 3, 5};0.003406;0.003429355281207134 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 4, 5};0.003422;0.0034293552812071325 -1000000;1;6;0.5;0.3333333333333333;3;{1, 3, 4, 5};0.003498;0.003429355281207133 -1000000;1;6;0.5;0.3333333333333333;3;{2, 3, 4, 5};0.005692;0.005744170096021948 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 3, 4};0.001158;0.0012002743484224965 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 3, 5};0.001243;0.0012002743484224967 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 4, 5};0.00117;0.0012002743484224962 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 3, 4, 5};0.001124;0.0012002743484224962 -1000000;1;6;0.5;0.3333333333333333;3;{0, 2, 3, 4, 5};0.001215;0.0012002743484224962 -1000000;1;6;0.5;0.3333333333333333;3;{1, 2, 3, 4, 5};0.001148;0.0012002743484224962 -1000000;1;6;0.5;0.3333333333333333;3;{0, 1, 2, 3, 4, 5};0.000329;0.00034293552812071317 +num_samples;num_voters;num_candidates;phi;rel_size_central_vote;num_central_votes;outcome;observed_freq;theoretical_freq +1000000;1;6;0.5;0.25;2;(0,);0.174008;0.17402267456054688 +1000000;1;6;0.5;0.25;2;(1,);0.173473;0.17402267456054688 +1000000;1;6;0.5;0.25;2;(2,);0.027488;0.027477264404296875 +1000000;1;6;0.5;0.25;2;(3,);0.027244;0.027477264404296875 +1000000;1;6;0.5;0.25;2;(4,);0.027713;0.027477264404296875 +1000000;1;6;0.5;0.25;2;(5,);0.027563;0.027477264404296875 +1000000;1;6;0.5;0.25;2;(0, 1);0.045665;0.045795440673828125 +1000000;1;6;0.5;0.25;2;(0, 2);0.024943;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(0, 3);0.025101;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(0, 4);0.024866;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(0, 5);0.025101;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(1, 2);0.024801;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(1, 3);0.024656;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(1, 4);0.024961;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(1, 5);0.024784;0.024860382080078125 +1000000;1;6;0.5;0.25;2;(2, 3);0.003893;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(2, 4);0.003989;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(2, 5);0.00393;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(3, 4);0.003974;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(3, 5);0.004023;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(4, 5);0.003803;0.003925323486328125 +1000000;1;6;0.5;0.25;2;(0, 1, 2);0.00661;0.006542205810546875 +1000000;1;6;0.5;0.25;2;(0, 1, 3);0.006545;0.006542205810546875 +1000000;1;6;0.5;0.25;2;(0, 1, 4);0.0066;0.006542205810546875 +1000000;1;6;0.5;0.25;2;(0, 1, 5);0.006582;0.006542205810546875 +1000000;1;6;0.5;0.25;2;(0, 2, 3);0.003503;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(0, 2, 4);0.003546;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(0, 2, 5);0.003538;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(0, 3, 4);0.003624;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(0, 3, 5);0.003623;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(0, 4, 5);0.003603;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 2, 3);0.003596;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 2, 4);0.003542;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 2, 5);0.003453;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 3, 4);0.003664;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 3, 5);0.003631;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(1, 4, 5);0.003602;0.003551483154296875 +1000000;1;6;0.5;0.25;2;(2, 3, 4);0.000577;0.000560760498046875 +1000000;1;6;0.5;0.25;2;(2, 3, 5);0.000569;0.000560760498046875 +1000000;1;6;0.5;0.25;2;(2, 4, 5);0.000535;0.000560760498046875 +1000000;1;6;0.5;0.25;2;(3, 4, 5);0.000563;0.000560760498046875 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 3);0.000978;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 4);0.000924;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 5);0.000905;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 1, 3, 4);0.000913;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 1, 3, 5);0.000928;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 1, 4, 5);0.000956;0.000934600830078125 +1000000;1;6;0.5;0.25;2;(0, 2, 3, 4);0.000483;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(0, 2, 3, 5);0.000512;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(0, 2, 4, 5);0.000469;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(0, 3, 4, 5);0.000505;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(1, 2, 3, 4);0.000486;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(1, 2, 3, 5);0.000511;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(1, 2, 4, 5);0.000503;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(1, 3, 4, 5);0.000532;0.000507354736328125 +1000000;1;6;0.5;0.25;2;(2, 3, 4, 5);8e-05;8.0108642578125e-05 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 3, 4);0.000148;0.000133514404296875 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 3, 5);0.000119;0.000133514404296875 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 4, 5);0.000128;0.000133514404296875 +1000000;1;6;0.5;0.25;2;(0, 1, 3, 4, 5);0.000135;0.000133514404296875 +1000000;1;6;0.5;0.25;2;(0, 2, 3, 4, 5);7.4e-05;7.2479248046875e-05 +1000000;1;6;0.5;0.25;2;(1, 2, 3, 4, 5);6.9e-05;7.2479248046875e-05 +1000000;1;6;0.5;0.25;2;(0, 1, 2, 3, 4, 5);2.4e-05;1.9073486328125e-05 +1000000;1;6;0.5;0.33;2;(0,);0.147935;0.14840110743329685 +1000000;1;6;0.5;0.33;2;(1,);0.148749;0.14840110743329685 +1000000;1;6;0.5;0.33;2;(2,);0.026706;0.026870432277046868 +1000000;1;6;0.5;0.33;2;(3,);0.026915;0.026870432277046868 +1000000;1;6;0.5;0.33;2;(4,);0.027077;0.026870432277046868 +1000000;1;6;0.5;0.33;2;(5,);0.026983;0.026870432277046868 +1000000;1;6;0.5;0.33;2;(0, 1);0.053376;0.05333981332607813 +1000000;1;6;0.5;0.33;2;(0, 2);0.02947;0.029324769732328126 +1000000;1;6;0.5;0.33;2;(0, 3);0.029318;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(0, 4);0.029363;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(0, 5);0.029639;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(1, 2);0.028653;0.029324769732328126 +1000000;1;6;0.5;0.33;2;(1, 3);0.029249;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(1, 4);0.029377;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(1, 5);0.029216;0.02932476973232812 +1000000;1;6;0.5;0.33;2;(2, 3);0.005249;0.005309726138578124 +1000000;1;6;0.5;0.33;2;(2, 4);0.005244;0.005309726138578124 +1000000;1;6;0.5;0.33;2;(2, 5);0.005371;0.0053097261385781245 +1000000;1;6;0.5;0.33;2;(3, 4);0.005348;0.005309726138578124 +1000000;1;6;0.5;0.33;2;(3, 5);0.005431;0.0053097261385781245 +1000000;1;6;0.5;0.33;2;(4, 5);0.005267;0.0053097261385781245 +1000000;1;6;0.5;0.33;2;(0, 1, 2);0.010663;0.010540202633296877 +1000000;1;6;0.5;0.33;2;(0, 1, 3);0.010636;0.010540202633296875 +1000000;1;6;0.5;0.33;2;(0, 1, 4);0.010439;0.010540202633296877 +1000000;1;6;0.5;0.33;2;(0, 1, 5);0.01046;0.010540202633296877 +1000000;1;6;0.5;0.33;2;(0, 2, 3);0.005897;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(0, 2, 4);0.005804;0.005794714977046876 +1000000;1;6;0.5;0.33;2;(0, 2, 5);0.00586;0.005794714977046876 +1000000;1;6;0.5;0.33;2;(0, 3, 4);0.005811;0.005794714977046874 +1000000;1;6;0.5;0.33;2;(0, 3, 5);0.005749;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(0, 4, 5);0.005715;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(1, 2, 3);0.005775;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(1, 2, 4);0.005741;0.005794714977046876 +1000000;1;6;0.5;0.33;2;(1, 2, 5);0.005777;0.005794714977046876 +1000000;1;6;0.5;0.33;2;(1, 3, 4);0.005921;0.005794714977046874 +1000000;1;6;0.5;0.33;2;(1, 3, 5);0.005738;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(1, 4, 5);0.005836;0.005794714977046875 +1000000;1;6;0.5;0.33;2;(2, 3, 4);0.001043;0.001049227320796875 +1000000;1;6;0.5;0.33;2;(2, 3, 5);0.001028;0.0010492273207968748 +1000000;1;6;0.5;0.33;2;(2, 4, 5);0.001014;0.0010492273207968748 +1000000;1;6;0.5;0.33;2;(3, 4, 5);0.001088;0.0010492273207968748 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 3);0.002097;0.0020827945323281254 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 4);0.001959;0.0020827945323281254 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 5);0.002117;0.0020827945323281254 +1000000;1;6;0.5;0.33;2;(0, 1, 3, 4);0.002056;0.0020827945323281254 +1000000;1;6;0.5;0.33;2;(0, 1, 3, 5);0.002202;0.002082794532328125 +1000000;1;6;0.5;0.33;2;(0, 1, 4, 5);0.002055;0.0020827945323281254 +1000000;1;6;0.5;0.33;2;(0, 2, 3, 4);0.001143;0.0011450634385781252 +1000000;1;6;0.5;0.33;2;(0, 2, 3, 5);0.001145;0.001145063438578125 +1000000;1;6;0.5;0.33;2;(0, 2, 4, 5);0.001199;0.0011450634385781252 +1000000;1;6;0.5;0.33;2;(0, 3, 4, 5);0.00112;0.001145063438578125 +1000000;1;6;0.5;0.33;2;(1, 2, 3, 4);0.001233;0.0011450634385781252 +1000000;1;6;0.5;0.33;2;(1, 2, 3, 5);0.001126;0.001145063438578125 +1000000;1;6;0.5;0.33;2;(1, 2, 4, 5);0.001193;0.0011450634385781252 +1000000;1;6;0.5;0.33;2;(1, 3, 4, 5);0.001126;0.001145063438578125 +1000000;1;6;0.5;0.33;2;(2, 3, 4, 5);0.000188;0.000207332344828125 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 3, 4);0.000407;0.00041157017704687514 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 3, 5);0.000427;0.0004115701770468751 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 4, 5);0.000389;0.0004115701770468751 +1000000;1;6;0.5;0.33;2;(0, 1, 3, 4, 5);0.000413;0.0004115701770468751 +1000000;1;6;0.5;0.33;2;(0, 2, 3, 4, 5);0.000232;0.00022627002079687506 +1000000;1;6;0.5;0.33;2;(1, 2, 3, 4, 5);0.000231;0.00022627002079687506 +1000000;1;6;0.5;0.33;2;(0, 1, 2, 3, 4, 5);7.4e-05;8.132823857812503e-05 +1000000;1;6;0.5;0.25;3;(0,);0.125567;0.12517420450846353 +1000000;1;6;0.5;0.25;3;(1,);0.125343;0.12517420450846353 +1000000;1;6;0.5;0.25;3;(2,);0.125329;0.12517420450846353 +1000000;1;6;0.5;0.25;3;(3,);0.027215;0.027477264404296875 +1000000;1;6;0.5;0.25;3;(4,);0.027411;0.027477264404296875 +1000000;1;6;0.5;0.25;3;(5,);0.027469;0.027477264404296875 +1000000;1;6;0.5;0.25;3;(0, 1);0.031765;0.03183873494466146 +1000000;1;6;0.5;0.25;3;(0, 2);0.031819;0.03183873494466146 +1000000;1;6;0.5;0.25;3;(0, 3);0.017648;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(0, 4);0.017903;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(0, 5);0.017884;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(1, 2);0.03162;0.03183873494466146 +1000000;1;6;0.5;0.25;3;(1, 3);0.017958;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(1, 4);0.017817;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(1, 5);0.018073;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(2, 3);0.017802;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(2, 4);0.017827;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(2, 5);0.017946;0.017882029215494793 +1000000;1;6;0.5;0.25;3;(3, 4);0.003911;0.003925323486328125 +1000000;1;6;0.5;0.25;3;(3, 5);0.003858;0.003925323486328125 +1000000;1;6;0.5;0.25;3;(4, 5);0.004013;0.003925323486328125 +1000000;1;6;0.5;0.25;3;(0, 1, 2);0.006538;0.006542205810546875 +1000000;1;6;0.5;0.25;3;(0, 1, 3);0.004507;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 1, 4);0.004492;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 1, 5);0.00458;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 2, 3);0.004676;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 2, 4);0.004611;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 2, 5);0.004474;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(0, 3, 4);0.002638;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(0, 3, 5);0.002584;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(0, 4, 5);0.002526;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(1, 2, 3);0.004462;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(1, 2, 4);0.004472;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(1, 2, 5);0.004596;0.004548390706380208 +1000000;1;6;0.5;0.25;3;(1, 3, 4);0.002588;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(1, 3, 5);0.002514;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(1, 4, 5);0.002576;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(2, 3, 4);0.002562;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(2, 3, 5);0.002543;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(2, 4, 5);0.002576;0.0025545756022135415 +1000000;1;6;0.5;0.25;3;(3, 4, 5);0.000516;0.000560760498046875 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 3);0.000939;0.000934600830078125 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 4);0.000961;0.000934600830078125 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 5);0.000887;0.000934600830078125 +1000000;1;6;0.5;0.25;3;(0, 1, 3, 4);0.000668;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 1, 3, 5);0.000597;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 1, 4, 5);0.000639;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 2, 3, 4);0.000631;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 2, 3, 5);0.000652;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 2, 4, 5);0.000648;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(0, 3, 4, 5);0.000348;0.0003649393717447917 +1000000;1;6;0.5;0.25;3;(1, 2, 3, 4);0.000673;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(1, 2, 3, 5);0.000632;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(1, 2, 4, 5);0.00069;0.0006497701009114584 +1000000;1;6;0.5;0.25;3;(1, 3, 4, 5);0.000354;0.0003649393717447917 +1000000;1;6;0.5;0.25;3;(2, 3, 4, 5);0.000342;0.0003649393717447917 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 3, 4);0.000141;0.000133514404296875 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 3, 5);0.000133;0.000133514404296875 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 4, 5);0.000137;0.000133514404296875 +1000000;1;6;0.5;0.25;3;(0, 1, 3, 4, 5);8.6e-05;9.282430013020833e-05 +1000000;1;6;0.5;0.25;3;(0, 2, 3, 4, 5);8e-05;9.282430013020833e-05 +1000000;1;6;0.5;0.25;3;(1, 2, 3, 4, 5);9.6e-05;9.282430013020833e-05 +1000000;1;6;0.5;0.25;3;(0, 1, 2, 3, 4, 5);2.4e-05;1.9073486328125e-05 +1000000;1;6;0.5;0.33;3;(0,);0.108577;0.10789088238121353 +1000000;1;6;0.5;0.33;3;(1,);0.10739;0.10789088238121353 +1000000;1;6;0.5;0.33;3;(2,);0.108228;0.10789088238121351 +1000000;1;6;0.5;0.33;3;(3,);0.026869;0.026870432277046868 +1000000;1;6;0.5;0.33;3;(4,);0.026452;0.026870432277046868 +1000000;1;6;0.5;0.33;3;(5,);0.026795;0.026870432277046868 +1000000;1;6;0.5;0.33;3;(0, 1);0.037114;0.03732978426357813 +1000000;1;6;0.5;0.33;3;(0, 2);0.037382;0.03732978426357813 +1000000;1;6;0.5;0.33;3;(0, 3);0.021502;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(0, 4);0.021114;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(0, 5);0.02124;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(1, 2);0.037366;0.03732978426357813 +1000000;1;6;0.5;0.33;3;(1, 3);0.021304;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(1, 4);0.021438;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(1, 5);0.021399;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(2, 3);0.021416;0.021319755201078126 +1000000;1;6;0.5;0.33;3;(2, 4);0.021296;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(2, 5);0.021582;0.021319755201078122 +1000000;1;6;0.5;0.33;3;(3, 4);0.005244;0.0053097261385781245 +1000000;1;6;0.5;0.33;3;(3, 5);0.005289;0.0053097261385781245 +1000000;1;6;0.5;0.33;3;(4, 5);0.005265;0.0053097261385781245 +1000000;1;6;0.5;0.33;3;(0, 1, 2);0.010603;0.010540202633296877 +1000000;1;6;0.5;0.33;3;(0, 1, 3);0.007392;0.007376544195796875 +1000000;1;6;0.5;0.33;3;(0, 1, 4);0.00721;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(0, 1, 5);0.007254;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(0, 2, 3);0.007405;0.007376544195796875 +1000000;1;6;0.5;0.33;3;(0, 2, 4);0.007407;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(0, 2, 5);0.007269;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(0, 3, 4);0.00432;0.0042128857582968745 +1000000;1;6;0.5;0.33;3;(0, 3, 5);0.004251;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(0, 4, 5);0.004125;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(1, 2, 3);0.007397;0.007376544195796875 +1000000;1;6;0.5;0.33;3;(1, 2, 4);0.007316;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(1, 2, 5);0.007526;0.007376544195796877 +1000000;1;6;0.5;0.33;3;(1, 3, 4);0.00423;0.0042128857582968745 +1000000;1;6;0.5;0.33;3;(1, 3, 5);0.004269;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(1, 4, 5);0.004195;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(2, 3, 4);0.004221;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(2, 3, 5);0.004132;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(2, 4, 5);0.00434;0.004212885758296875 +1000000;1;6;0.5;0.33;3;(3, 4, 5);0.001054;0.0010492273207968748 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 3);0.002108;0.0020827945323281254 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 4);0.002026;0.0020827945323281254 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 5);0.00211;0.0020827945323281254 +1000000;1;6;0.5;0.33;3;(0, 1, 3, 4);0.001425;0.0014576404698281255 +1000000;1;6;0.5;0.33;3;(0, 1, 3, 5);0.001458;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(0, 1, 4, 5);0.001484;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(0, 2, 3, 4);0.00146;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(0, 2, 3, 5);0.001408;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(0, 2, 4, 5);0.001484;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(0, 3, 4, 5);0.000856;0.000832486407328125 +1000000;1;6;0.5;0.33;3;(1, 2, 3, 4);0.001447;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(1, 2, 3, 5);0.001468;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(1, 2, 4, 5);0.001445;0.001457640469828125 +1000000;1;6;0.5;0.33;3;(1, 3, 4, 5);0.000891;0.000832486407328125 +1000000;1;6;0.5;0.33;3;(2, 3, 4, 5);0.000791;0.0008324864073281251 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 3, 4);0.000427;0.00041157017704687514 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 3, 5);0.000402;0.00041157017704687514 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 4, 5);0.00044;0.00041157017704687514 +1000000;1;6;0.5;0.33;3;(0, 1, 3, 4, 5);0.000284;0.00028803673954687505 +1000000;1;6;0.5;0.33;3;(0, 2, 3, 4, 5);0.000294;0.00028803673954687505 +1000000;1;6;0.5;0.33;3;(1, 2, 3, 4, 5);0.000303;0.00028803673954687505 +1000000;1;6;0.5;0.33;3;(0, 1, 2, 3, 4, 5);8.6e-05;8.132823857812503e-05 diff --git a/validation/csv/approval/impartial.csv b/validation/csv/approval/impartial.csv index 1a4379b..1b439de 100644 --- a/validation/csv/approval/impartial.csv +++ b/validation/csv/approval/impartial.csv @@ -1,289 +1,283 @@ num_samples;num_voters;num_candidates;p;outcome;observed_freq;theoretical_freq -1000000;1;5;0.3;();0.168715;0.16806999999999994 -1000000;1;5;0.3;(0,);0.071781;0.07202999999999998 -1000000;1;5;0.3;(1,);0.071958;0.07202999999999998 -1000000;1;5;0.3;(2,);0.071905;0.07202999999999998 -1000000;1;5;0.3;(3,);0.07153;0.07202999999999998 -1000000;1;5;0.3;(4,);0.072098;0.07202999999999998 -1000000;1;5;0.3;(0, 1);0.030852;0.03086999999999999 -1000000;1;5;0.3;(0, 2);0.030963;0.03086999999999999 -1000000;1;5;0.3;(0, 3);0.030867;0.03086999999999999 -1000000;1;5;0.3;(0, 4);0.030935;0.03086999999999999 -1000000;1;5;0.3;(1, 2);0.030823;0.03086999999999999 -1000000;1;5;0.3;(1, 3);0.030768;0.03086999999999999 -1000000;1;5;0.3;(1, 4);0.031043;0.03086999999999999 -1000000;1;5;0.3;(2, 3);0.031069;0.03086999999999999 -1000000;1;5;0.3;(2, 4);0.031085;0.03086999999999999 -1000000;1;5;0.3;(3, 4);0.030647;0.03086999999999999 -1000000;1;5;0.3;(0, 1, 2);0.013352;0.013229999999999997 -1000000;1;5;0.3;(0, 1, 3);0.013274;0.013229999999999997 -1000000;1;5;0.3;(0, 1, 4);0.012985;0.013229999999999997 -1000000;1;5;0.3;(0, 2, 3);0.013158;0.013229999999999997 -1000000;1;5;0.3;(0, 2, 4);0.013177;0.013229999999999997 -1000000;1;5;0.3;(0, 3, 4);0.013201;0.013229999999999997 -1000000;1;5;0.3;(1, 2, 3);0.013319;0.013229999999999997 -1000000;1;5;0.3;(1, 2, 4);0.013281;0.013229999999999997 -1000000;1;5;0.3;(1, 3, 4);0.013052;0.013229999999999997 -1000000;1;5;0.3;(2, 3, 4);0.013366;0.013229999999999997 -1000000;1;5;0.3;(0, 1, 2, 3);0.005688;0.00567 -1000000;1;5;0.3;(0, 1, 2, 4);0.005537;0.00567 -1000000;1;5;0.3;(0, 1, 3, 4);0.005676;0.00567 -1000000;1;5;0.3;(0, 2, 3, 4);0.005803;0.00567 -1000000;1;5;0.3;(1, 2, 3, 4);0.00561;0.00567 -1000000;1;5;0.3;(0, 1, 2, 3, 4);0.002482;0.0024299999999999994 -1000000;1;5;0.5;();0.031418;0.03125 -1000000;1;5;0.5;(0,);0.031393;0.03125 -1000000;1;5;0.5;(1,);0.031094;0.03125 -1000000;1;5;0.5;(2,);0.031342;0.03125 -1000000;1;5;0.5;(3,);0.031125;0.03125 -1000000;1;5;0.5;(4,);0.031339;0.03125 -1000000;1;5;0.5;(0, 1);0.03158;0.03125 -1000000;1;5;0.5;(0, 2);0.031495;0.03125 -1000000;1;5;0.5;(0, 3);0.031096;0.03125 -1000000;1;5;0.5;(0, 4);0.030964;0.03125 -1000000;1;5;0.5;(1, 2);0.031286;0.03125 -1000000;1;5;0.5;(1, 3);0.031364;0.03125 -1000000;1;5;0.5;(1, 4);0.030795;0.03125 -1000000;1;5;0.5;(2, 3);0.031144;0.03125 -1000000;1;5;0.5;(2, 4);0.031227;0.03125 -1000000;1;5;0.5;(3, 4);0.031293;0.03125 -1000000;1;5;0.5;(0, 1, 2);0.031304;0.03125 -1000000;1;5;0.5;(0, 1, 3);0.031205;0.03125 -1000000;1;5;0.5;(0, 1, 4);0.031337;0.03125 -1000000;1;5;0.5;(0, 2, 3);0.031342;0.03125 -1000000;1;5;0.5;(0, 2, 4);0.031311;0.03125 -1000000;1;5;0.5;(0, 3, 4);0.031346;0.03125 -1000000;1;5;0.5;(1, 2, 3);0.031123;0.03125 -1000000;1;5;0.5;(1, 2, 4);0.031339;0.03125 -1000000;1;5;0.5;(1, 3, 4);0.031318;0.03125 -1000000;1;5;0.5;(2, 3, 4);0.031182;0.03125 -1000000;1;5;0.5;(0, 1, 2, 3);0.031271;0.03125 -1000000;1;5;0.5;(0, 1, 2, 4);0.031261;0.03125 -1000000;1;5;0.5;(0, 1, 3, 4);0.031342;0.03125 -1000000;1;5;0.5;(0, 2, 3, 4);0.030993;0.03125 -1000000;1;5;0.5;(1, 2, 3, 4);0.031252;0.03125 -1000000;1;5;0.5;(0, 1, 2, 3, 4);0.031119;0.03125 -1000000;1;5;0.7;();0.002369;0.0024300000000000016 -1000000;1;5;0.7;(0,);0.0056;0.005670000000000003 -1000000;1;5;0.7;(1,);0.005568;0.005670000000000003 -1000000;1;5;0.7;(2,);0.005632;0.005670000000000003 -1000000;1;5;0.7;(3,);0.005675;0.005670000000000003 -1000000;1;5;0.7;(4,);0.005518;0.005670000000000003 -1000000;1;5;0.7;(0, 1);0.013242;0.013230000000000006 -1000000;1;5;0.7;(0, 2);0.013153;0.013230000000000006 -1000000;1;5;0.7;(0, 3);0.013213;0.013230000000000006 -1000000;1;5;0.7;(0, 4);0.013472;0.013230000000000006 -1000000;1;5;0.7;(1, 2);0.013287;0.013230000000000006 -1000000;1;5;0.7;(1, 3);0.013216;0.013230000000000006 -1000000;1;5;0.7;(1, 4);0.013211;0.013230000000000006 -1000000;1;5;0.7;(2, 3);0.012948;0.013230000000000006 -1000000;1;5;0.7;(2, 4);0.013133;0.013230000000000006 -1000000;1;5;0.7;(3, 4);0.013128;0.013230000000000006 -1000000;1;5;0.7;(0, 1, 2);0.030986;0.03087 -1000000;1;5;0.7;(0, 1, 3);0.030846;0.03087 -1000000;1;5;0.7;(0, 1, 4);0.030663;0.03087 -1000000;1;5;0.7;(0, 2, 3);0.030778;0.03087 -1000000;1;5;0.7;(0, 2, 4);0.030812;0.03087 -1000000;1;5;0.7;(0, 3, 4);0.030845;0.03087 -1000000;1;5;0.7;(1, 2, 3);0.031167;0.03087 -1000000;1;5;0.7;(1, 2, 4);0.030817;0.03087 -1000000;1;5;0.7;(1, 3, 4);0.030599;0.03087 -1000000;1;5;0.7;(2, 3, 4);0.030882;0.03087 -1000000;1;5;0.7;(0, 1, 2, 3);0.072457;0.07203 -1000000;1;5;0.7;(0, 1, 2, 4);0.072145;0.07203 -1000000;1;5;0.7;(0, 1, 3, 4);0.071561;0.07203 -1000000;1;5;0.7;(0, 2, 3, 4);0.07213;0.07203 -1000000;1;5;0.7;(1, 2, 3, 4);0.07237;0.07203 -1000000;1;5;0.7;(0, 1, 2, 3, 4);0.168577;0.16806999999999994 -1000000;1;6;0.3;();0.117796;0.11764899999999996 -1000000;1;6;0.3;(0,);0.050483;0.05042099999999998 -1000000;1;6;0.3;(1,);0.050063;0.05042099999999998 -1000000;1;6;0.3;(2,);0.050149;0.05042099999999998 -1000000;1;6;0.3;(3,);0.050354;0.05042099999999998 -1000000;1;6;0.3;(4,);0.050795;0.05042099999999998 -1000000;1;6;0.3;(5,);0.050306;0.05042099999999998 -1000000;1;6;0.3;(0, 1);0.021832;0.021608999999999996 -1000000;1;6;0.3;(0, 2);0.021483;0.021608999999999996 -1000000;1;6;0.3;(0, 3);0.021602;0.021608999999999996 -1000000;1;6;0.3;(0, 4);0.021741;0.021608999999999996 -1000000;1;6;0.3;(0, 5);0.02177;0.021608999999999996 -1000000;1;6;0.3;(1, 2);0.021718;0.021608999999999996 -1000000;1;6;0.3;(1, 3);0.021519;0.021608999999999996 -1000000;1;6;0.3;(1, 4);0.021564;0.021608999999999996 -1000000;1;6;0.3;(1, 5);0.021676;0.021608999999999996 -1000000;1;6;0.3;(2, 3);0.021603;0.021608999999999996 -1000000;1;6;0.3;(2, 4);0.021684;0.021608999999999996 -1000000;1;6;0.3;(2, 5);0.021724;0.021608999999999996 -1000000;1;6;0.3;(3, 4);0.021569;0.021608999999999996 -1000000;1;6;0.3;(3, 5);0.021581;0.021608999999999996 -1000000;1;6;0.3;(4, 5);0.021629;0.021608999999999996 -1000000;1;6;0.3;(0, 1, 2);0.009027;0.009260999999999997 -1000000;1;6;0.3;(0, 1, 3);0.009224;0.009260999999999997 -1000000;1;6;0.3;(0, 1, 4);0.00928;0.009260999999999997 -1000000;1;6;0.3;(0, 1, 5);0.009204;0.009260999999999997 -1000000;1;6;0.3;(0, 2, 3);0.009375;0.009260999999999997 -1000000;1;6;0.3;(0, 2, 4);0.009106;0.009260999999999997 -1000000;1;6;0.3;(0, 2, 5);0.009245;0.009260999999999997 -1000000;1;6;0.3;(0, 3, 4);0.0093;0.009260999999999997 -1000000;1;6;0.3;(0, 3, 5);0.009212;0.009260999999999997 -1000000;1;6;0.3;(0, 4, 5);0.009323;0.009260999999999997 -1000000;1;6;0.3;(1, 2, 3);0.009301;0.009260999999999997 -1000000;1;6;0.3;(1, 2, 4);0.009206;0.009260999999999997 -1000000;1;6;0.3;(1, 2, 5);0.009137;0.009260999999999997 -1000000;1;6;0.3;(1, 3, 4);0.009292;0.009260999999999997 -1000000;1;6;0.3;(1, 3, 5);0.009231;0.009260999999999997 -1000000;1;6;0.3;(1, 4, 5);0.009245;0.009260999999999997 -1000000;1;6;0.3;(2, 3, 4);0.009437;0.009260999999999997 -1000000;1;6;0.3;(2, 3, 5);0.009305;0.009260999999999997 -1000000;1;6;0.3;(2, 4, 5);0.009206;0.009260999999999997 -1000000;1;6;0.3;(3, 4, 5);0.009355;0.009260999999999997 -1000000;1;6;0.3;(0, 1, 2, 3);0.003925;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 2, 4);0.004004;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 2, 5);0.003841;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 3, 4);0.003987;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 3, 5);0.004004;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 4, 5);0.003895;0.0039689999999999994 -1000000;1;6;0.3;(0, 2, 3, 4);0.003945;0.0039689999999999994 -1000000;1;6;0.3;(0, 2, 3, 5);0.0039;0.0039689999999999994 -1000000;1;6;0.3;(0, 2, 4, 5);0.003981;0.0039689999999999994 -1000000;1;6;0.3;(0, 3, 4, 5);0.003895;0.0039689999999999994 -1000000;1;6;0.3;(1, 2, 3, 4);0.003942;0.0039689999999999994 -1000000;1;6;0.3;(1, 2, 3, 5);0.003924;0.0039689999999999994 -1000000;1;6;0.3;(1, 2, 4, 5);0.004068;0.0039689999999999994 -1000000;1;6;0.3;(1, 3, 4, 5);0.004144;0.0039689999999999994 -1000000;1;6;0.3;(2, 3, 4, 5);0.00392;0.0039689999999999994 -1000000;1;6;0.3;(0, 1, 2, 3, 4);0.001647;0.0017009999999999996 -1000000;1;6;0.3;(0, 1, 2, 3, 5);0.001705;0.0017009999999999996 -1000000;1;6;0.3;(0, 1, 2, 4, 5);0.001691;0.0017009999999999996 -1000000;1;6;0.3;(0, 1, 3, 4, 5);0.00174;0.0017009999999999996 -1000000;1;6;0.3;(0, 2, 3, 4, 5);0.001778;0.0017009999999999996 -1000000;1;6;0.3;(1, 2, 3, 4, 5);0.001693;0.0017009999999999996 -1000000;1;6;0.3;(0, 1, 2, 3, 4, 5);0.000719;0.0007289999999999998 -1000000;1;6;0.5;();0.015704;0.015625 -1000000;1;6;0.5;(0,);0.01549;0.015625 -1000000;1;6;0.5;(1,);0.015587;0.015625 -1000000;1;6;0.5;(2,);0.015634;0.015625 -1000000;1;6;0.5;(3,);0.015791;0.015625 -1000000;1;6;0.5;(4,);0.015448;0.015625 -1000000;1;6;0.5;(5,);0.015589;0.015625 -1000000;1;6;0.5;(0, 1);0.015516;0.015625 -1000000;1;6;0.5;(0, 2);0.015595;0.015625 -1000000;1;6;0.5;(0, 3);0.015569;0.015625 -1000000;1;6;0.5;(0, 4);0.015742;0.015625 -1000000;1;6;0.5;(0, 5);0.015833;0.015625 -1000000;1;6;0.5;(1, 2);0.015555;0.015625 -1000000;1;6;0.5;(1, 3);0.015637;0.015625 -1000000;1;6;0.5;(1, 4);0.01556;0.015625 -1000000;1;6;0.5;(1, 5);0.015496;0.015625 -1000000;1;6;0.5;(2, 3);0.015633;0.015625 -1000000;1;6;0.5;(2, 4);0.01561;0.015625 -1000000;1;6;0.5;(2, 5);0.01559;0.015625 -1000000;1;6;0.5;(3, 4);0.015739;0.015625 -1000000;1;6;0.5;(3, 5);0.015902;0.015625 -1000000;1;6;0.5;(4, 5);0.015287;0.015625 -1000000;1;6;0.5;(0, 1, 2);0.015596;0.015625 -1000000;1;6;0.5;(0, 1, 3);0.015683;0.015625 -1000000;1;6;0.5;(0, 1, 4);0.015649;0.015625 -1000000;1;6;0.5;(0, 1, 5);0.015674;0.015625 -1000000;1;6;0.5;(0, 2, 3);0.015591;0.015625 -1000000;1;6;0.5;(0, 2, 4);0.015856;0.015625 -1000000;1;6;0.5;(0, 2, 5);0.015645;0.015625 -1000000;1;6;0.5;(0, 3, 4);0.015695;0.015625 -1000000;1;6;0.5;(0, 3, 5);0.015673;0.015625 -1000000;1;6;0.5;(0, 4, 5);0.015892;0.015625 -1000000;1;6;0.5;(1, 2, 3);0.015365;0.015625 -1000000;1;6;0.5;(1, 2, 4);0.01534;0.015625 -1000000;1;6;0.5;(1, 2, 5);0.015772;0.015625 -1000000;1;6;0.5;(1, 3, 4);0.015661;0.015625 -1000000;1;6;0.5;(1, 3, 5);0.015591;0.015625 -1000000;1;6;0.5;(1, 4, 5);0.015759;0.015625 -1000000;1;6;0.5;(2, 3, 4);0.015365;0.015625 -1000000;1;6;0.5;(2, 3, 5);0.015741;0.015625 -1000000;1;6;0.5;(2, 4, 5);0.015479;0.015625 -1000000;1;6;0.5;(3, 4, 5);0.01536;0.015625 -1000000;1;6;0.5;(0, 1, 2, 3);0.015669;0.015625 -1000000;1;6;0.5;(0, 1, 2, 4);0.015424;0.015625 -1000000;1;6;0.5;(0, 1, 2, 5);0.015738;0.015625 -1000000;1;6;0.5;(0, 1, 3, 4);0.015576;0.015625 -1000000;1;6;0.5;(0, 1, 3, 5);0.015344;0.015625 -1000000;1;6;0.5;(0, 1, 4, 5);0.015562;0.015625 -1000000;1;6;0.5;(0, 2, 3, 4);0.01574;0.015625 -1000000;1;6;0.5;(0, 2, 3, 5);0.01581;0.015625 -1000000;1;6;0.5;(0, 2, 4, 5);0.015579;0.015625 -1000000;1;6;0.5;(0, 3, 4, 5);0.015761;0.015625 -1000000;1;6;0.5;(1, 2, 3, 4);0.015579;0.015625 -1000000;1;6;0.5;(1, 2, 3, 5);0.01568;0.015625 -1000000;1;6;0.5;(1, 2, 4, 5);0.015712;0.015625 -1000000;1;6;0.5;(1, 3, 4, 5);0.015523;0.015625 -1000000;1;6;0.5;(2, 3, 4, 5);0.015843;0.015625 -1000000;1;6;0.5;(0, 1, 2, 3, 4);0.015655;0.015625 -1000000;1;6;0.5;(0, 1, 2, 3, 5);0.015684;0.015625 -1000000;1;6;0.5;(0, 1, 2, 4, 5);0.01561;0.015625 -1000000;1;6;0.5;(0, 1, 3, 4, 5);0.015426;0.015625 -1000000;1;6;0.5;(0, 2, 3, 4, 5);0.015795;0.015625 -1000000;1;6;0.5;(1, 2, 3, 4, 5);0.015726;0.015625 -1000000;1;6;0.5;(0, 1, 2, 3, 4, 5);0.01567;0.015625 -1000000;1;6;0.7;();0.00072;0.0007290000000000007 -1000000;1;6;0.7;(0,);0.001667;0.0017010000000000011 -1000000;1;6;0.7;(1,);0.001646;0.0017010000000000011 -1000000;1;6;0.7;(2,);0.001748;0.0017010000000000011 -1000000;1;6;0.7;(3,);0.001686;0.0017010000000000011 -1000000;1;6;0.7;(4,);0.001722;0.0017010000000000011 -1000000;1;6;0.7;(5,);0.00166;0.0017010000000000011 -1000000;1;6;0.7;(0, 1);0.003862;0.003969000000000002 -1000000;1;6;0.7;(0, 2);0.004017;0.003969000000000002 -1000000;1;6;0.7;(0, 3);0.003913;0.003969000000000002 -1000000;1;6;0.7;(0, 4);0.003904;0.003969000000000002 -1000000;1;6;0.7;(0, 5);0.003989;0.003969000000000002 -1000000;1;6;0.7;(1, 2);0.003977;0.003969000000000002 -1000000;1;6;0.7;(1, 3);0.003904;0.003969000000000002 -1000000;1;6;0.7;(1, 4);0.004007;0.003969000000000002 -1000000;1;6;0.7;(1, 5);0.004021;0.003969000000000002 -1000000;1;6;0.7;(2, 3);0.004038;0.003969000000000002 -1000000;1;6;0.7;(2, 4);0.003975;0.003969000000000002 -1000000;1;6;0.7;(2, 5);0.00399;0.003969000000000002 -1000000;1;6;0.7;(3, 4);0.00401;0.003969000000000002 -1000000;1;6;0.7;(3, 5);0.003944;0.003969000000000002 -1000000;1;6;0.7;(4, 5);0.004013;0.003969000000000002 -1000000;1;6;0.7;(0, 1, 2);0.009383;0.009261000000000002 -1000000;1;6;0.7;(0, 1, 3);0.009293;0.009261000000000002 -1000000;1;6;0.7;(0, 1, 4);0.009186;0.009261000000000002 -1000000;1;6;0.7;(0, 1, 5);0.009345;0.009261000000000002 -1000000;1;6;0.7;(0, 2, 3);0.009234;0.009261000000000002 -1000000;1;6;0.7;(0, 2, 4);0.009408;0.009261000000000002 -1000000;1;6;0.7;(0, 2, 5);0.009348;0.009261000000000002 -1000000;1;6;0.7;(0, 3, 4);0.009081;0.009261000000000002 -1000000;1;6;0.7;(0, 3, 5);0.009323;0.009261000000000002 -1000000;1;6;0.7;(0, 4, 5);0.009246;0.009261000000000002 -1000000;1;6;0.7;(1, 2, 3);0.009261;0.009261000000000002 -1000000;1;6;0.7;(1, 2, 4);0.009239;0.009261000000000002 -1000000;1;6;0.7;(1, 2, 5);0.009423;0.009261000000000002 -1000000;1;6;0.7;(1, 3, 4);0.009206;0.009261000000000002 -1000000;1;6;0.7;(1, 3, 5);0.00942;0.009261000000000002 -1000000;1;6;0.7;(1, 4, 5);0.009319;0.009261000000000002 -1000000;1;6;0.7;(2, 3, 4);0.009136;0.009261000000000002 -1000000;1;6;0.7;(2, 3, 5);0.009058;0.009261000000000002 -1000000;1;6;0.7;(2, 4, 5);0.00924;0.009261000000000002 -1000000;1;6;0.7;(3, 4, 5);0.009351;0.009261000000000002 -1000000;1;6;0.7;(0, 1, 2, 3);0.021931;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 2, 4);0.021558;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 2, 5);0.02154;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 3, 4);0.021475;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 3, 5);0.021584;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 4, 5);0.021624;0.021609000000000003 -1000000;1;6;0.7;(0, 2, 3, 4);0.0217;0.021609000000000003 -1000000;1;6;0.7;(0, 2, 3, 5);0.021652;0.021609000000000003 -1000000;1;6;0.7;(0, 2, 4, 5);0.021696;0.021609000000000003 -1000000;1;6;0.7;(0, 3, 4, 5);0.02159;0.021609000000000003 -1000000;1;6;0.7;(1, 2, 3, 4);0.021546;0.021609000000000003 -1000000;1;6;0.7;(1, 2, 3, 5);0.021615;0.021609000000000003 -1000000;1;6;0.7;(1, 2, 4, 5);0.021605;0.021609000000000003 -1000000;1;6;0.7;(1, 3, 4, 5);0.021514;0.021609000000000003 -1000000;1;6;0.7;(2, 3, 4, 5);0.021587;0.021609000000000003 -1000000;1;6;0.7;(0, 1, 2, 3, 4);0.050239;0.05042099999999999 -1000000;1;6;0.7;(0, 1, 2, 3, 5);0.05024;0.05042099999999999 -1000000;1;6;0.7;(0, 1, 2, 4, 5);0.05054;0.05042099999999999 -1000000;1;6;0.7;(0, 1, 3, 4, 5);0.050346;0.05042099999999999 -1000000;1;6;0.7;(0, 2, 3, 4, 5);0.050426;0.05042099999999999 -1000000;1;6;0.7;(1, 2, 3, 4, 5);0.050619;0.05042099999999999 -1000000;1;6;0.7;(0, 1, 2, 3, 4, 5);0.11746;0.11764899999999996 +1000000;1;5;0.3;(0,);0.072416;0.07202999999999998 +1000000;1;5;0.3;(1,);0.072029;0.07202999999999998 +1000000;1;5;0.3;(2,);0.072266;0.07202999999999998 +1000000;1;5;0.3;(3,);0.072045;0.07202999999999998 +1000000;1;5;0.3;(4,);0.0721;0.07202999999999998 +1000000;1;5;0.3;(0, 1);0.030909;0.03086999999999999 +1000000;1;5;0.3;(0, 2);0.030732;0.03086999999999999 +1000000;1;5;0.3;(0, 3);0.030717;0.03086999999999999 +1000000;1;5;0.3;(0, 4);0.030755;0.03086999999999999 +1000000;1;5;0.3;(1, 2);0.030976;0.03086999999999999 +1000000;1;5;0.3;(1, 3);0.030683;0.03086999999999999 +1000000;1;5;0.3;(1, 4);0.030677;0.03086999999999999 +1000000;1;5;0.3;(2, 3);0.030777;0.03086999999999999 +1000000;1;5;0.3;(2, 4);0.031142;0.03086999999999999 +1000000;1;5;0.3;(3, 4);0.030819;0.03086999999999999 +1000000;1;5;0.3;(0, 1, 2);0.013422;0.013229999999999997 +1000000;1;5;0.3;(0, 1, 3);0.013321;0.013229999999999997 +1000000;1;5;0.3;(0, 1, 4);0.013174;0.013229999999999997 +1000000;1;5;0.3;(0, 2, 3);0.013308;0.013229999999999997 +1000000;1;5;0.3;(0, 2, 4);0.013028;0.013229999999999997 +1000000;1;5;0.3;(0, 3, 4);0.013146;0.013229999999999997 +1000000;1;5;0.3;(1, 2, 3);0.013115;0.013229999999999997 +1000000;1;5;0.3;(1, 2, 4);0.013243;0.013229999999999997 +1000000;1;5;0.3;(1, 3, 4);0.013035;0.013229999999999997 +1000000;1;5;0.3;(2, 3, 4);0.013134;0.013229999999999997 +1000000;1;5;0.3;(0, 1, 2, 3);0.005694;0.00567 +1000000;1;5;0.3;(0, 1, 2, 4);0.005696;0.00567 +1000000;1;5;0.3;(0, 1, 3, 4);0.005687;0.00567 +1000000;1;5;0.3;(0, 2, 3, 4);0.005669;0.00567 +1000000;1;5;0.3;(1, 2, 3, 4);0.005684;0.00567 +1000000;1;5;0.3;(0, 1, 2, 3, 4);0.002455;0.0024299999999999994 +1000000;1;5;0.5;(0,);0.031352;0.03125 +1000000;1;5;0.5;(1,);0.031381;0.03125 +1000000;1;5;0.5;(2,);0.031255;0.03125 +1000000;1;5;0.5;(3,);0.031429;0.03125 +1000000;1;5;0.5;(4,);0.031309;0.03125 +1000000;1;5;0.5;(0, 1);0.031419;0.03125 +1000000;1;5;0.5;(0, 2);0.031018;0.03125 +1000000;1;5;0.5;(0, 3);0.031281;0.03125 +1000000;1;5;0.5;(0, 4);0.030982;0.03125 +1000000;1;5;0.5;(1, 2);0.031407;0.03125 +1000000;1;5;0.5;(1, 3);0.031173;0.03125 +1000000;1;5;0.5;(1, 4);0.03116;0.03125 +1000000;1;5;0.5;(2, 3);0.031254;0.03125 +1000000;1;5;0.5;(2, 4);0.031126;0.03125 +1000000;1;5;0.5;(3, 4);0.03137;0.03125 +1000000;1;5;0.5;(0, 1, 2);0.030924;0.03125 +1000000;1;5;0.5;(0, 1, 3);0.031443;0.03125 +1000000;1;5;0.5;(0, 1, 4);0.030971;0.03125 +1000000;1;5;0.5;(0, 2, 3);0.031672;0.03125 +1000000;1;5;0.5;(0, 2, 4);0.031297;0.03125 +1000000;1;5;0.5;(0, 3, 4);0.031275;0.03125 +1000000;1;5;0.5;(1, 2, 3);0.03123;0.03125 +1000000;1;5;0.5;(1, 2, 4);0.031409;0.03125 +1000000;1;5;0.5;(1, 3, 4);0.031315;0.03125 +1000000;1;5;0.5;(2, 3, 4);0.03093;0.03125 +1000000;1;5;0.5;(0, 1, 2, 3);0.031264;0.03125 +1000000;1;5;0.5;(0, 1, 2, 4);0.031236;0.03125 +1000000;1;5;0.5;(0, 1, 3, 4);0.031309;0.03125 +1000000;1;5;0.5;(0, 2, 3, 4);0.031049;0.03125 +1000000;1;5;0.5;(1, 2, 3, 4);0.031207;0.03125 +1000000;1;5;0.5;(0, 1, 2, 3, 4);0.031183;0.03125 +1000000;1;5;0.7;(0,);0.005774;0.005670000000000003 +1000000;1;5;0.7;(1,);0.005623;0.005670000000000003 +1000000;1;5;0.7;(2,);0.00563;0.005670000000000003 +1000000;1;5;0.7;(3,);0.005737;0.005670000000000003 +1000000;1;5;0.7;(4,);0.005734;0.005670000000000003 +1000000;1;5;0.7;(0, 1);0.013181;0.013230000000000006 +1000000;1;5;0.7;(0, 2);0.013262;0.013230000000000006 +1000000;1;5;0.7;(0, 3);0.01348;0.013230000000000006 +1000000;1;5;0.7;(0, 4);0.013242;0.013230000000000006 +1000000;1;5;0.7;(1, 2);0.01307;0.013230000000000006 +1000000;1;5;0.7;(1, 3);0.013301;0.013230000000000006 +1000000;1;5;0.7;(1, 4);0.013324;0.013230000000000006 +1000000;1;5;0.7;(2, 3);0.013315;0.013230000000000006 +1000000;1;5;0.7;(2, 4);0.013008;0.013230000000000006 +1000000;1;5;0.7;(3, 4);0.012986;0.013230000000000006 +1000000;1;5;0.7;(0, 1, 2);0.030823;0.03087 +1000000;1;5;0.7;(0, 1, 3);0.031001;0.03087 +1000000;1;5;0.7;(0, 1, 4);0.031115;0.03087 +1000000;1;5;0.7;(0, 2, 3);0.031078;0.03087 +1000000;1;5;0.7;(0, 2, 4);0.030907;0.03087 +1000000;1;5;0.7;(0, 3, 4);0.031035;0.03087 +1000000;1;5;0.7;(1, 2, 3);0.03082;0.03087 +1000000;1;5;0.7;(1, 2, 4);0.030529;0.03087 +1000000;1;5;0.7;(1, 3, 4);0.030911;0.03087 +1000000;1;5;0.7;(2, 3, 4);0.031059;0.03087 +1000000;1;5;0.7;(0, 1, 2, 3);0.07157;0.07203 +1000000;1;5;0.7;(0, 1, 2, 4);0.071763;0.07203 +1000000;1;5;0.7;(0, 1, 3, 4);0.071791;0.07203 +1000000;1;5;0.7;(0, 2, 3, 4);0.071872;0.07203 +1000000;1;5;0.7;(1, 2, 3, 4);0.071823;0.07203 +1000000;1;5;0.7;(0, 1, 2, 3, 4);0.168816;0.16806999999999994 +1000000;1;6;0.3;(0,);0.050556;0.05042099999999998 +1000000;1;6;0.3;(1,);0.049992;0.05042099999999998 +1000000;1;6;0.3;(2,);0.050423;0.05042099999999998 +1000000;1;6;0.3;(3,);0.05066;0.05042099999999998 +1000000;1;6;0.3;(4,);0.050532;0.05042099999999998 +1000000;1;6;0.3;(5,);0.050131;0.05042099999999998 +1000000;1;6;0.3;(0, 1);0.021663;0.021608999999999996 +1000000;1;6;0.3;(0, 2);0.021735;0.021608999999999996 +1000000;1;6;0.3;(0, 3);0.021465;0.021608999999999996 +1000000;1;6;0.3;(0, 4);0.021532;0.021608999999999996 +1000000;1;6;0.3;(0, 5);0.021593;0.021608999999999996 +1000000;1;6;0.3;(1, 2);0.021545;0.021608999999999996 +1000000;1;6;0.3;(1, 3);0.021474;0.021608999999999996 +1000000;1;6;0.3;(1, 4);0.021592;0.021608999999999996 +1000000;1;6;0.3;(1, 5);0.021684;0.021608999999999996 +1000000;1;6;0.3;(2, 3);0.02166;0.021608999999999996 +1000000;1;6;0.3;(2, 4);0.021207;0.021608999999999996 +1000000;1;6;0.3;(2, 5);0.021399;0.021608999999999996 +1000000;1;6;0.3;(3, 4);0.021647;0.021608999999999996 +1000000;1;6;0.3;(3, 5);0.02173;0.021608999999999996 +1000000;1;6;0.3;(4, 5);0.021586;0.021608999999999996 +1000000;1;6;0.3;(0, 1, 2);0.009196;0.009260999999999997 +1000000;1;6;0.3;(0, 1, 3);0.009306;0.009260999999999997 +1000000;1;6;0.3;(0, 1, 4);0.009305;0.009260999999999997 +1000000;1;6;0.3;(0, 1, 5);0.009185;0.009260999999999997 +1000000;1;6;0.3;(0, 2, 3);0.009331;0.009260999999999997 +1000000;1;6;0.3;(0, 2, 4);0.009247;0.009260999999999997 +1000000;1;6;0.3;(0, 2, 5);0.009515;0.009260999999999997 +1000000;1;6;0.3;(0, 3, 4);0.009337;0.009260999999999997 +1000000;1;6;0.3;(0, 3, 5);0.009404;0.009260999999999997 +1000000;1;6;0.3;(0, 4, 5);0.009333;0.009260999999999997 +1000000;1;6;0.3;(1, 2, 3);0.009276;0.009260999999999997 +1000000;1;6;0.3;(1, 2, 4);0.00921;0.009260999999999997 +1000000;1;6;0.3;(1, 2, 5);0.009272;0.009260999999999997 +1000000;1;6;0.3;(1, 3, 4);0.009179;0.009260999999999997 +1000000;1;6;0.3;(1, 3, 5);0.009188;0.009260999999999997 +1000000;1;6;0.3;(1, 4, 5);0.009201;0.009260999999999997 +1000000;1;6;0.3;(2, 3, 4);0.009347;0.009260999999999997 +1000000;1;6;0.3;(2, 3, 5);0.009236;0.009260999999999997 +1000000;1;6;0.3;(2, 4, 5);0.009254;0.009260999999999997 +1000000;1;6;0.3;(3, 4, 5);0.009179;0.009260999999999997 +1000000;1;6;0.3;(0, 1, 2, 3);0.003882;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 2, 4);0.004018;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 2, 5);0.003884;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 3, 4);0.003918;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 3, 5);0.003998;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 4, 5);0.004;0.0039689999999999994 +1000000;1;6;0.3;(0, 2, 3, 4);0.004072;0.0039689999999999994 +1000000;1;6;0.3;(0, 2, 3, 5);0.004054;0.0039689999999999994 +1000000;1;6;0.3;(0, 2, 4, 5);0.00396;0.0039689999999999994 +1000000;1;6;0.3;(0, 3, 4, 5);0.004104;0.0039689999999999994 +1000000;1;6;0.3;(1, 2, 3, 4);0.003973;0.0039689999999999994 +1000000;1;6;0.3;(1, 2, 3, 5);0.003954;0.0039689999999999994 +1000000;1;6;0.3;(1, 2, 4, 5);0.003997;0.0039689999999999994 +1000000;1;6;0.3;(1, 3, 4, 5);0.00404;0.0039689999999999994 +1000000;1;6;0.3;(2, 3, 4, 5);0.004076;0.0039689999999999994 +1000000;1;6;0.3;(0, 1, 2, 3, 4);0.001779;0.0017009999999999996 +1000000;1;6;0.3;(0, 1, 2, 3, 5);0.001695;0.0017009999999999996 +1000000;1;6;0.3;(0, 1, 2, 4, 5);0.001692;0.0017009999999999996 +1000000;1;6;0.3;(0, 1, 3, 4, 5);0.001694;0.0017009999999999996 +1000000;1;6;0.3;(0, 2, 3, 4, 5);0.001667;0.0017009999999999996 +1000000;1;6;0.3;(1, 2, 3, 4, 5);0.001612;0.0017009999999999996 +1000000;1;6;0.3;(0, 1, 2, 3, 4, 5);0.000712;0.0007289999999999998 +1000000;1;6;0.5;(0,);0.015532;0.015625 +1000000;1;6;0.5;(1,);0.015557;0.015625 +1000000;1;6;0.5;(2,);0.015724;0.015625 +1000000;1;6;0.5;(3,);0.015424;0.015625 +1000000;1;6;0.5;(4,);0.015566;0.015625 +1000000;1;6;0.5;(5,);0.015639;0.015625 +1000000;1;6;0.5;(0, 1);0.015754;0.015625 +1000000;1;6;0.5;(0, 2);0.015497;0.015625 +1000000;1;6;0.5;(0, 3);0.015753;0.015625 +1000000;1;6;0.5;(0, 4);0.015719;0.015625 +1000000;1;6;0.5;(0, 5);0.015676;0.015625 +1000000;1;6;0.5;(1, 2);0.01562;0.015625 +1000000;1;6;0.5;(1, 3);0.015741;0.015625 +1000000;1;6;0.5;(1, 4);0.015736;0.015625 +1000000;1;6;0.5;(1, 5);0.015572;0.015625 +1000000;1;6;0.5;(2, 3);0.015645;0.015625 +1000000;1;6;0.5;(2, 4);0.015669;0.015625 +1000000;1;6;0.5;(2, 5);0.015643;0.015625 +1000000;1;6;0.5;(3, 4);0.01565;0.015625 +1000000;1;6;0.5;(3, 5);0.015933;0.015625 +1000000;1;6;0.5;(4, 5);0.015655;0.015625 +1000000;1;6;0.5;(0, 1, 2);0.015603;0.015625 +1000000;1;6;0.5;(0, 1, 3);0.015658;0.015625 +1000000;1;6;0.5;(0, 1, 4);0.015465;0.015625 +1000000;1;6;0.5;(0, 1, 5);0.015484;0.015625 +1000000;1;6;0.5;(0, 2, 3);0.015712;0.015625 +1000000;1;6;0.5;(0, 2, 4);0.015552;0.015625 +1000000;1;6;0.5;(0, 2, 5);0.015509;0.015625 +1000000;1;6;0.5;(0, 3, 4);0.015565;0.015625 +1000000;1;6;0.5;(0, 3, 5);0.015635;0.015625 +1000000;1;6;0.5;(0, 4, 5);0.015511;0.015625 +1000000;1;6;0.5;(1, 2, 3);0.015846;0.015625 +1000000;1;6;0.5;(1, 2, 4);0.015792;0.015625 +1000000;1;6;0.5;(1, 2, 5);0.015588;0.015625 +1000000;1;6;0.5;(1, 3, 4);0.015491;0.015625 +1000000;1;6;0.5;(1, 3, 5);0.015563;0.015625 +1000000;1;6;0.5;(1, 4, 5);0.015578;0.015625 +1000000;1;6;0.5;(2, 3, 4);0.015638;0.015625 +1000000;1;6;0.5;(2, 3, 5);0.015584;0.015625 +1000000;1;6;0.5;(2, 4, 5);0.015447;0.015625 +1000000;1;6;0.5;(3, 4, 5);0.015748;0.015625 +1000000;1;6;0.5;(0, 1, 2, 3);0.015423;0.015625 +1000000;1;6;0.5;(0, 1, 2, 4);0.015693;0.015625 +1000000;1;6;0.5;(0, 1, 2, 5);0.015403;0.015625 +1000000;1;6;0.5;(0, 1, 3, 4);0.015696;0.015625 +1000000;1;6;0.5;(0, 1, 3, 5);0.015705;0.015625 +1000000;1;6;0.5;(0, 1, 4, 5);0.015705;0.015625 +1000000;1;6;0.5;(0, 2, 3, 4);0.015713;0.015625 +1000000;1;6;0.5;(0, 2, 3, 5);0.015714;0.015625 +1000000;1;6;0.5;(0, 2, 4, 5);0.015628;0.015625 +1000000;1;6;0.5;(0, 3, 4, 5);0.015366;0.015625 +1000000;1;6;0.5;(1, 2, 3, 4);0.015454;0.015625 +1000000;1;6;0.5;(1, 2, 3, 5);0.01572;0.015625 +1000000;1;6;0.5;(1, 2, 4, 5);0.015532;0.015625 +1000000;1;6;0.5;(1, 3, 4, 5);0.015622;0.015625 +1000000;1;6;0.5;(2, 3, 4, 5);0.015772;0.015625 +1000000;1;6;0.5;(0, 1, 2, 3, 4);0.015801;0.015625 +1000000;1;6;0.5;(0, 1, 2, 3, 5);0.015561;0.015625 +1000000;1;6;0.5;(0, 1, 2, 4, 5);0.015833;0.015625 +1000000;1;6;0.5;(0, 1, 3, 4, 5);0.015595;0.015625 +1000000;1;6;0.5;(0, 2, 3, 4, 5);0.0157;0.015625 +1000000;1;6;0.5;(1, 2, 3, 4, 5);0.015495;0.015625 +1000000;1;6;0.5;(0, 1, 2, 3, 4, 5);0.0155;0.015625 +1000000;1;6;0.7;(0,);0.001704;0.0017010000000000011 +1000000;1;6;0.7;(1,);0.001683;0.0017010000000000011 +1000000;1;6;0.7;(2,);0.001744;0.0017010000000000011 +1000000;1;6;0.7;(3,);0.001668;0.0017010000000000011 +1000000;1;6;0.7;(4,);0.001721;0.0017010000000000011 +1000000;1;6;0.7;(5,);0.001642;0.0017010000000000011 +1000000;1;6;0.7;(0, 1);0.003969;0.003969000000000002 +1000000;1;6;0.7;(0, 2);0.003964;0.003969000000000002 +1000000;1;6;0.7;(0, 3);0.004051;0.003969000000000002 +1000000;1;6;0.7;(0, 4);0.004067;0.003969000000000002 +1000000;1;6;0.7;(0, 5);0.00401;0.003969000000000002 +1000000;1;6;0.7;(1, 2);0.004078;0.003969000000000002 +1000000;1;6;0.7;(1, 3);0.003968;0.003969000000000002 +1000000;1;6;0.7;(1, 4);0.003961;0.003969000000000002 +1000000;1;6;0.7;(1, 5);0.004019;0.003969000000000002 +1000000;1;6;0.7;(2, 3);0.003902;0.003969000000000002 +1000000;1;6;0.7;(2, 4);0.003964;0.003969000000000002 +1000000;1;6;0.7;(2, 5);0.003922;0.003969000000000002 +1000000;1;6;0.7;(3, 4);0.004026;0.003969000000000002 +1000000;1;6;0.7;(3, 5);0.003845;0.003969000000000002 +1000000;1;6;0.7;(4, 5);0.003967;0.003969000000000002 +1000000;1;6;0.7;(0, 1, 2);0.009242;0.009261000000000002 +1000000;1;6;0.7;(0, 1, 3);0.009257;0.009261000000000002 +1000000;1;6;0.7;(0, 1, 4);0.009437;0.009261000000000002 +1000000;1;6;0.7;(0, 1, 5);0.00939;0.009261000000000002 +1000000;1;6;0.7;(0, 2, 3);0.009252;0.009261000000000002 +1000000;1;6;0.7;(0, 2, 4);0.009342;0.009261000000000002 +1000000;1;6;0.7;(0, 2, 5);0.009383;0.009261000000000002 +1000000;1;6;0.7;(0, 3, 4);0.009251;0.009261000000000002 +1000000;1;6;0.7;(0, 3, 5);0.009373;0.009261000000000002 +1000000;1;6;0.7;(0, 4, 5);0.009293;0.009261000000000002 +1000000;1;6;0.7;(1, 2, 3);0.009241;0.009261000000000002 +1000000;1;6;0.7;(1, 2, 4);0.009341;0.009261000000000002 +1000000;1;6;0.7;(1, 2, 5);0.009327;0.009261000000000002 +1000000;1;6;0.7;(1, 3, 4);0.009212;0.009261000000000002 +1000000;1;6;0.7;(1, 3, 5);0.009271;0.009261000000000002 +1000000;1;6;0.7;(1, 4, 5);0.009348;0.009261000000000002 +1000000;1;6;0.7;(2, 3, 4);0.009329;0.009261000000000002 +1000000;1;6;0.7;(2, 3, 5);0.009038;0.009261000000000002 +1000000;1;6;0.7;(2, 4, 5);0.009401;0.009261000000000002 +1000000;1;6;0.7;(3, 4, 5);0.009267;0.009261000000000002 +1000000;1;6;0.7;(0, 1, 2, 3);0.021618;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 2, 4);0.021534;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 2, 5);0.021671;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 3, 4);0.021515;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 3, 5);0.021519;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 4, 5);0.021616;0.021609000000000003 +1000000;1;6;0.7;(0, 2, 3, 4);0.021667;0.021609000000000003 +1000000;1;6;0.7;(0, 2, 3, 5);0.021621;0.021609000000000003 +1000000;1;6;0.7;(0, 2, 4, 5);0.021561;0.021609000000000003 +1000000;1;6;0.7;(0, 3, 4, 5);0.021633;0.021609000000000003 +1000000;1;6;0.7;(1, 2, 3, 4);0.021523;0.021609000000000003 +1000000;1;6;0.7;(1, 2, 3, 5);0.021558;0.021609000000000003 +1000000;1;6;0.7;(1, 2, 4, 5);0.021528;0.021609000000000003 +1000000;1;6;0.7;(1, 3, 4, 5);0.021684;0.021609000000000003 +1000000;1;6;0.7;(2, 3, 4, 5);0.021702;0.021609000000000003 +1000000;1;6;0.7;(0, 1, 2, 3, 4);0.050427;0.05042099999999999 +1000000;1;6;0.7;(0, 1, 2, 3, 5);0.050344;0.05042099999999999 +1000000;1;6;0.7;(0, 1, 2, 4, 5);0.050105;0.05042099999999999 +1000000;1;6;0.7;(0, 1, 3, 4, 5);0.050383;0.05042099999999999 +1000000;1;6;0.7;(0, 2, 3, 4, 5);0.05021;0.05042099999999999 +1000000;1;6;0.7;(1, 2, 3, 4, 5);0.050653;0.05042099999999999 +1000000;1;6;0.7;(0, 1, 2, 3, 4, 5);0.117354;0.11764899999999996 diff --git a/validation/csv/approval/impartial_constant_size.csv b/validation/csv/approval/impartial_constant_size.csv new file mode 100644 index 0000000..f0a3269 --- /dev/null +++ b/validation/csv/approval/impartial_constant_size.csv @@ -0,0 +1,283 @@ +num_samples;num_voters;num_candidates;rel_num_approvals;outcome;observed_freq;theoretical_freq +1000000;1;5;0.3;(0,);0.200604;0.2 +1000000;1;5;0.3;(1,);0.199668;0.2 +1000000;1;5;0.3;(2,);0.200085;0.2 +1000000;1;5;0.3;(3,);0.199642;0.2 +1000000;1;5;0.3;(4,);0.200001;0.2 +1000000;1;5;0.3;(0, 1);0;0.0 +1000000;1;5;0.3;(0, 2);0;0.0 +1000000;1;5;0.3;(0, 3);0;0.0 +1000000;1;5;0.3;(0, 4);0;0.0 +1000000;1;5;0.3;(1, 2);0;0.0 +1000000;1;5;0.3;(1, 3);0;0.0 +1000000;1;5;0.3;(1, 4);0;0.0 +1000000;1;5;0.3;(2, 3);0;0.0 +1000000;1;5;0.3;(2, 4);0;0.0 +1000000;1;5;0.3;(3, 4);0;0.0 +1000000;1;5;0.3;(0, 1, 2);0;0.0 +1000000;1;5;0.3;(0, 1, 3);0;0.0 +1000000;1;5;0.3;(0, 1, 4);0;0.0 +1000000;1;5;0.3;(0, 2, 3);0;0.0 +1000000;1;5;0.3;(0, 2, 4);0;0.0 +1000000;1;5;0.3;(0, 3, 4);0;0.0 +1000000;1;5;0.3;(1, 2, 3);0;0.0 +1000000;1;5;0.3;(1, 2, 4);0;0.0 +1000000;1;5;0.3;(1, 3, 4);0;0.0 +1000000;1;5;0.3;(2, 3, 4);0;0.0 +1000000;1;5;0.3;(0, 1, 2, 3);0;0.0 +1000000;1;5;0.3;(0, 1, 2, 4);0;0.0 +1000000;1;5;0.3;(0, 1, 3, 4);0;0.0 +1000000;1;5;0.3;(0, 2, 3, 4);0;0.0 +1000000;1;5;0.3;(1, 2, 3, 4);0;0.0 +1000000;1;5;0.3;(0, 1, 2, 3, 4);0;0.0 +1000000;1;5;0.5;(0,);0;0.0 +1000000;1;5;0.5;(1,);0;0.0 +1000000;1;5;0.5;(2,);0;0.0 +1000000;1;5;0.5;(3,);0;0.0 +1000000;1;5;0.5;(4,);0;0.0 +1000000;1;5;0.5;(0, 1);0.099272;0.1 +1000000;1;5;0.5;(0, 2);0.100567;0.1 +1000000;1;5;0.5;(0, 3);0.099919;0.1 +1000000;1;5;0.5;(0, 4);0.100213;0.1 +1000000;1;5;0.5;(1, 2);0.100127;0.1 +1000000;1;5;0.5;(1, 3);0.09948;0.1 +1000000;1;5;0.5;(1, 4);0.099664;0.1 +1000000;1;5;0.5;(2, 3);0.100034;0.1 +1000000;1;5;0.5;(2, 4);0.100381;0.1 +1000000;1;5;0.5;(3, 4);0.100343;0.1 +1000000;1;5;0.5;(0, 1, 2);0;0.0 +1000000;1;5;0.5;(0, 1, 3);0;0.0 +1000000;1;5;0.5;(0, 1, 4);0;0.0 +1000000;1;5;0.5;(0, 2, 3);0;0.0 +1000000;1;5;0.5;(0, 2, 4);0;0.0 +1000000;1;5;0.5;(0, 3, 4);0;0.0 +1000000;1;5;0.5;(1, 2, 3);0;0.0 +1000000;1;5;0.5;(1, 2, 4);0;0.0 +1000000;1;5;0.5;(1, 3, 4);0;0.0 +1000000;1;5;0.5;(2, 3, 4);0;0.0 +1000000;1;5;0.5;(0, 1, 2, 3);0;0.0 +1000000;1;5;0.5;(0, 1, 2, 4);0;0.0 +1000000;1;5;0.5;(0, 1, 3, 4);0;0.0 +1000000;1;5;0.5;(0, 2, 3, 4);0;0.0 +1000000;1;5;0.5;(1, 2, 3, 4);0;0.0 +1000000;1;5;0.5;(0, 1, 2, 3, 4);0;0.0 +1000000;1;5;0.7;(0,);0;0.0 +1000000;1;5;0.7;(1,);0;0.0 +1000000;1;5;0.7;(2,);0;0.0 +1000000;1;5;0.7;(3,);0;0.0 +1000000;1;5;0.7;(4,);0;0.0 +1000000;1;5;0.7;(0, 1);0;0.0 +1000000;1;5;0.7;(0, 2);0;0.0 +1000000;1;5;0.7;(0, 3);0;0.0 +1000000;1;5;0.7;(0, 4);0;0.0 +1000000;1;5;0.7;(1, 2);0;0.0 +1000000;1;5;0.7;(1, 3);0;0.0 +1000000;1;5;0.7;(1, 4);0;0.0 +1000000;1;5;0.7;(2, 3);0;0.0 +1000000;1;5;0.7;(2, 4);0;0.0 +1000000;1;5;0.7;(3, 4);0;0.0 +1000000;1;5;0.7;(0, 1, 2);0.100035;0.1 +1000000;1;5;0.7;(0, 1, 3);0.099667;0.1 +1000000;1;5;0.7;(0, 1, 4);0.100213;0.1 +1000000;1;5;0.7;(0, 2, 3);0.100317;0.1 +1000000;1;5;0.7;(0, 2, 4);0.099918;0.1 +1000000;1;5;0.7;(0, 3, 4);0.099969;0.1 +1000000;1;5;0.7;(1, 2, 3);0.09984;0.1 +1000000;1;5;0.7;(1, 2, 4);0.100367;0.1 +1000000;1;5;0.7;(1, 3, 4);0.099536;0.1 +1000000;1;5;0.7;(2, 3, 4);0.100138;0.1 +1000000;1;5;0.7;(0, 1, 2, 3);0;0.0 +1000000;1;5;0.7;(0, 1, 2, 4);0;0.0 +1000000;1;5;0.7;(0, 1, 3, 4);0;0.0 +1000000;1;5;0.7;(0, 2, 3, 4);0;0.0 +1000000;1;5;0.7;(1, 2, 3, 4);0;0.0 +1000000;1;5;0.7;(0, 1, 2, 3, 4);0;0.0 +1000000;1;6;0.3;(0,);0.166526;0.16666666666666666 +1000000;1;6;0.3;(1,);0.167001;0.16666666666666666 +1000000;1;6;0.3;(2,);0.166287;0.16666666666666666 +1000000;1;6;0.3;(3,);0.166779;0.16666666666666666 +1000000;1;6;0.3;(4,);0.166996;0.16666666666666666 +1000000;1;6;0.3;(5,);0.166411;0.16666666666666666 +1000000;1;6;0.3;(0, 1);0;0.0 +1000000;1;6;0.3;(0, 2);0;0.0 +1000000;1;6;0.3;(0, 3);0;0.0 +1000000;1;6;0.3;(0, 4);0;0.0 +1000000;1;6;0.3;(0, 5);0;0.0 +1000000;1;6;0.3;(1, 2);0;0.0 +1000000;1;6;0.3;(1, 3);0;0.0 +1000000;1;6;0.3;(1, 4);0;0.0 +1000000;1;6;0.3;(1, 5);0;0.0 +1000000;1;6;0.3;(2, 3);0;0.0 +1000000;1;6;0.3;(2, 4);0;0.0 +1000000;1;6;0.3;(2, 5);0;0.0 +1000000;1;6;0.3;(3, 4);0;0.0 +1000000;1;6;0.3;(3, 5);0;0.0 +1000000;1;6;0.3;(4, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 2);0;0.0 +1000000;1;6;0.3;(0, 1, 3);0;0.0 +1000000;1;6;0.3;(0, 1, 4);0;0.0 +1000000;1;6;0.3;(0, 1, 5);0;0.0 +1000000;1;6;0.3;(0, 2, 3);0;0.0 +1000000;1;6;0.3;(0, 2, 4);0;0.0 +1000000;1;6;0.3;(0, 2, 5);0;0.0 +1000000;1;6;0.3;(0, 3, 4);0;0.0 +1000000;1;6;0.3;(0, 3, 5);0;0.0 +1000000;1;6;0.3;(0, 4, 5);0;0.0 +1000000;1;6;0.3;(1, 2, 3);0;0.0 +1000000;1;6;0.3;(1, 2, 4);0;0.0 +1000000;1;6;0.3;(1, 2, 5);0;0.0 +1000000;1;6;0.3;(1, 3, 4);0;0.0 +1000000;1;6;0.3;(1, 3, 5);0;0.0 +1000000;1;6;0.3;(1, 4, 5);0;0.0 +1000000;1;6;0.3;(2, 3, 4);0;0.0 +1000000;1;6;0.3;(2, 3, 5);0;0.0 +1000000;1;6;0.3;(2, 4, 5);0;0.0 +1000000;1;6;0.3;(3, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 3);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 4);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 3, 4);0;0.0 +1000000;1;6;0.3;(0, 1, 3, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 2, 3, 4);0;0.0 +1000000;1;6;0.3;(0, 2, 3, 5);0;0.0 +1000000;1;6;0.3;(0, 2, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(1, 2, 3, 4);0;0.0 +1000000;1;6;0.3;(1, 2, 3, 5);0;0.0 +1000000;1;6;0.3;(1, 2, 4, 5);0;0.0 +1000000;1;6;0.3;(1, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(2, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 3, 4);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 3, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(1, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.3;(0, 1, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(0,);0;0.0 +1000000;1;6;0.5;(1,);0;0.0 +1000000;1;6;0.5;(2,);0;0.0 +1000000;1;6;0.5;(3,);0;0.0 +1000000;1;6;0.5;(4,);0;0.0 +1000000;1;6;0.5;(5,);0;0.0 +1000000;1;6;0.5;(0, 1);0;0.0 +1000000;1;6;0.5;(0, 2);0;0.0 +1000000;1;6;0.5;(0, 3);0;0.0 +1000000;1;6;0.5;(0, 4);0;0.0 +1000000;1;6;0.5;(0, 5);0;0.0 +1000000;1;6;0.5;(1, 2);0;0.0 +1000000;1;6;0.5;(1, 3);0;0.0 +1000000;1;6;0.5;(1, 4);0;0.0 +1000000;1;6;0.5;(1, 5);0;0.0 +1000000;1;6;0.5;(2, 3);0;0.0 +1000000;1;6;0.5;(2, 4);0;0.0 +1000000;1;6;0.5;(2, 5);0;0.0 +1000000;1;6;0.5;(3, 4);0;0.0 +1000000;1;6;0.5;(3, 5);0;0.0 +1000000;1;6;0.5;(4, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 2);0.049808;0.05 +1000000;1;6;0.5;(0, 1, 3);0.049939;0.05 +1000000;1;6;0.5;(0, 1, 4);0.049763;0.05 +1000000;1;6;0.5;(0, 1, 5);0.050106;0.05 +1000000;1;6;0.5;(0, 2, 3);0.050067;0.05 +1000000;1;6;0.5;(0, 2, 4);0.04968;0.05 +1000000;1;6;0.5;(0, 2, 5);0.049897;0.05 +1000000;1;6;0.5;(0, 3, 4);0.050363;0.05 +1000000;1;6;0.5;(0, 3, 5);0.050169;0.05 +1000000;1;6;0.5;(0, 4, 5);0.050045;0.05 +1000000;1;6;0.5;(1, 2, 3);0.050801;0.05 +1000000;1;6;0.5;(1, 2, 4);0.049655;0.05 +1000000;1;6;0.5;(1, 2, 5);0.049903;0.05 +1000000;1;6;0.5;(1, 3, 4);0.050203;0.05 +1000000;1;6;0.5;(1, 3, 5);0.049951;0.05 +1000000;1;6;0.5;(1, 4, 5);0.049825;0.05 +1000000;1;6;0.5;(2, 3, 4);0.050129;0.05 +1000000;1;6;0.5;(2, 3, 5);0.050049;0.05 +1000000;1;6;0.5;(2, 4, 5);0.049678;0.05 +1000000;1;6;0.5;(3, 4, 5);0.049969;0.05 +1000000;1;6;0.5;(0, 1, 2, 3);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 4);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 3, 4);0;0.0 +1000000;1;6;0.5;(0, 1, 3, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 2, 3, 4);0;0.0 +1000000;1;6;0.5;(0, 2, 3, 5);0;0.0 +1000000;1;6;0.5;(0, 2, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(1, 2, 3, 4);0;0.0 +1000000;1;6;0.5;(1, 2, 3, 5);0;0.0 +1000000;1;6;0.5;(1, 2, 4, 5);0;0.0 +1000000;1;6;0.5;(1, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(2, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 3, 4);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 3, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(1, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.5;(0, 1, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.7;(0,);0;0.0 +1000000;1;6;0.7;(1,);0;0.0 +1000000;1;6;0.7;(2,);0;0.0 +1000000;1;6;0.7;(3,);0;0.0 +1000000;1;6;0.7;(4,);0;0.0 +1000000;1;6;0.7;(5,);0;0.0 +1000000;1;6;0.7;(0, 1);0;0.0 +1000000;1;6;0.7;(0, 2);0;0.0 +1000000;1;6;0.7;(0, 3);0;0.0 +1000000;1;6;0.7;(0, 4);0;0.0 +1000000;1;6;0.7;(0, 5);0;0.0 +1000000;1;6;0.7;(1, 2);0;0.0 +1000000;1;6;0.7;(1, 3);0;0.0 +1000000;1;6;0.7;(1, 4);0;0.0 +1000000;1;6;0.7;(1, 5);0;0.0 +1000000;1;6;0.7;(2, 3);0;0.0 +1000000;1;6;0.7;(2, 4);0;0.0 +1000000;1;6;0.7;(2, 5);0;0.0 +1000000;1;6;0.7;(3, 4);0;0.0 +1000000;1;6;0.7;(3, 5);0;0.0 +1000000;1;6;0.7;(4, 5);0;0.0 +1000000;1;6;0.7;(0, 1, 2);0;0.0 +1000000;1;6;0.7;(0, 1, 3);0;0.0 +1000000;1;6;0.7;(0, 1, 4);0;0.0 +1000000;1;6;0.7;(0, 1, 5);0;0.0 +1000000;1;6;0.7;(0, 2, 3);0;0.0 +1000000;1;6;0.7;(0, 2, 4);0;0.0 +1000000;1;6;0.7;(0, 2, 5);0;0.0 +1000000;1;6;0.7;(0, 3, 4);0;0.0 +1000000;1;6;0.7;(0, 3, 5);0;0.0 +1000000;1;6;0.7;(0, 4, 5);0;0.0 +1000000;1;6;0.7;(1, 2, 3);0;0.0 +1000000;1;6;0.7;(1, 2, 4);0;0.0 +1000000;1;6;0.7;(1, 2, 5);0;0.0 +1000000;1;6;0.7;(1, 3, 4);0;0.0 +1000000;1;6;0.7;(1, 3, 5);0;0.0 +1000000;1;6;0.7;(1, 4, 5);0;0.0 +1000000;1;6;0.7;(2, 3, 4);0;0.0 +1000000;1;6;0.7;(2, 3, 5);0;0.0 +1000000;1;6;0.7;(2, 4, 5);0;0.0 +1000000;1;6;0.7;(3, 4, 5);0;0.0 +1000000;1;6;0.7;(0, 1, 2, 3);0.066713;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 2, 4);0.06689;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 2, 5);0.066464;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 3, 4);0.066824;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 3, 5);0.066409;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 4, 5);0.066426;0.06666666666666667 +1000000;1;6;0.7;(0, 2, 3, 4);0.066418;0.06666666666666667 +1000000;1;6;0.7;(0, 2, 3, 5);0.066705;0.06666666666666667 +1000000;1;6;0.7;(0, 2, 4, 5);0.066721;0.06666666666666667 +1000000;1;6;0.7;(0, 3, 4, 5);0.066579;0.06666666666666667 +1000000;1;6;0.7;(1, 2, 3, 4);0.066866;0.06666666666666667 +1000000;1;6;0.7;(1, 2, 3, 5);0.06665;0.06666666666666667 +1000000;1;6;0.7;(1, 2, 4, 5);0.066904;0.06666666666666667 +1000000;1;6;0.7;(1, 3, 4, 5);0.066785;0.06666666666666667 +1000000;1;6;0.7;(2, 3, 4, 5);0.066646;0.06666666666666667 +1000000;1;6;0.7;(0, 1, 2, 3, 4);0;0.0 +1000000;1;6;0.7;(0, 1, 2, 3, 5);0;0.0 +1000000;1;6;0.7;(0, 1, 2, 4, 5);0;0.0 +1000000;1;6;0.7;(0, 1, 3, 4, 5);0;0.0 +1000000;1;6;0.7;(0, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.7;(1, 2, 3, 4, 5);0;0.0 +1000000;1;6;0.7;(0, 1, 2, 3, 4, 5);0;0.0 diff --git a/validation/csv/approval/resampling.csv b/validation/csv/approval/resampling.csv index 956fe0d..383bcee 100644 --- a/validation/csv/approval/resampling.csv +++ b/validation/csv/approval/resampling.csv @@ -1,513 +1,505 @@ -num_samples;num_voters;num_candidates;phi;p;outcome;observed_freq;theoretical_freq -1000000;1;6;0.25;0.5;();0.001289;0.001308441162109375 -1000000;1;6;0.25;0.5;(0,);0.009238;0.009159088134765625 -1000000;1;6;0.25;0.5;(1,);0.00922;0.009159088134765625 -1000000;1;6;0.25;0.5;(2,);0.009159;0.009159088134765625 -1000000;1;6;0.25;0.5;(3,);0.000206;0.000186920166015625 -1000000;1;6;0.25;0.5;(4,);0.000185;0.000186920166015625 -1000000;1;6;0.25;0.5;(5,);0.000185;0.000186920166015625 -1000000;1;6;0.25;0.5;(0, 1);0.064189;0.06411361694335938 -1000000;1;6;0.25;0.5;(0, 2);0.06425;0.06411361694335938 -1000000;1;6;0.25;0.5;(0, 3);0.001299;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 4);0.001301;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 5);0.00136;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 2);0.063974;0.06411361694335938 -1000000;1;6;0.25;0.5;(1, 3);0.001283;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 4);0.001281;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 5);0.001302;0.001308441162109375 -1000000;1;6;0.25;0.5;(2, 3);0.00134;0.001308441162109375 -1000000;1;6;0.25;0.5;(2, 4);0.001271;0.001308441162109375 -1000000;1;6;0.25;0.5;(2, 5);0.001305;0.001308441162109375 -1000000;1;6;0.25;0.5;(3, 4);2.5e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(3, 5);1.8e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(4, 5);3e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(0, 1, 2);0.448122;0.4487953186035156 -1000000;1;6;0.25;0.5;(0, 1, 3);0.009148;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 1, 4);0.009266;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 1, 5);0.009243;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 2, 3);0.009019;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 2, 4);0.009066;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 2, 5);0.009268;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 3, 4);0.000197;0.000186920166015625 -1000000;1;6;0.25;0.5;(0, 3, 5);0.000201;0.000186920166015625 -1000000;1;6;0.25;0.5;(0, 4, 5);0.000181;0.000186920166015625 -1000000;1;6;0.25;0.5;(1, 2, 3);0.009273;0.009159088134765625 -1000000;1;6;0.25;0.5;(1, 2, 4);0.009087;0.009159088134765625 -1000000;1;6;0.25;0.5;(1, 2, 5);0.00909;0.009159088134765625 -1000000;1;6;0.25;0.5;(1, 3, 4);0.000178;0.000186920166015625 -1000000;1;6;0.25;0.5;(1, 3, 5);0.000188;0.000186920166015625 -1000000;1;6;0.25;0.5;(1, 4, 5);0.000184;0.000186920166015625 -1000000;1;6;0.25;0.5;(2, 3, 4);0.000209;0.000186920166015625 -1000000;1;6;0.25;0.5;(2, 3, 5);0.000205;0.000186920166015625 -1000000;1;6;0.25;0.5;(2, 4, 5);0.000189;0.000186920166015625 -1000000;1;6;0.25;0.5;(3, 4, 5);3e-06;3.814697265625e-06 -1000000;1;6;0.25;0.5;(0, 1, 2, 3);0.064362;0.06411361694335938 -1000000;1;6;0.25;0.5;(0, 1, 2, 4);0.064538;0.06411361694335938 -1000000;1;6;0.25;0.5;(0, 1, 2, 5);0.063804;0.06411361694335938 -1000000;1;6;0.25;0.5;(0, 1, 3, 4);0.001356;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 1, 3, 5);0.001236;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 1, 4, 5);0.001264;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 2, 3, 4);0.001292;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 2, 3, 5);0.001349;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 2, 4, 5);0.001243;0.001308441162109375 -1000000;1;6;0.25;0.5;(0, 3, 4, 5);1.9e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(1, 2, 3, 4);0.001321;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 2, 3, 5);0.001361;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 2, 4, 5);0.001295;0.001308441162109375 -1000000;1;6;0.25;0.5;(1, 3, 4, 5);2.7e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(2, 3, 4, 5);3.4e-05;2.6702880859375e-05 -1000000;1;6;0.25;0.5;(0, 1, 2, 3, 4);0.009125;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 1, 2, 3, 5);0.009321;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 1, 2, 4, 5);0.00917;0.009159088134765625 -1000000;1;6;0.25;0.5;(0, 1, 3, 4, 5);0.000186;0.000186920166015625 -1000000;1;6;0.25;0.5;(0, 2, 3, 4, 5);0.000179;0.000186920166015625 -1000000;1;6;0.25;0.5;(1, 2, 3, 4, 5);0.000192;0.000186920166015625 -1000000;1;6;0.25;0.5;(0, 1, 2, 3, 4, 5);0.001299;0.001308441162109375 -1000000;1;6;0.5;0.5;();0.006585;0.006591796875 -1000000;1;6;0.5;0.5;(0,);0.019835;0.019775390625 -1000000;1;6;0.5;0.5;(1,);0.019859;0.019775390625 -1000000;1;6;0.5;0.5;(2,);0.01954;0.019775390625 -1000000;1;6;0.5;0.5;(3,);0.00225;0.002197265625 -1000000;1;6;0.5;0.5;(4,);0.002216;0.002197265625 -1000000;1;6;0.5;0.5;(5,);0.00219;0.002197265625 -1000000;1;6;0.5;0.5;(0, 1);0.059273;0.059326171875 -1000000;1;6;0.5;0.5;(0, 2);0.059603;0.059326171875 -1000000;1;6;0.5;0.5;(0, 3);0.006574;0.006591796875 -1000000;1;6;0.5;0.5;(0, 4);0.006558;0.006591796875 -1000000;1;6;0.5;0.5;(0, 5);0.006682;0.006591796875 -1000000;1;6;0.5;0.5;(1, 2);0.059296;0.059326171875 -1000000;1;6;0.5;0.5;(1, 3);0.006728;0.006591796875 -1000000;1;6;0.5;0.5;(1, 4);0.006608;0.006591796875 -1000000;1;6;0.5;0.5;(1, 5);0.00655;0.006591796875 -1000000;1;6;0.5;0.5;(2, 3);0.006621;0.006591796875 -1000000;1;6;0.5;0.5;(2, 4);0.00662;0.006591796875 -1000000;1;6;0.5;0.5;(2, 5);0.006646;0.006591796875 -1000000;1;6;0.5;0.5;(3, 4);0.000708;0.000732421875 -1000000;1;6;0.5;0.5;(3, 5);0.000742;0.000732421875 -1000000;1;6;0.5;0.5;(4, 5);0.000739;0.000732421875 -1000000;1;6;0.5;0.5;(0, 1, 2);0.177348;0.177978515625 -1000000;1;6;0.5;0.5;(0, 1, 3);0.019965;0.019775390625 -1000000;1;6;0.5;0.5;(0, 1, 4);0.019873;0.019775390625 -1000000;1;6;0.5;0.5;(0, 1, 5);0.019874;0.019775390625 -1000000;1;6;0.5;0.5;(0, 2, 3);0.020036;0.019775390625 -1000000;1;6;0.5;0.5;(0, 2, 4);0.019822;0.019775390625 -1000000;1;6;0.5;0.5;(0, 2, 5);0.019835;0.019775390625 -1000000;1;6;0.5;0.5;(0, 3, 4);0.002268;0.002197265625 -1000000;1;6;0.5;0.5;(0, 3, 5);0.002229;0.002197265625 -1000000;1;6;0.5;0.5;(0, 4, 5);0.002304;0.002197265625 -1000000;1;6;0.5;0.5;(1, 2, 3);0.019481;0.019775390625 -1000000;1;6;0.5;0.5;(1, 2, 4);0.019757;0.019775390625 -1000000;1;6;0.5;0.5;(1, 2, 5);0.019725;0.019775390625 -1000000;1;6;0.5;0.5;(1, 3, 4);0.002188;0.002197265625 -1000000;1;6;0.5;0.5;(1, 3, 5);0.002272;0.002197265625 -1000000;1;6;0.5;0.5;(1, 4, 5);0.002115;0.002197265625 -1000000;1;6;0.5;0.5;(2, 3, 4);0.002227;0.002197265625 -1000000;1;6;0.5;0.5;(2, 3, 5);0.002249;0.002197265625 -1000000;1;6;0.5;0.5;(2, 4, 5);0.002147;0.002197265625 -1000000;1;6;0.5;0.5;(3, 4, 5);0.000246;0.000244140625 -1000000;1;6;0.5;0.5;(0, 1, 2, 3);0.059149;0.059326171875 -1000000;1;6;0.5;0.5;(0, 1, 2, 4);0.059335;0.059326171875 -1000000;1;6;0.5;0.5;(0, 1, 2, 5);0.059209;0.059326171875 -1000000;1;6;0.5;0.5;(0, 1, 3, 4);0.006653;0.006591796875 -1000000;1;6;0.5;0.5;(0, 1, 3, 5);0.00663;0.006591796875 -1000000;1;6;0.5;0.5;(0, 1, 4, 5);0.006664;0.006591796875 -1000000;1;6;0.5;0.5;(0, 2, 3, 4);0.006455;0.006591796875 -1000000;1;6;0.5;0.5;(0, 2, 3, 5);0.006579;0.006591796875 -1000000;1;6;0.5;0.5;(0, 2, 4, 5);0.006419;0.006591796875 -1000000;1;6;0.5;0.5;(0, 3, 4, 5);0.000707;0.000732421875 -1000000;1;6;0.5;0.5;(1, 2, 3, 4);0.006717;0.006591796875 -1000000;1;6;0.5;0.5;(1, 2, 3, 5);0.006565;0.006591796875 -1000000;1;6;0.5;0.5;(1, 2, 4, 5);0.006698;0.006591796875 -1000000;1;6;0.5;0.5;(1, 3, 4, 5);0.000719;0.000732421875 -1000000;1;6;0.5;0.5;(2, 3, 4, 5);0.000719;0.000732421875 -1000000;1;6;0.5;0.5;(0, 1, 2, 3, 4);0.019798;0.019775390625 -1000000;1;6;0.5;0.5;(0, 1, 2, 3, 5);0.019737;0.019775390625 -1000000;1;6;0.5;0.5;(0, 1, 2, 4, 5);0.01962;0.019775390625 -1000000;1;6;0.5;0.5;(0, 1, 3, 4, 5);0.002211;0.002197265625 -1000000;1;6;0.5;0.5;(0, 2, 3, 4, 5);0.002164;0.002197265625 -1000000;1;6;0.5;0.5;(1, 2, 3, 4, 5);0.002211;0.002197265625 -1000000;1;6;0.5;0.5;(0, 1, 2, 3, 4, 5);0.006657;0.006591796875 -1000000;1;6;0.75;0.5;();0.012852;0.012874603271484375 -1000000;1;6;0.75;0.5;(0,);0.021451;0.021457672119140625 -1000000;1;6;0.75;0.5;(1,);0.021261;0.021457672119140625 -1000000;1;6;0.75;0.5;(2,);0.021503;0.021457672119140625 -1000000;1;6;0.75;0.5;(3,);0.007753;0.007724761962890625 -1000000;1;6;0.75;0.5;(4,);0.007627;0.007724761962890625 -1000000;1;6;0.75;0.5;(5,);0.007569;0.007724761962890625 -1000000;1;6;0.75;0.5;(0, 1);0.035709;0.035762786865234375 -1000000;1;6;0.75;0.5;(0, 2);0.035927;0.035762786865234375 -1000000;1;6;0.75;0.5;(0, 3);0.012997;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 4);0.012806;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 5);0.012854;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 2);0.035589;0.035762786865234375 -1000000;1;6;0.75;0.5;(1, 3);0.0127;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 4);0.012919;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 5);0.012914;0.012874603271484375 -1000000;1;6;0.75;0.5;(2, 3);0.012797;0.012874603271484375 -1000000;1;6;0.75;0.5;(2, 4);0.013054;0.012874603271484375 -1000000;1;6;0.75;0.5;(2, 5);0.012929;0.012874603271484375 -1000000;1;6;0.75;0.5;(3, 4);0.004724;0.004634857177734375 -1000000;1;6;0.75;0.5;(3, 5);0.00462;0.004634857177734375 -1000000;1;6;0.75;0.5;(4, 5);0.004649;0.004634857177734375 -1000000;1;6;0.75;0.5;(0, 1, 2);0.060056;0.059604644775390625 -1000000;1;6;0.75;0.5;(0, 1, 3);0.021349;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 1, 4);0.021344;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 1, 5);0.021452;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 2, 3);0.021736;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 2, 4);0.021253;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 2, 5);0.021579;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 3, 4);0.007638;0.007724761962890625 -1000000;1;6;0.75;0.5;(0, 3, 5);0.00774;0.007724761962890625 -1000000;1;6;0.75;0.5;(0, 4, 5);0.007639;0.007724761962890625 -1000000;1;6;0.75;0.5;(1, 2, 3);0.021392;0.021457672119140625 -1000000;1;6;0.75;0.5;(1, 2, 4);0.021363;0.021457672119140625 -1000000;1;6;0.75;0.5;(1, 2, 5);0.021371;0.021457672119140625 -1000000;1;6;0.75;0.5;(1, 3, 4);0.007644;0.007724761962890625 -1000000;1;6;0.75;0.5;(1, 3, 5);0.007836;0.007724761962890625 -1000000;1;6;0.75;0.5;(1, 4, 5);0.007662;0.007724761962890625 -1000000;1;6;0.75;0.5;(2, 3, 4);0.007674;0.007724761962890625 -1000000;1;6;0.75;0.5;(2, 3, 5);0.007791;0.007724761962890625 -1000000;1;6;0.75;0.5;(2, 4, 5);0.007518;0.007724761962890625 -1000000;1;6;0.75;0.5;(3, 4, 5);0.00281;0.002780914306640625 -1000000;1;6;0.75;0.5;(0, 1, 2, 3);0.035864;0.035762786865234375 -1000000;1;6;0.75;0.5;(0, 1, 2, 4);0.036373;0.035762786865234375 -1000000;1;6;0.75;0.5;(0, 1, 2, 5);0.035197;0.035762786865234375 -1000000;1;6;0.75;0.5;(0, 1, 3, 4);0.013004;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 1, 3, 5);0.01282;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 1, 4, 5);0.012957;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 2, 3, 4);0.012714;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 2, 3, 5);0.012994;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 2, 4, 5);0.013038;0.012874603271484375 -1000000;1;6;0.75;0.5;(0, 3, 4, 5);0.004562;0.004634857177734375 -1000000;1;6;0.75;0.5;(1, 2, 3, 4);0.012899;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 2, 3, 5);0.012846;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 2, 4, 5);0.012822;0.012874603271484375 -1000000;1;6;0.75;0.5;(1, 3, 4, 5);0.004599;0.004634857177734375 -1000000;1;6;0.75;0.5;(2, 3, 4, 5);0.00466;0.004634857177734375 -1000000;1;6;0.75;0.5;(0, 1, 2, 3, 4);0.021498;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 1, 2, 3, 5);0.021572;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 1, 2, 4, 5);0.021504;0.021457672119140625 -1000000;1;6;0.75;0.5;(0, 1, 3, 4, 5);0.007642;0.007724761962890625 -1000000;1;6;0.75;0.5;(0, 2, 3, 4, 5);0.007767;0.007724761962890625 -1000000;1;6;0.75;0.5;(1, 2, 3, 4, 5);0.007744;0.007724761962890625 -1000000;1;6;0.75;0.5;(0, 1, 2, 3, 4, 5);0.012873;0.012874603271484375 -1000000;1;6;1.0;0.5;();0.015639;0.015625 -1000000;1;6;1.0;0.5;(0,);0.015555;0.015625 -1000000;1;6;1.0;0.5;(1,);0.015779;0.015625 -1000000;1;6;1.0;0.5;(2,);0.015526;0.015625 -1000000;1;6;1.0;0.5;(3,);0.015711;0.015625 -1000000;1;6;1.0;0.5;(4,);0.015731;0.015625 -1000000;1;6;1.0;0.5;(5,);0.015527;0.015625 -1000000;1;6;1.0;0.5;(0, 1);0.015471;0.015625 -1000000;1;6;1.0;0.5;(0, 2);0.015732;0.015625 -1000000;1;6;1.0;0.5;(0, 3);0.015475;0.015625 -1000000;1;6;1.0;0.5;(0, 4);0.015426;0.015625 -1000000;1;6;1.0;0.5;(0, 5);0.01558;0.015625 -1000000;1;6;1.0;0.5;(1, 2);0.015542;0.015625 -1000000;1;6;1.0;0.5;(1, 3);0.015905;0.015625 -1000000;1;6;1.0;0.5;(1, 4);0.015588;0.015625 -1000000;1;6;1.0;0.5;(1, 5);0.015482;0.015625 -1000000;1;6;1.0;0.5;(2, 3);0.015611;0.015625 -1000000;1;6;1.0;0.5;(2, 4);0.015573;0.015625 -1000000;1;6;1.0;0.5;(2, 5);0.015689;0.015625 -1000000;1;6;1.0;0.5;(3, 4);0.015774;0.015625 -1000000;1;6;1.0;0.5;(3, 5);0.015705;0.015625 -1000000;1;6;1.0;0.5;(4, 5);0.01561;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2);0.015674;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 3);0.015773;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 4);0.01564;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 5);0.0156;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 3);0.015589;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 4);0.015805;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 5);0.015811;0.015625 -1000000;1;6;1.0;0.5;(0, 3, 4);0.015669;0.015625 -1000000;1;6;1.0;0.5;(0, 3, 5);0.01566;0.015625 -1000000;1;6;1.0;0.5;(0, 4, 5);0.015721;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 3);0.015613;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 4);0.015225;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 5);0.015487;0.015625 -1000000;1;6;1.0;0.5;(1, 3, 4);0.015537;0.015625 -1000000;1;6;1.0;0.5;(1, 3, 5);0.015461;0.015625 -1000000;1;6;1.0;0.5;(1, 4, 5);0.015635;0.015625 -1000000;1;6;1.0;0.5;(2, 3, 4);0.015826;0.015625 -1000000;1;6;1.0;0.5;(2, 3, 5);0.015711;0.015625 -1000000;1;6;1.0;0.5;(2, 4, 5);0.015576;0.015625 -1000000;1;6;1.0;0.5;(3, 4, 5);0.015753;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 3);0.015719;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 4);0.01554;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 5);0.015875;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 3, 4);0.015712;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 3, 5);0.015635;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 4, 5);0.015746;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 3, 4);0.01553;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 3, 5);0.015599;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 4, 5);0.015656;0.015625 -1000000;1;6;1.0;0.5;(0, 3, 4, 5);0.015878;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 3, 4);0.015632;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 3, 5);0.015615;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 4, 5);0.015534;0.015625 -1000000;1;6;1.0;0.5;(1, 3, 4, 5);0.015481;0.015625 -1000000;1;6;1.0;0.5;(2, 3, 4, 5);0.015782;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 3, 4);0.015556;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 3, 5);0.015635;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 4, 5);0.015393;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 3, 4, 5);0.015601;0.015625 -1000000;1;6;1.0;0.5;(0, 2, 3, 4, 5);0.015545;0.015625 -1000000;1;6;1.0;0.5;(1, 2, 3, 4, 5);0.01552;0.015625 -1000000;1;6;1.0;0.5;(0, 1, 2, 3, 4, 5);0.015419;0.015625 -1000000;1;6;0.25;0.3333333333333333;();0.019508;0.019612965106310023 -1000000;1;6;0.25;0.3333333333333333;(0,);0.098071;0.09806482553155012 -1000000;1;6;0.25;0.3333333333333333;(1,);0.097736;0.09806482553155012 -1000000;1;6;0.25;0.3333333333333333;(2,);0.001796;0.0017829968278463655 -1000000;1;6;0.25;0.3333333333333333;(3,);0.001805;0.0017829968278463655 -1000000;1;6;0.25;0.3333333333333333;(4,);0.001732;0.0017829968278463655 -1000000;1;6;0.25;0.3333333333333333;(5,);0.001823;0.0017829968278463655 -1000000;1;6;0.25;0.3333333333333333;(0, 1);0.491319;0.4903241276577506 -1000000;1;6;0.25;0.3333333333333333;(0, 2);0.009004;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(0, 3);0.008862;0.008914984139231827 -1000000;1;6;0.25;0.3333333333333333;(0, 4);0.008797;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(0, 5);0.008846;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(1, 2);0.009011;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(1, 3);0.008876;0.008914984139231827 -1000000;1;6;0.25;0.3333333333333333;(1, 4);0.008883;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(1, 5);0.008823;0.008914984139231828 -1000000;1;6;0.25;0.3333333333333333;(2, 3);0.000168;0.00016209062071330594 -1000000;1;6;0.25;0.3333333333333333;(2, 4);0.000164;0.0001620906207133059 -1000000;1;6;0.25;0.3333333333333333;(2, 5);0.000172;0.00016209062071330594 -1000000;1;6;0.25;0.3333333333333333;(3, 4);0.000181;0.0001620906207133059 -1000000;1;6;0.25;0.3333333333333333;(3, 5);0.000163;0.00016209062071330594 -1000000;1;6;0.25;0.3333333333333333;(4, 5);0.000141;0.00016209062071330594 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2);0.044497;0.04457492069615914 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 3);0.044183;0.044574920696159134 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 4);0.04444;0.04457492069615914 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 5);0.04478;0.044574920696159134 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 3);0.000861;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 4);0.000791;0.0008104531035665299 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 5);0.000777;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(0, 3, 4);0.000782;0.0008104531035665296 -1000000;1;6;0.25;0.3333333333333333;(0, 3, 5);0.000773;0.0008104531035665296 -1000000;1;6;0.25;0.3333333333333333;(0, 4, 5);0.00082;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 3);0.000834;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 4);0.000832;0.0008104531035665299 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 5);0.000805;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(1, 3, 4);0.000802;0.0008104531035665296 -1000000;1;6;0.25;0.3333333333333333;(1, 3, 5);0.000789;0.0008104531035665296 -1000000;1;6;0.25;0.3333333333333333;(1, 4, 5);0.000826;0.0008104531035665297 -1000000;1;6;0.25;0.3333333333333333;(2, 3, 4);1.8e-05;1.4735510973936903e-05 -1000000;1;6;0.25;0.3333333333333333;(2, 3, 5);1.4e-05;1.4735510973936903e-05 -1000000;1;6;0.25;0.3333333333333333;(2, 4, 5);2.4e-05;1.47355109739369e-05 -1000000;1;6;0.25;0.3333333333333333;(3, 4, 5);1.2e-05;1.47355109739369e-05 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 3);0.004131;0.0040522655178326485 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 4);0.004104;0.0040522655178326485 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 5);0.004051;0.0040522655178326485 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 3, 4);0.004099;0.004052265517832648 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 3, 5);0.003982;0.004052265517832648 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 4, 5);0.004009;0.0040522655178326485 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 3, 4);7.3e-05;7.367755486968452e-05 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 3, 5);7.9e-05;7.367755486968451e-05 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 4, 5);8.3e-05;7.367755486968452e-05 -1000000;1;6;0.25;0.3333333333333333;(0, 3, 4, 5);7.4e-05;7.367755486968451e-05 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 3, 4);7.9e-05;7.367755486968452e-05 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 3, 5);7.4e-05;7.367755486968451e-05 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 4, 5);5.2e-05;7.367755486968452e-05 -1000000;1;6;0.25;0.3333333333333333;(1, 3, 4, 5);5.4e-05;7.367755486968451e-05 -1000000;1;6;0.25;0.3333333333333333;(2, 3, 4, 5);1e-06;1.3395919067215365e-06 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 3, 4);0.000348;0.00036838777434842254 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 3, 5);0.000377;0.0003683877743484226 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 4, 5);0.000368;0.0003683877743484226 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 3, 4, 5);0.00038;0.0003683877743484225 -1000000;1;6;0.25;0.3333333333333333;(0, 2, 3, 4, 5);9e-06;6.697959533607682e-06 -1000000;1;6;0.25;0.3333333333333333;(1, 2, 3, 4, 5);6e-06;6.697959533607682e-06 -1000000;1;6;0.25;0.3333333333333333;(0, 1, 2, 3, 4, 5);2.6e-05;3.348979766803841e-05 -1000000;1;6;0.5;0.3333333333333333;();0.053235;0.05358367626886148 -1000000;1;6;0.5;0.3333333333333333;(0,);0.107636;0.10716735253772293 -1000000;1;6;0.5;0.3333333333333333;(1,);0.1073;0.10716735253772293 -1000000;1;6;0.5;0.3333333333333333;(2,);0.010707;0.010716735253772293 -1000000;1;6;0.5;0.3333333333333333;(3,);0.010542;0.010716735253772293 -1000000;1;6;0.5;0.3333333333333333;(4,);0.010593;0.010716735253772295 -1000000;1;6;0.5;0.3333333333333333;(5,);0.010714;0.010716735253772295 -1000000;1;6;0.5;0.3333333333333333;(0, 1);0.214466;0.21433470507544583 -1000000;1;6;0.5;0.3333333333333333;(0, 2);0.021376;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(0, 3);0.021569;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(0, 4);0.02157;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(0, 5);0.021621;0.021433470507544586 -1000000;1;6;0.5;0.3333333333333333;(1, 2);0.021505;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(1, 3);0.021311;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(1, 4);0.021304;0.021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(1, 5);0.021207;0.021433470507544586 -1000000;1;6;0.5;0.3333333333333333;(2, 3);0.002131;0.0021433470507544587 -1000000;1;6;0.5;0.3333333333333333;(2, 4);0.002097;0.0021433470507544587 -1000000;1;6;0.5;0.3333333333333333;(2, 5);0.002072;0.0021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(3, 4);0.002096;0.0021433470507544587 -1000000;1;6;0.5;0.3333333333333333;(3, 5);0.00218;0.0021433470507544582 -1000000;1;6;0.5;0.3333333333333333;(4, 5);0.002157;0.0021433470507544587 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2);0.042801;0.042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 3);0.043261;0.042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 4);0.042962;0.04286694101508916 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 5);0.04267;0.04286694101508916 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 3);0.004274;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 4);0.004232;0.004286694101508916 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 5);0.004283;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 3, 4);0.004242;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 3, 5);0.004293;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(0, 4, 5);0.004281;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 3);0.004346;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 4);0.004362;0.004286694101508916 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 5);0.004265;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(1, 3, 4);0.004263;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(1, 3, 5);0.004398;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(1, 4, 5);0.004233;0.0042866941015089165 -1000000;1;6;0.5;0.3333333333333333;(2, 3, 4);0.000472;0.00042866941015089167 -1000000;1;6;0.5;0.3333333333333333;(2, 3, 5);0.000418;0.00042866941015089167 -1000000;1;6;0.5;0.3333333333333333;(2, 4, 5);0.000432;0.00042866941015089167 -1000000;1;6;0.5;0.3333333333333333;(3, 4, 5);0.00042;0.00042866941015089167 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 3);0.008618;0.008573388203017833 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 4);0.008518;0.008573388203017831 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 5);0.008531;0.008573388203017833 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 3, 4);0.008553;0.008573388203017831 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 3, 5);0.008538;0.008573388203017833 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 4, 5);0.008519;0.008573388203017831 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 3, 4);0.000894;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 3, 5);0.000866;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 4, 5);0.000825;0.0008573388203017831 -1000000;1;6;0.5;0.3333333333333333;(0, 3, 4, 5);0.000862;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 3, 4);0.000846;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 3, 5);0.000886;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 4, 5);0.00089;0.0008573388203017831 -1000000;1;6;0.5;0.3333333333333333;(1, 3, 4, 5);0.000837;0.0008573388203017832 -1000000;1;6;0.5;0.3333333333333333;(2, 3, 4, 5);9.6e-05;8.573388203017833e-05 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 3, 4);0.001676;0.0017146776406035665 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 3, 5);0.001752;0.0017146776406035665 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 4, 5);0.001693;0.0017146776406035662 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 3, 4, 5);0.001657;0.0017146776406035662 -1000000;1;6;0.5;0.3333333333333333;(0, 2, 3, 4, 5);0.000167;0.0001714677640603566 -1000000;1;6;0.5;0.3333333333333333;(1, 2, 3, 4, 5);0.000154;0.0001714677640603566 -1000000;1;6;0.5;0.3333333333333333;(0, 1, 2, 3, 4, 5);0.000325;0.0003429355281207132 -1000000;1;6;0.75;0.3333333333333333;();0.079036;0.0791015625 -1000000;1;6;0.75;0.3333333333333333;(0,);0.07925;0.0791015625 -1000000;1;6;0.75;0.3333333333333333;(1,);0.078412;0.0791015625 -1000000;1;6;0.75;0.3333333333333333;(2,);0.026224;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(3,);0.02623;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(4,);0.026236;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(5,);0.026374;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 1);0.079551;0.0791015625 -1000000;1;6;0.75;0.3333333333333333;(0, 2);0.026379;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 3);0.026524;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 4);0.026476;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 5);0.026568;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(1, 2);0.026439;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(1, 3);0.026297;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(1, 4);0.026431;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(1, 5);0.026447;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(2, 3);0.008655;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(2, 4);0.008809;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(2, 5);0.008768;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(3, 4);0.0089;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(3, 5);0.008853;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(4, 5);0.008846;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2);0.026282;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 3);0.0263;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 4);0.026272;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 5);0.026368;0.0263671875 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 3);0.008922;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 4);0.008769;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 5);0.008642;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 3, 4);0.008862;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 3, 5);0.008882;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 4, 5);0.008807;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 3);0.008864;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 4);0.008604;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 5);0.008858;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 3, 4);0.008736;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 3, 5);0.008811;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(1, 4, 5);0.008796;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(2, 3, 4);0.002862;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(2, 3, 5);0.003032;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(2, 4, 5);0.002922;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(3, 4, 5);0.002921;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 3);0.008872;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 4);0.008772;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 5);0.008928;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 3, 4);0.00887;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 3, 5);0.008716;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 4, 5);0.008747;0.0087890625 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 3, 4);0.00292;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 3, 5);0.002927;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 4, 5);0.002956;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 3, 4, 5);0.002963;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 3, 4);0.002875;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 3, 5);0.002959;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 4, 5);0.002866;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(1, 3, 4, 5);0.002922;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(2, 3, 4, 5);0.00099;0.0009765625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 3, 4);0.002972;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 3, 5);0.002844;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 4, 5);0.00297;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 3, 4, 5);0.002919;0.0029296875 -1000000;1;6;0.75;0.3333333333333333;(0, 2, 3, 4, 5);0.000932;0.0009765625 -1000000;1;6;0.75;0.3333333333333333;(1, 2, 3, 4, 5);0.000939;0.0009765625 -1000000;1;6;0.75;0.3333333333333333;(0, 1, 2, 3, 4, 5);0.000924;0.0009765625 -1000000;1;6;1.0;0.3333333333333333;();0.087407;0.08779149519890266 -1000000;1;6;1.0;0.3333333333333333;(0,);0.043803;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(1,);0.043988;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(2,);0.044057;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(3,);0.043702;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(4,);0.04404;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(5,);0.043508;0.04389574759945132 -1000000;1;6;1.0;0.3333333333333333;(0, 1);0.021922;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(0, 2);0.022082;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(0, 3);0.021865;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(0, 4);0.021927;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(0, 5);0.021901;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(1, 2);0.021972;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(1, 3);0.021794;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(1, 4);0.021802;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(1, 5);0.022075;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(2, 3);0.021998;0.02194787379972566 -1000000;1;6;1.0;0.3333333333333333;(2, 4);0.021983;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(2, 5);0.021924;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(3, 4);0.02219;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(3, 5);0.022227;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(4, 5);0.021764;0.021947873799725657 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2);0.010866;0.01097393689986283 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 3);0.011044;0.01097393689986283 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 4);0.010787;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 5);0.011163;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 3);0.01113;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 4);0.011032;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 5);0.010951;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 3, 4);0.010998;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 3, 5);0.010979;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(0, 4, 5);0.011215;0.010973936899862827 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 3);0.010918;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 4);0.011127;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 5);0.010919;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(1, 3, 4);0.011098;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(1, 3, 5);0.010831;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(1, 4, 5);0.01084;0.010973936899862827 -1000000;1;6;1.0;0.3333333333333333;(2, 3, 4);0.010936;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(2, 3, 5);0.011121;0.010973936899862828 -1000000;1;6;1.0;0.3333333333333333;(2, 4, 5);0.010921;0.010973936899862827 -1000000;1;6;1.0;0.3333333333333333;(3, 4, 5);0.011033;0.010973936899862827 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 3);0.005391;0.005486968449931414 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 4);0.00542;0.005486968449931414 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 5);0.005508;0.005486968449931414 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 3, 4);0.005473;0.005486968449931414 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 3, 5);0.005622;0.005486968449931414 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 4, 5);0.005454;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 3, 4);0.005441;0.0054869684499314125 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 3, 5);0.005386;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 4, 5);0.005479;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(0, 3, 4, 5);0.005518;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 3, 4);0.005535;0.0054869684499314125 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 3, 5);0.005532;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 4, 5);0.00545;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(1, 3, 4, 5);0.005477;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(2, 3, 4, 5);0.005424;0.005486968449931413 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 3, 4);0.002735;0.0027434842249657062 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 3, 5);0.002719;0.0027434842249657067 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 4, 5);0.002752;0.0027434842249657067 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 3, 4, 5);0.002865;0.0027434842249657067 -1000000;1;6;1.0;0.3333333333333333;(0, 2, 3, 4, 5);0.002805;0.002743484224965706 -1000000;1;6;1.0;0.3333333333333333;(1, 2, 3, 4, 5);0.002731;0.002743484224965706 -1000000;1;6;1.0;0.3333333333333333;(0, 1, 2, 3, 4, 5);0.001443;0.001371742112482853 +num_samples;num_voters;num_candidates;phi;rel_size_central_vote;central_vote;outcome;observed_freq;theoretical_freq +1000000;1;6;0.25;0.33;None;(0,);0.541334;0.5412708099853835 +1000000;1;6;0.25;0.33;None;(1,);0.009774;0.009792488081086669 +1000000;1;6;0.25;0.33;None;(2,);0.009571;0.009792488081086669 +1000000;1;6;0.25;0.33;None;(3,);0.00978;0.00979248808108667 +1000000;1;6;0.25;0.33;None;(4,);0.009797;0.00979248808108667 +1000000;1;6;0.25;0.33;None;(5,);0.009955;0.009792488081086669 +1000000;1;6;0.25;0.33;None;(0, 1);0.048722;0.04867012732838598 +1000000;1;6;0.25;0.33;None;(0, 2);0.048795;0.04867012732838599 +1000000;1;6;0.25;0.33;None;(0, 3);0.048699;0.048670127328385986 +1000000;1;6;0.25;0.33;None;(0, 4);0.048772;0.048670127328385986 +1000000;1;6;0.25;0.33;None;(0, 5);0.048703;0.048670127328385986 +1000000;1;6;0.25;0.33;None;(1, 2);0.00092;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(1, 3);0.000824;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(1, 4);0.000968;0.0008805234514328613 +1000000;1;6;0.25;0.33;None;(1, 5);0.000852;0.0008805234514328613 +1000000;1;6;0.25;0.33;None;(2, 3);0.000886;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(2, 4);0.000932;0.0008805234514328613 +1000000;1;6;0.25;0.33;None;(2, 5);0.000847;0.0008805234514328613 +1000000;1;6;0.25;0.33;None;(3, 4);0.000858;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(3, 5);0.000872;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(4, 5);0.000855;0.0008805234514328614 +1000000;1;6;0.25;0.33;None;(0, 1, 2);0.004396;0.0043763329750319815 +1000000;1;6;0.25;0.33;None;(0, 1, 3);0.004377;0.0043763329750319815 +1000000;1;6;0.25;0.33;None;(0, 1, 4);0.004409;0.0043763329750319815 +1000000;1;6;0.25;0.33;None;(0, 1, 5);0.004281;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(0, 2, 3);0.00434;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(0, 2, 4);0.004324;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(0, 2, 5);0.00439;0.004376332975031983 +1000000;1;6;0.25;0.33;None;(0, 3, 4);0.004418;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(0, 3, 5);0.004259;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(0, 4, 5);0.004308;0.004376332975031982 +1000000;1;6;0.25;0.33;None;(1, 2, 3);8.7e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(1, 2, 4);7.7e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(1, 2, 5);8.5e-05;7.917513323510744e-05 +1000000;1;6;0.25;0.33;None;(1, 3, 4);7.7e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(1, 3, 5);8.3e-05;7.917513323510744e-05 +1000000;1;6;0.25;0.33;None;(1, 4, 5);7.4e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(2, 3, 4);7e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(2, 3, 5);8.8e-05;7.917513323510744e-05 +1000000;1;6;0.25;0.33;None;(2, 4, 5);8.3e-05;7.917513323510742e-05 +1000000;1;6;0.25;0.33;None;(3, 4, 5);6.8e-05;7.917513323510744e-05 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 3);0.000411;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 4);0.000394;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 5);0.000389;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 1, 3, 4);0.000395;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 1, 3, 5);0.000413;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 1, 4, 5);0.000379;0.0003935122293625488 +1000000;1;6;0.25;0.33;None;(0, 2, 3, 4);0.000395;0.0003935122293625489 +1000000;1;6;0.25;0.33;None;(0, 2, 3, 5);0.000408;0.00039351222936254886 +1000000;1;6;0.25;0.33;None;(0, 2, 4, 5);0.000363;0.00039351222936254886 +1000000;1;6;0.25;0.33;None;(0, 3, 4, 5);0.000415;0.00039351222936254886 +1000000;1;6;0.25;0.33;None;(1, 2, 3, 4);9e-06;7.1192899094238285e-06 +1000000;1;6;0.25;0.33;None;(1, 2, 3, 5);1e-05;7.1192899094238285e-06 +1000000;1;6;0.25;0.33;None;(1, 2, 4, 5);9e-06;7.1192899094238285e-06 +1000000;1;6;0.25;0.33;None;(1, 3, 4, 5);5e-06;7.1192899094238285e-06 +1000000;1;6;0.25;0.33;None;(2, 3, 4, 5);4e-06;7.1192899094238285e-06 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 3, 4);3.2e-05;3.538393343041992e-05 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 3, 5);4.2e-05;3.538393343041992e-05 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 4, 5);3e-05;3.538393343041992e-05 +1000000;1;6;0.25;0.33;None;(0, 1, 3, 4, 5);3.6e-05;3.538393343041992e-05 +1000000;1;6;0.25;0.33;None;(0, 2, 3, 4, 5);4e-05;3.538393343041993e-05 +1000000;1;6;0.25;0.33;None;(1, 2, 3, 4, 5);0;6.40154133544922e-07 +1000000;1;6;0.25;0.33;None;(0, 1, 2, 3, 4, 5);4e-06;3.1816615891113284e-06 +1000000;1;6;0.25;0.5;None;(0,);0.009112;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(1,);0.009162;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(2,);0.009041;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(3,);0.000193;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(4,);0.000178;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(5,);0.000195;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(0, 1);0.064256;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(0, 2);0.063978;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(0, 3);0.001285;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 4);0.001293;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 5);0.00128;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 2);0.063881;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(1, 3);0.001343;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 4);0.001293;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 5);0.001325;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(2, 3);0.001287;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(2, 4);0.001307;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(2, 5);0.001295;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(3, 4);3.8e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(3, 5);1.8e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(4, 5);2e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(0, 1, 2);0.449098;0.4487953186035156 +1000000;1;6;0.25;0.5;None;(0, 1, 3);0.009142;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 1, 4);0.009074;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 1, 5);0.009099;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 2, 3);0.009206;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 2, 4);0.009084;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 2, 5);0.009046;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 3, 4);0.000195;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(0, 3, 5);0.00019;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(0, 4, 5);0.000188;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(1, 2, 3);0.009178;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(1, 2, 4);0.009268;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(1, 2, 5);0.009155;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(1, 3, 4);0.000181;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(1, 3, 5);0.000196;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(1, 4, 5);0.000165;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(2, 3, 4);0.000202;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(2, 3, 5);0.00019;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(2, 4, 5);0.000213;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(3, 4, 5);3e-06;3.814697265625e-06 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 3);0.064212;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 4);0.064314;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 5);0.064211;0.06411361694335938 +1000000;1;6;0.25;0.5;None;(0, 1, 3, 4);0.001287;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 1, 3, 5);0.001277;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 1, 4, 5);0.001301;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 2, 3, 4);0.001324;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 2, 3, 5);0.001346;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 2, 4, 5);0.001284;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(0, 3, 4, 5);3.5e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(1, 2, 3, 4);0.00134;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 2, 3, 5);0.001248;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 2, 4, 5);0.001323;0.001308441162109375 +1000000;1;6;0.25;0.5;None;(1, 3, 4, 5);2.7e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(2, 3, 4, 5);2.8e-05;2.6702880859375e-05 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 3, 4);0.00908;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 3, 5);0.009327;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 4, 5);0.009037;0.009159088134765625 +1000000;1;6;0.25;0.5;None;(0, 1, 3, 4, 5);0.000191;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(0, 2, 3, 4, 5);0.000186;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(1, 2, 3, 4, 5);0.000156;0.000186920166015625 +1000000;1;6;0.25;0.5;None;(0, 1, 2, 3, 4, 5);0.001316;0.001308441162109375 +1000000;1;6;0.5;0.33;None;(0,);0.269707;0.2699317825895468 +1000000;1;6;0.5;0.33;None;(1,);0.026836;0.026870432277046868 +1000000;1;6;0.5;0.33;None;(2,);0.027164;0.026870432277046868 +1000000;1;6;0.5;0.33;None;(3,);0.027084;0.026870432277046868 +1000000;1;6;0.5;0.33;None;(4,);0.027198;0.026870432277046868 +1000000;1;6;0.5;0.33;None;(5,);0.026699;0.026870432277046868 +1000000;1;6;0.5;0.33;None;(0, 1);0.053096;0.05333981332607813 +1000000;1;6;0.5;0.33;None;(0, 2);0.053573;0.05333981332607813 +1000000;1;6;0.5;0.33;None;(0, 3);0.053675;0.053339813326078116 +1000000;1;6;0.5;0.33;None;(0, 4);0.053143;0.053339813326078116 +1000000;1;6;0.5;0.33;None;(0, 5);0.053568;0.053339813326078116 +1000000;1;6;0.5;0.33;None;(1, 2);0.005182;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(1, 3);0.005345;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(1, 4);0.005239;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(1, 5);0.005487;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(2, 3);0.005283;0.005309726138578124 +1000000;1;6;0.5;0.33;None;(2, 4);0.005268;0.005309726138578124 +1000000;1;6;0.5;0.33;None;(2, 5);0.005358;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(3, 4);0.005259;0.005309726138578124 +1000000;1;6;0.5;0.33;None;(3, 5);0.005258;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(4, 5);0.005351;0.0053097261385781245 +1000000;1;6;0.5;0.33;None;(0, 1, 2);0.010562;0.010540202633296877 +1000000;1;6;0.5;0.33;None;(0, 1, 3);0.010677;0.010540202633296875 +1000000;1;6;0.5;0.33;None;(0, 1, 4);0.010561;0.010540202633296877 +1000000;1;6;0.5;0.33;None;(0, 1, 5);0.010579;0.010540202633296877 +1000000;1;6;0.5;0.33;None;(0, 2, 3);0.010387;0.010540202633296875 +1000000;1;6;0.5;0.33;None;(0, 2, 4);0.010458;0.010540202633296877 +1000000;1;6;0.5;0.33;None;(0, 2, 5);0.010603;0.010540202633296877 +1000000;1;6;0.5;0.33;None;(0, 3, 4);0.010499;0.010540202633296874 +1000000;1;6;0.5;0.33;None;(0, 3, 5);0.010409;0.010540202633296875 +1000000;1;6;0.5;0.33;None;(0, 4, 5);0.010793;0.010540202633296875 +1000000;1;6;0.5;0.33;None;(1, 2, 3);0.001049;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(1, 2, 4);0.001076;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(1, 2, 5);0.000954;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(1, 3, 4);0.000991;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(1, 3, 5);0.00104;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(1, 4, 5);0.000997;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(2, 3, 4);0.001017;0.001049227320796875 +1000000;1;6;0.5;0.33;None;(2, 3, 5);0.001042;0.0010492273207968748 +1000000;1;6;0.5;0.33;None;(2, 4, 5);0.000978;0.0010492273207968748 +1000000;1;6;0.5;0.33;None;(3, 4, 5);0.001023;0.0010492273207968748 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 3);0.002021;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 4);0.002204;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 5);0.002142;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 1, 3, 4);0.002118;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 1, 3, 5);0.002002;0.002082794532328125 +1000000;1;6;0.5;0.33;None;(0, 1, 4, 5);0.002028;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 2, 3, 4);0.002004;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 2, 3, 5);0.002018;0.002082794532328125 +1000000;1;6;0.5;0.33;None;(0, 2, 4, 5);0.00204;0.0020827945323281254 +1000000;1;6;0.5;0.33;None;(0, 3, 4, 5);0.002083;0.002082794532328125 +1000000;1;6;0.5;0.33;None;(1, 2, 3, 4);0.000229;0.00020733234482812502 +1000000;1;6;0.5;0.33;None;(1, 2, 3, 5);0.000207;0.000207332344828125 +1000000;1;6;0.5;0.33;None;(1, 2, 4, 5);0.000225;0.000207332344828125 +1000000;1;6;0.5;0.33;None;(1, 3, 4, 5);0.000213;0.000207332344828125 +1000000;1;6;0.5;0.33;None;(2, 3, 4, 5);0.000203;0.000207332344828125 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 3, 4);0.000414;0.00041157017704687514 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 3, 5);0.000375;0.0004115701770468751 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 4, 5);0.000426;0.0004115701770468751 +1000000;1;6;0.5;0.33;None;(0, 1, 3, 4, 5);0.000434;0.0004115701770468751 +1000000;1;6;0.5;0.33;None;(0, 2, 3, 4, 5);0.000424;0.0004115701770468751 +1000000;1;6;0.5;0.33;None;(1, 2, 3, 4, 5);4.1e-05;4.096986454687501e-05 +1000000;1;6;0.5;0.33;None;(0, 1, 2, 3, 4, 5);7.4e-05;8.132823857812503e-05 +1000000;1;6;0.5;0.5;None;(0,);0.019813;0.019775390625 +1000000;1;6;0.5;0.5;None;(1,);0.019561;0.019775390625 +1000000;1;6;0.5;0.5;None;(2,);0.019435;0.019775390625 +1000000;1;6;0.5;0.5;None;(3,);0.002176;0.002197265625 +1000000;1;6;0.5;0.5;None;(4,);0.002121;0.002197265625 +1000000;1;6;0.5;0.5;None;(5,);0.00223;0.002197265625 +1000000;1;6;0.5;0.5;None;(0, 1);0.059155;0.059326171875 +1000000;1;6;0.5;0.5;None;(0, 2);0.059007;0.059326171875 +1000000;1;6;0.5;0.5;None;(0, 3);0.006572;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 4);0.006611;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 5);0.006379;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 2);0.05953;0.059326171875 +1000000;1;6;0.5;0.5;None;(1, 3);0.006509;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 4);0.006741;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 5);0.006614;0.006591796875 +1000000;1;6;0.5;0.5;None;(2, 3);0.006658;0.006591796875 +1000000;1;6;0.5;0.5;None;(2, 4);0.006674;0.006591796875 +1000000;1;6;0.5;0.5;None;(2, 5);0.00649;0.006591796875 +1000000;1;6;0.5;0.5;None;(3, 4);0.000697;0.000732421875 +1000000;1;6;0.5;0.5;None;(3, 5);0.000765;0.000732421875 +1000000;1;6;0.5;0.5;None;(4, 5);0.000732;0.000732421875 +1000000;1;6;0.5;0.5;None;(0, 1, 2);0.17891;0.177978515625 +1000000;1;6;0.5;0.5;None;(0, 1, 3);0.019854;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 1, 4);0.019672;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 1, 5);0.019818;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 2, 3);0.01968;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 2, 4);0.019648;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 2, 5);0.019712;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 3, 4);0.002185;0.002197265625 +1000000;1;6;0.5;0.5;None;(0, 3, 5);0.002212;0.002197265625 +1000000;1;6;0.5;0.5;None;(0, 4, 5);0.002166;0.002197265625 +1000000;1;6;0.5;0.5;None;(1, 2, 3);0.019625;0.019775390625 +1000000;1;6;0.5;0.5;None;(1, 2, 4);0.019861;0.019775390625 +1000000;1;6;0.5;0.5;None;(1, 2, 5);0.019651;0.019775390625 +1000000;1;6;0.5;0.5;None;(1, 3, 4);0.002064;0.002197265625 +1000000;1;6;0.5;0.5;None;(1, 3, 5);0.002187;0.002197265625 +1000000;1;6;0.5;0.5;None;(1, 4, 5);0.002207;0.002197265625 +1000000;1;6;0.5;0.5;None;(2, 3, 4);0.002241;0.002197265625 +1000000;1;6;0.5;0.5;None;(2, 3, 5);0.002136;0.002197265625 +1000000;1;6;0.5;0.5;None;(2, 4, 5);0.002313;0.002197265625 +1000000;1;6;0.5;0.5;None;(3, 4, 5);0.000237;0.000244140625 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 3);0.059497;0.059326171875 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 4);0.059649;0.059326171875 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 5);0.059491;0.059326171875 +1000000;1;6;0.5;0.5;None;(0, 1, 3, 4);0.006598;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 1, 3, 5);0.006532;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 1, 4, 5);0.006552;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 2, 3, 4);0.006554;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 2, 3, 5);0.006554;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 2, 4, 5);0.006659;0.006591796875 +1000000;1;6;0.5;0.5;None;(0, 3, 4, 5);0.000753;0.000732421875 +1000000;1;6;0.5;0.5;None;(1, 2, 3, 4);0.006463;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 2, 3, 5);0.006474;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 2, 4, 5);0.006435;0.006591796875 +1000000;1;6;0.5;0.5;None;(1, 3, 4, 5);0.000749;0.000732421875 +1000000;1;6;0.5;0.5;None;(2, 3, 4, 5);0.000746;0.000732421875 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 3, 4);0.019761;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 3, 5);0.020071;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 4, 5);0.019683;0.019775390625 +1000000;1;6;0.5;0.5;None;(0, 1, 3, 4, 5);0.002222;0.002197265625 +1000000;1;6;0.5;0.5;None;(0, 2, 3, 4, 5);0.002279;0.002197265625 +1000000;1;6;0.5;0.5;None;(1, 2, 3, 4, 5);0.002163;0.002197265625 +1000000;1;6;0.5;0.5;None;(0, 1, 2, 3, 4, 5);0.006547;0.006591796875 +1000000;1;6;0.75;0.33;None;(0,);0.120038;0.1200398948727292 +1000000;1;6;0.75;0.33;None;(1,);0.03967;0.03987835970671361 +1000000;1;6;0.75;0.33;None;(2,);0.039456;0.0398783597067136 +1000000;1;6;0.75;0.33;None;(3,);0.040016;0.03987835970671361 +1000000;1;6;0.75;0.33;None;(4,);0.040019;0.039878359706713606 +1000000;1;6;0.75;0.33;None;(5,);0.039966;0.039878359706713606 +1000000;1;6;0.75;0.33;None;(0, 1);0.039489;0.03948156010764184 +1000000;1;6;0.75;0.33;None;(0, 2);0.039459;0.03948156010764184 +1000000;1;6;0.75;0.33;None;(0, 3);0.039295;0.03948156010764183 +1000000;1;6;0.75;0.33;None;(0, 4);0.039492;0.03948156010764184 +1000000;1;6;0.75;0.33;None;(0, 5);0.039362;0.03948156010764183 +1000000;1;6;0.75;0.33;None;(1, 2);0.01328;0.013116138242407467 +1000000;1;6;0.75;0.33;None;(1, 3);0.013279;0.013116138242407467 +1000000;1;6;0.75;0.33;None;(1, 4);0.013246;0.013116138242407467 +1000000;1;6;0.75;0.33;None;(1, 5);0.01315;0.013116138242407469 +1000000;1;6;0.75;0.33;None;(2, 3);0.013178;0.013116138242407465 +1000000;1;6;0.75;0.33;None;(2, 4);0.013034;0.013116138242407465 +1000000;1;6;0.75;0.33;None;(2, 5);0.013068;0.013116138242407465 +1000000;1;6;0.75;0.33;None;(3, 4);0.01307;0.013116138242407467 +1000000;1;6;0.75;0.33;None;(3, 5);0.013165;0.013116138242407469 +1000000;1;6;0.75;0.33;None;(4, 5);0.013263;0.013116138242407467 +1000000;1;6;0.75;0.33;None;(0, 1, 2);0.012945;0.012985629404174557 +1000000;1;6;0.75;0.33;None;(0, 1, 3);0.013081;0.012985629404174557 +1000000;1;6;0.75;0.33;None;(0, 1, 4);0.012816;0.012985629404174559 +1000000;1;6;0.75;0.33;None;(0, 1, 5);0.013044;0.012985629404174559 +1000000;1;6;0.75;0.33;None;(0, 2, 3);0.012834;0.012985629404174557 +1000000;1;6;0.75;0.33;None;(0, 2, 4);0.013015;0.012985629404174559 +1000000;1;6;0.75;0.33;None;(0, 2, 5);0.012947;0.012985629404174559 +1000000;1;6;0.75;0.33;None;(0, 3, 4);0.013212;0.012985629404174557 +1000000;1;6;0.75;0.33;None;(0, 3, 5);0.012832;0.012985629404174557 +1000000;1;6;0.75;0.33;None;(0, 4, 5);0.013139;0.012985629404174559 +1000000;1;6;0.75;0.33;None;(1, 2, 3);0.004205;0.004313945800658934 +1000000;1;6;0.75;0.33;None;(1, 2, 4);0.00421;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(1, 2, 5);0.004344;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(1, 3, 4);0.004308;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(1, 3, 5);0.00433;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(1, 4, 5);0.004354;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(2, 3, 4);0.004226;0.004313945800658934 +1000000;1;6;0.75;0.33;None;(2, 3, 5);0.004338;0.004313945800658934 +1000000;1;6;0.75;0.33;None;(2, 4, 5);0.004278;0.004313945800658934 +1000000;1;6;0.75;0.33;None;(3, 4, 5);0.00436;0.004313945800658935 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 3);0.004157;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 4);0.004312;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 5);0.004327;0.004271020966821532 +1000000;1;6;0.75;0.33;None;(0, 1, 3, 4);0.004346;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 1, 3, 5);0.004381;0.004271020966821532 +1000000;1;6;0.75;0.33;None;(0, 1, 4, 5);0.00415;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 2, 3, 4);0.004352;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 2, 3, 5);0.004302;0.004271020966821532 +1000000;1;6;0.75;0.33;None;(0, 2, 4, 5);0.004171;0.004271020966821533 +1000000;1;6;0.75;0.33;None;(0, 3, 4, 5);0.00433;0.004271020966821532 +1000000;1;6;0.75;0.33;None;(1, 2, 3, 4);0.001361;0.0014188725390871578 +1000000;1;6;0.75;0.33;None;(1, 2, 3, 5);0.001419;0.0014188725390871578 +1000000;1;6;0.75;0.33;None;(1, 2, 4, 5);0.001467;0.001418872539087158 +1000000;1;6;0.75;0.33;None;(1, 3, 4, 5);0.001419;0.001418872539087158 +1000000;1;6;0.75;0.33;None;(2, 3, 4, 5);0.001472;0.0014188725390871578 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 3, 4);0.001455;0.001404754404369873 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 3, 5);0.001408;0.001404754404369873 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 4, 5);0.001422;0.001404754404369873 +1000000;1;6;0.75;0.33;None;(0, 1, 3, 4, 5);0.001388;0.001404754404369873 +1000000;1;6;0.75;0.33;None;(0, 2, 3, 4, 5);0.001403;0.001404754404369873 +1000000;1;6;0.75;0.33;None;(1, 2, 3, 4, 5);0.000453;0.00046667236335424796 +1000000;1;6;0.75;0.33;None;(0, 1, 2, 3, 4, 5);0.000489;0.00046202885725122065 +1000000;1;6;0.75;0.5;None;(0,);0.021446;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(1,);0.021376;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(2,);0.021512;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(3,);0.007654;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(4,);0.007676;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(5,);0.007585;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(0, 1);0.035656;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(0, 2);0.035863;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(0, 3);0.012897;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 4);0.012605;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 5);0.012646;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 2);0.035704;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(1, 3);0.012904;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 4);0.012843;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 5);0.01305;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(2, 3);0.012895;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(2, 4);0.012889;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(2, 5);0.012977;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(3, 4);0.004513;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(3, 5);0.004694;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(4, 5);0.004619;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(0, 1, 2);0.059704;0.059604644775390625 +1000000;1;6;0.75;0.5;None;(0, 1, 3);0.021386;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 1, 4);0.021637;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 1, 5);0.021161;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 2, 3);0.021405;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 2, 4);0.021694;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 2, 5);0.021534;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 3, 4);0.007761;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(0, 3, 5);0.007759;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(0, 4, 5);0.007645;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(1, 2, 3);0.021465;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(1, 2, 4);0.021432;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(1, 2, 5);0.021437;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(1, 3, 4);0.007666;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(1, 3, 5);0.007717;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(1, 4, 5);0.0076;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(2, 3, 4);0.007471;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(2, 3, 5);0.007751;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(2, 4, 5);0.007704;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(3, 4, 5);0.002819;0.002780914306640625 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 3);0.036133;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 4);0.035733;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 5);0.035641;0.035762786865234375 +1000000;1;6;0.75;0.5;None;(0, 1, 3, 4);0.012817;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 1, 3, 5);0.012884;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 1, 4, 5);0.012831;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 2, 3, 4);0.01284;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 2, 3, 5);0.012881;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 2, 4, 5);0.012894;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(0, 3, 4, 5);0.004689;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(1, 2, 3, 4);0.012961;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 2, 3, 5);0.012824;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 2, 4, 5);0.012958;0.012874603271484375 +1000000;1;6;0.75;0.5;None;(1, 3, 4, 5);0.004613;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(2, 3, 4, 5);0.004704;0.004634857177734375 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 3, 4);0.021566;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 3, 5);0.021401;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 4, 5);0.021681;0.021457672119140625 +1000000;1;6;0.75;0.5;None;(0, 1, 3, 4, 5);0.007881;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(0, 2, 3, 4, 5);0.00777;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(1, 2, 3, 4, 5);0.007606;0.007724761962890625 +1000000;1;6;0.75;0.5;None;(0, 1, 2, 3, 4, 5);0.013145;0.012874603271484375 +1000000;1;6;1;0.33;None;(0,);0.044472;0.04455412853099998 +1000000;1;6;1;0.33;None;(1,);0.044515;0.04455412853099998 +1000000;1;6;1;0.33;None;(2,);0.044425;0.04455412853099998 +1000000;1;6;1;0.33;None;(3,);0.044902;0.04455412853099997 +1000000;1;6;1;0.33;None;(4,);0.045138;0.04455412853099998 +1000000;1;6;1;0.33;None;(5,);0.044615;0.04455412853099998 +1000000;1;6;1;0.33;None;(0, 1);0.022175;0.021944570768999992 +1000000;1;6;1;0.33;None;(0, 2);0.021664;0.021944570768999992 +1000000;1;6;1;0.33;None;(0, 3);0.021949;0.021944570768999992 +1000000;1;6;1;0.33;None;(0, 4);0.021826;0.021944570768999992 +1000000;1;6;1;0.33;None;(0, 5);0.02202;0.021944570768999992 +1000000;1;6;1;0.33;None;(1, 2);0.02188;0.021944570768999992 +1000000;1;6;1;0.33;None;(1, 3);0.021919;0.021944570768999992 +1000000;1;6;1;0.33;None;(1, 4);0.021983;0.021944570768999992 +1000000;1;6;1;0.33;None;(1, 5);0.021689;0.021944570768999992 +1000000;1;6;1;0.33;None;(2, 3);0.021827;0.021944570768999992 +1000000;1;6;1;0.33;None;(2, 4);0.021831;0.021944570768999992 +1000000;1;6;1;0.33;None;(2, 5);0.021845;0.021944570768999992 +1000000;1;6;1;0.33;None;(3, 4);0.022074;0.02194457076899999 +1000000;1;6;1;0.33;None;(3, 5);0.021846;0.02194457076899999 +1000000;1;6;1;0.33;None;(4, 5);0.02229;0.021944570768999992 +1000000;1;6;1;0.33;None;(0, 1, 2);0.010707;0.010808519930999997 +1000000;1;6;1;0.33;None;(0, 1, 3);0.010813;0.010808519931 +1000000;1;6;1;0.33;None;(0, 1, 4);0.010674;0.010808519930999997 +1000000;1;6;1;0.33;None;(0, 1, 5);0.0108;0.010808519930999998 +1000000;1;6;1;0.33;None;(0, 2, 3);0.010976;0.010808519931 +1000000;1;6;1;0.33;None;(0, 2, 4);0.010899;0.010808519930999997 +1000000;1;6;1;0.33;None;(0, 2, 5);0.010972;0.010808519930999998 +1000000;1;6;1;0.33;None;(0, 3, 4);0.010789;0.010808519931 +1000000;1;6;1;0.33;None;(0, 3, 5);0.010679;0.010808519930999998 +1000000;1;6;1;0.33;None;(0, 4, 5);0.010602;0.010808519930999998 +1000000;1;6;1;0.33;None;(1, 2, 3);0.010884;0.010808519931 +1000000;1;6;1;0.33;None;(1, 2, 4);0.010852;0.010808519930999997 +1000000;1;6;1;0.33;None;(1, 2, 5);0.01068;0.010808519930999998 +1000000;1;6;1;0.33;None;(1, 3, 4);0.010852;0.010808519931 +1000000;1;6;1;0.33;None;(1, 3, 5);0.010851;0.010808519930999998 +1000000;1;6;1;0.33;None;(1, 4, 5);0.010787;0.010808519930999998 +1000000;1;6;1;0.33;None;(2, 3, 4);0.010789;0.010808519931 +1000000;1;6;1;0.33;None;(2, 3, 5);0.010978;0.010808519930999998 +1000000;1;6;1;0.33;None;(2, 4, 5);0.010774;0.010808519930999998 +1000000;1;6;1;0.33;None;(3, 4, 5);0.010885;0.010808519930999997 +1000000;1;6;1;0.33;None;(0, 1, 2, 3);0.005389;0.005323599369 +1000000;1;6;1;0.33;None;(0, 1, 2, 4);0.005238;0.005323599368999999 +1000000;1;6;1;0.33;None;(0, 1, 2, 5);0.005283;0.005323599368999999 +1000000;1;6;1;0.33;None;(0, 1, 3, 4);0.005312;0.005323599369 +1000000;1;6;1;0.33;None;(0, 1, 3, 5);0.00525;0.005323599369000001 +1000000;1;6;1;0.33;None;(0, 1, 4, 5);0.005261;0.005323599368999999 +1000000;1;6;1;0.33;None;(0, 2, 3, 4);0.00536;0.005323599369 +1000000;1;6;1;0.33;None;(0, 2, 3, 5);0.005348;0.005323599369000001 +1000000;1;6;1;0.33;None;(0, 2, 4, 5);0.005326;0.005323599368999999 +1000000;1;6;1;0.33;None;(0, 3, 4, 5);0.005367;0.005323599369000001 +1000000;1;6;1;0.33;None;(1, 2, 3, 4);0.005203;0.005323599369 +1000000;1;6;1;0.33;None;(1, 2, 3, 5);0.005339;0.005323599369000001 +1000000;1;6;1;0.33;None;(1, 2, 4, 5);0.005337;0.005323599368999999 +1000000;1;6;1;0.33;None;(1, 3, 4, 5);0.005217;0.005323599369000001 +1000000;1;6;1;0.33;None;(2, 3, 4, 5);0.005353;0.005323599369000001 +1000000;1;6;1;0.33;None;(0, 1, 2, 3, 4);0.002554;0.0026220713310000005 +1000000;1;6;1;0.33;None;(0, 1, 2, 3, 5);0.002593;0.0026220713310000005 +1000000;1;6;1;0.33;None;(0, 1, 2, 4, 5);0.002614;0.0026220713309999997 +1000000;1;6;1;0.33;None;(0, 1, 3, 4, 5);0.002626;0.0026220713310000005 +1000000;1;6;1;0.33;None;(0, 2, 3, 4, 5);0.002601;0.0026220713310000005 +1000000;1;6;1;0.33;None;(1, 2, 3, 4, 5);0.002511;0.0026220713310000005 +1000000;1;6;1;0.33;None;(0, 1, 2, 3, 4, 5);0.001273;0.0012914679690000004 +1000000;1;6;1;0.5;None;(0,);0.015732;0.015625 +1000000;1;6;1;0.5;None;(1,);0.015854;0.015625 +1000000;1;6;1;0.5;None;(2,);0.015623;0.015625 +1000000;1;6;1;0.5;None;(3,);0.015695;0.015625 +1000000;1;6;1;0.5;None;(4,);0.015592;0.015625 +1000000;1;6;1;0.5;None;(5,);0.015704;0.015625 +1000000;1;6;1;0.5;None;(0, 1);0.015628;0.015625 +1000000;1;6;1;0.5;None;(0, 2);0.015559;0.015625 +1000000;1;6;1;0.5;None;(0, 3);0.015657;0.015625 +1000000;1;6;1;0.5;None;(0, 4);0.015643;0.015625 +1000000;1;6;1;0.5;None;(0, 5);0.01578;0.015625 +1000000;1;6;1;0.5;None;(1, 2);0.015505;0.015625 +1000000;1;6;1;0.5;None;(1, 3);0.015721;0.015625 +1000000;1;6;1;0.5;None;(1, 4);0.015657;0.015625 +1000000;1;6;1;0.5;None;(1, 5);0.015794;0.015625 +1000000;1;6;1;0.5;None;(2, 3);0.015602;0.015625 +1000000;1;6;1;0.5;None;(2, 4);0.015587;0.015625 +1000000;1;6;1;0.5;None;(2, 5);0.015362;0.015625 +1000000;1;6;1;0.5;None;(3, 4);0.015564;0.015625 +1000000;1;6;1;0.5;None;(3, 5);0.015566;0.015625 +1000000;1;6;1;0.5;None;(4, 5);0.015634;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2);0.015642;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 3);0.015603;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 4);0.015759;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 5);0.015774;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 3);0.015869;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 4);0.015768;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 5);0.015665;0.015625 +1000000;1;6;1;0.5;None;(0, 3, 4);0.01551;0.015625 +1000000;1;6;1;0.5;None;(0, 3, 5);0.015628;0.015625 +1000000;1;6;1;0.5;None;(0, 4, 5);0.015643;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 3);0.015871;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 4);0.015534;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 5);0.01546;0.015625 +1000000;1;6;1;0.5;None;(1, 3, 4);0.015548;0.015625 +1000000;1;6;1;0.5;None;(1, 3, 5);0.015811;0.015625 +1000000;1;6;1;0.5;None;(1, 4, 5);0.015992;0.015625 +1000000;1;6;1;0.5;None;(2, 3, 4);0.015533;0.015625 +1000000;1;6;1;0.5;None;(2, 3, 5);0.015613;0.015625 +1000000;1;6;1;0.5;None;(2, 4, 5);0.015472;0.015625 +1000000;1;6;1;0.5;None;(3, 4, 5);0.015505;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 3);0.01557;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 4);0.015375;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 5);0.015519;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 3, 4);0.015649;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 3, 5);0.015724;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 4, 5);0.015702;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 3, 4);0.015542;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 3, 5);0.01576;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 4, 5);0.015583;0.015625 +1000000;1;6;1;0.5;None;(0, 3, 4, 5);0.015575;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 3, 4);0.015356;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 3, 5);0.015537;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 4, 5);0.015404;0.015625 +1000000;1;6;1;0.5;None;(1, 3, 4, 5);0.01546;0.015625 +1000000;1;6;1;0.5;None;(2, 3, 4, 5);0.015669;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 3, 4);0.015602;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 3, 5);0.015575;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 4, 5);0.015677;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 3, 4, 5);0.015515;0.015625 +1000000;1;6;1;0.5;None;(0, 2, 3, 4, 5);0.015794;0.015625 +1000000;1;6;1;0.5;None;(1, 2, 3, 4, 5);0.015501;0.015625 +1000000;1;6;1;0.5;None;(0, 1, 2, 3, 4, 5);0.015554;0.015625 diff --git a/validation/csv/ordinal/euclidean_line.csv b/validation/csv/ordinal/euclidean_line.csv new file mode 100644 index 0000000..d0d72da --- /dev/null +++ b/validation/csv/ordinal/euclidean_line.csv @@ -0,0 +1,91 @@ +num_samples;num_voters;num_candidates;voters_positions;voters_positions_args;candidates_positions;num_dimensions;outcome;observed_freq;theoretical_freq +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 2, 3);0.200258;0.2 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 3, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 1, 3);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 3, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 1, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 2, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 2, 3);0.225075;0.22500000000000003 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 3, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 0, 3);0.015087;0.015000000000000013 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 3, 0);0.08501;0.08499999999999996 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 0, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 2, 0);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 1, 3);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 3, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 0, 3);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 3, 0);0.014833;0.015000000000000013 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 0, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 1, 0);0.22496;0.22499999999999998 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 1, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 2, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 0, 2);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 2, 0);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 0, 1);0;0.0 +1000000;1;4;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 1, 0);0.234777;0.235 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 1, 2);0.109669;0.11 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 2, 1);0;0.0 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 0, 2);0.338823;0.3400000000000001 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 2, 0);0.010154;0.009999999999999953 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 0, 1);0;0.0 +1000000;1;3;UNIFORM_BALL;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 1, 0);0.541354;0.54 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 2, 3);0.200474;0.2 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 3, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 1, 3);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 3, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 1, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 2, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 2, 3);0.224284;0.22500000000000003 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 3, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 0, 3);0.015272;0.015000000000000013 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 3, 0);0.084983;0.08499999999999996 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 0, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 2, 0);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 1, 3);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 3, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 0, 3);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 3, 0);0.014985;0.015000000000000013 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 0, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 1, 0);0.225258;0.22499999999999998 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 1, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 2, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 0, 2);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 2, 0);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 0, 1);0;0.0 +1000000;1;4;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 1, 0);0.234744;0.235 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 1, 2);0.109888;0.11 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 2, 1);0;0.0 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 0, 2);0.340057;0.3400000000000001 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 2, 0);0.010111;0.009999999999999953 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 0, 1);0;0.0 +1000000;1;3;UNIFORM_CUBE;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 1, 0);0.539944;0.54 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 2, 3);0.181532;0.18165107044344897 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 1, 3, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 1, 3);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 2, 3, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 1, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(0, 3, 2, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 2, 3);0.228954;0.22845476892077754 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 0, 3, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 0, 3);0.017793;0.017756868295809358 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 2, 3, 0);0.102242;0.10233130797771761 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 0, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(1, 3, 2, 0);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 1, 3);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 0, 3, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 0, 3);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 1, 3, 0);0.018011;0.018044472577227855 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 0, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(2, 3, 1, 0);0.240499;0.24078290184559104 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 1, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 0, 2, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 0, 2);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 1, 2, 0);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 0, 1);0;0.0 +1000000;1;4;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.78];1;(3, 2, 1, 0);0.210969;0.21097860993942763 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 1, 2);0.118213;0.11863892593413916 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(0, 2, 1);0;0.0 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 0, 2);0.321068;0.321145753883195 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(1, 2, 0);0.012021;0.01197683196768451 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 0, 1);0;0.0 +1000000;1;3;UNBOUNDED_GAUSSIAN;{'sigmas': 0.33, 'center_point': [0.5]};[0.1, 0.12, 0.8];1;(2, 1, 0);0.548698;0.5482384882149813 diff --git a/validation/csv/ordinal/euclidean_uniform.csv b/validation/csv/ordinal/euclidean_uniform.csv index 841e92a..52be29c 100644 --- a/validation/csv/ordinal/euclidean_uniform.csv +++ b/validation/csv/ordinal/euclidean_uniform.csv @@ -1,241 +1,1441 @@ -num_samples;num_voters;num_candidates;voters_positions;voters_positions_args;candidates_positions;num_dimensions;outcome;observed_freq;theoretical_freq -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 2, 3, 4);0.200252;0.2 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 2, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 3, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 3, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 4, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 1, 4, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 1, 3, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 1, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 3, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 3, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 4, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 2, 4, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 1, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 1, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 2, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 2, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 4, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 3, 4, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 1, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 1, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 2, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 2, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 3, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(0, 4, 3, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 2, 3, 4);0.224721;0.22500000000000003 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 2, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 3, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 3, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 4, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 0, 4, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 0, 3, 4);0.100263;0.09999999999999998 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 0, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 3, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 3, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 4, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 2, 4, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 0, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 0, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 2, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 2, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 4, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 3, 4, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 0, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 0, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 2, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 2, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 3, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(1, 4, 3, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 1, 3, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 1, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 3, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 3, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 4, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 0, 4, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 0, 3, 4);0.015163;0.015000000000000013 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 0, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 3, 0, 4);0.009949;0.010000000000000009 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 3, 4, 0);0.089477;0.08999999999999986 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 4, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 1, 4, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 0, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 0, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 1, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 1, 4, 0);0.009935;0.010000000000000009 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 4, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 3, 4, 1, 0);0.215594;0.21500000000000008 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 0, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 0, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 1, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 1, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 3, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(2, 4, 3, 1, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 1, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 1, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 2, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 2, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 4, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 0, 4, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 0, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 0, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 2, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 2, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 4, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 1, 4, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 0, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 0, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 1, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 1, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 4, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 2, 4, 1, 0);0.009959;0.010000000000000009 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 0, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 0, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 1, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 1, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 2, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(3, 4, 2, 1, 0);0.114631;0.11499999999999999 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 1, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 1, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 2, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 2, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 3, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 0, 3, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 0, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 0, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 2, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 2, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 3, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 1, 3, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 0, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 0, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 1, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 1, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 3, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 2, 3, 1, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 0, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 0, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 1, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 1, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 2, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.3, 0.75, 0.98, 1];1;(4, 3, 2, 1, 0);0.010056;0.010000000000000009 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 2, 3, 4);0.109846;0.11 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 2, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 3, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 3, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 4, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 1, 4, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 1, 3, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 1, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 3, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 3, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 4, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 2, 4, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 1, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 1, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 2, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 2, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 4, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 3, 4, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 1, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 1, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 2, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 2, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 3, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(0, 4, 3, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 2, 3, 4);0.005089;0.0050000000000000044 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 2, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 3, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 3, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 4, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 0, 4, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 0, 3, 4);0.010059;0.009999999999999995 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 0, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 3, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 3, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 4, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 2, 4, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 0, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 0, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 2, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 2, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 4, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 3, 4, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 0, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 0, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 2, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 2, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 3, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(1, 4, 3, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 1, 3, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 1, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 3, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 3, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 4, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 0, 4, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 0, 3, 4);0.1253;0.125 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 0, 4, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 3, 0, 4);0.010152;0.010000000000000009 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 3, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 4, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 1, 4, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 0, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 0, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 1, 0, 4);0.005076;0.0050000000000000044 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 1, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 4, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 3, 4, 1, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 0, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 0, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 1, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 1, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 3, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(2, 4, 3, 1, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 1, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 1, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 2, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 2, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 4, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 0, 4, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 0, 2, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 0, 4, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 2, 0, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 2, 4, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 4, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 1, 4, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 0, 1, 4);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 0, 4, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 1, 0, 4);0.184164;0.18500000000000005 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 1, 4, 0);0.010082;0.009999999999999953 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 4, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 2, 4, 1, 0);0.005034;0.0050000000000000044 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 0, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 0, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 1, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 1, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 2, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(3, 4, 2, 1, 0);0.13505;0.13500000000000006 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 1, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 1, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 2, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 2, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 3, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 0, 3, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 0, 2, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 0, 3, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 2, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 2, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 3, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 1, 3, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 0, 1, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 0, 3, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 1, 0, 3);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 1, 3, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 3, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 2, 3, 1, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 0, 1, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 0, 2, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 1, 0, 2);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 1, 2, 0);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 2, 0, 1);0;0.0 -1000000;1;5;;{'widths': 1, 'center_point': [0.5]};[0.1, 0.12, 0.13, 0.4, 0.8];1;(4, 3, 2, 1, 0);0.400148;0.3999999999999999 +num_samples;num_voters;num_candidates;voters_positions;candidates_positions;num_dimensions;outcome;observed_freq;theoretical_freq +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 2, 3, 4);0.008275;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 2, 4, 3);0.008459;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 3, 2, 4);0.008294;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 3, 4, 2);0.008281;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 4, 2, 3);0.008126;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 1, 4, 3, 2);0.008482;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 1, 3, 4);0.008223;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 1, 4, 3);0.008278;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 3, 1, 4);0.008214;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 3, 4, 1);0.008355;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 4, 1, 3);0.008277;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 2, 4, 3, 1);0.008267;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 1, 2, 4);0.008249;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 1, 4, 2);0.008299;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 2, 1, 4);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 2, 4, 1);0.008485;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 4, 1, 2);0.008402;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 3, 4, 2, 1);0.008275;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 1, 2, 3);0.008237;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 1, 3, 2);0.008201;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 2, 1, 3);0.008289;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 2, 3, 1);0.008192;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 3, 1, 2);0.008399;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(0, 4, 3, 2, 1);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 2, 3, 4);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 2, 4, 3);0.008458;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 3, 2, 4);0.008395;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 3, 4, 2);0.008518;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 4, 2, 3);0.008273;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 0, 4, 3, 2);0.008439;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 0, 3, 4);0.008378;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 0, 4, 3);0.008192;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 3, 0, 4);0.008312;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 3, 4, 0);0.008383;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 4, 0, 3);0.008331;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 2, 4, 3, 0);0.008415;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 0, 2, 4);0.008297;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 0, 4, 2);0.008304;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 2, 0, 4);0.008211;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 2, 4, 0);0.00836;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 4, 0, 2);0.008291;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 3, 4, 2, 0);0.00844;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 0, 2, 3);0.00829;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 0, 3, 2);0.008187;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 2, 0, 3);0.008315;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 2, 3, 0);0.008323;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 3, 0, 2);0.008363;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(1, 4, 3, 2, 0);0.008432;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 1, 3, 4);0.008354;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 1, 4, 3);0.008201;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 3, 1, 4);0.008333;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 3, 4, 1);0.008285;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 4, 1, 3);0.008439;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 0, 4, 3, 1);0.008232;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 0, 3, 4);0.008067;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 0, 4, 3);0.008291;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 3, 0, 4);0.008542;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 3, 4, 0);0.008383;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 4, 0, 3);0.008516;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 1, 4, 3, 0);0.008356;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 0, 1, 4);0.008208;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 0, 4, 1);0.008388;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 1, 0, 4);0.008275;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 1, 4, 0);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 4, 0, 1);0.008325;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 3, 4, 1, 0);0.008323;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 0, 1, 3);0.008362;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 0, 3, 1);0.008348;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 1, 0, 3);0.008345;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 1, 3, 0);0.008235;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 3, 0, 1);0.008277;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(2, 4, 3, 1, 0);0.008308;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 1, 2, 4);0.008305;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 1, 4, 2);0.008356;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 2, 1, 4);0.008274;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 2, 4, 1);0.008508;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 4, 1, 2);0.008359;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 0, 4, 2, 1);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 0, 2, 4);0.008395;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 0, 4, 2);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 2, 0, 4);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 2, 4, 0);0.00823;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 4, 0, 2);0.008255;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 1, 4, 2, 0);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 0, 1, 4);0.008569;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 0, 4, 1);0.008435;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 1, 0, 4);0.008357;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 1, 4, 0);0.008351;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 4, 0, 1);0.008302;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 2, 4, 1, 0);0.008327;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 0, 1, 2);0.008381;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 0, 2, 1);0.008307;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 1, 0, 2);0.008511;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 1, 2, 0);0.008306;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 2, 0, 1);0.008341;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(3, 4, 2, 1, 0);0.008462;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 1, 2, 3);0.008431;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 1, 3, 2);0.008407;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 2, 1, 3);0.008211;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 2, 3, 1);0.008542;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 3, 1, 2);0.008261;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 0, 3, 2, 1);0.008332;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 0, 2, 3);0.008214;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 0, 3, 2);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 2, 0, 3);0.008353;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 2, 3, 0);0.008331;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 3, 0, 2);0.008381;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 1, 3, 2, 0);0.008246;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 0, 1, 3);0.008316;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 0, 3, 1);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 1, 0, 3);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 1, 3, 0);0.008423;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 3, 0, 1);0.008303;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 2, 3, 1, 0);0.008438;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 0, 1, 2);0.008099;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 0, 2, 1);0.008434;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 1, 0, 2);0.00836;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 1, 2, 0);0.008333;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 2, 0, 1);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;2;(4, 3, 2, 1, 0);0.008307;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 2, 3, 4);0.008227;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 2, 4, 3);0.008275;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 3, 2, 4);0.008435;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 3, 4, 2);0.008321;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 4, 2, 3);0.008247;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 1, 4, 3, 2);0.008488;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 1, 3, 4);0.008235;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 1, 4, 3);0.008184;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 3, 1, 4);0.008306;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 3, 4, 1);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 4, 1, 3);0.00835;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 2, 4, 3, 1);0.008268;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 1, 2, 4);0.008269;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 1, 4, 2);0.008366;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 2, 1, 4);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 2, 4, 1);0.008309;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 4, 1, 2);0.008314;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 3, 4, 2, 1);0.008341;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 1, 2, 3);0.00829;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 1, 3, 2);0.008327;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 2, 1, 3);0.008317;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 2, 3, 1);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 3, 1, 2);0.008325;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(0, 4, 3, 2, 1);0.008289;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 2, 3, 4);0.008295;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 2, 4, 3);0.008276;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 3, 2, 4);0.008284;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 3, 4, 2);0.008242;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 4, 2, 3);0.008388;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 0, 4, 3, 2);0.008166;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 0, 3, 4);0.008179;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 0, 4, 3);0.008218;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 3, 0, 4);0.008217;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 3, 4, 0);0.00837;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 4, 0, 3);0.008319;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 2, 4, 3, 0);0.008372;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 0, 2, 4);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 0, 4, 2);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 2, 0, 4);0.008315;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 2, 4, 0);0.00823;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 4, 0, 2);0.008442;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 3, 4, 2, 0);0.008213;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 0, 2, 3);0.008429;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 0, 3, 2);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 2, 0, 3);0.008288;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 2, 3, 0);0.00843;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 3, 0, 2);0.008449;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(1, 4, 3, 2, 0);0.00838;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 1, 3, 4);0.008351;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 1, 4, 3);0.008296;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 3, 1, 4);0.008359;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 3, 4, 1);0.008144;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 4, 1, 3);0.008368;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 0, 4, 3, 1);0.008372;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 0, 3, 4);0.008451;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 0, 4, 3);0.008314;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 3, 0, 4);0.008308;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 3, 4, 0);0.008436;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 4, 0, 3);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 1, 4, 3, 0);0.008481;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 0, 1, 4);0.008333;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 0, 4, 1);0.008338;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 1, 0, 4);0.008221;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 1, 4, 0);0.008339;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 4, 0, 1);0.008387;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 3, 4, 1, 0);0.008234;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 0, 1, 3);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 0, 3, 1);0.008261;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 1, 0, 3);0.008404;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 1, 3, 0);0.008249;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 3, 0, 1);0.008361;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(2, 4, 3, 1, 0);0.008236;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 1, 2, 4);0.008353;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 1, 4, 2);0.008358;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 2, 1, 4);0.008218;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 2, 4, 1);0.008169;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 4, 1, 2);0.008357;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 0, 4, 2, 1);0.008439;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 0, 2, 4);0.008452;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 0, 4, 2);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 2, 0, 4);0.008387;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 2, 4, 0);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 4, 0, 2);0.008507;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 1, 4, 2, 0);0.008217;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 0, 1, 4);0.008212;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 0, 4, 1);0.008566;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 1, 0, 4);0.008457;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 1, 4, 0);0.008441;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 4, 0, 1);0.00835;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 2, 4, 1, 0);0.00836;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 0, 1, 2);0.008419;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 0, 2, 1);0.008426;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 1, 0, 2);0.008317;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 1, 2, 0);0.008295;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 2, 0, 1);0.00849;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(3, 4, 2, 1, 0);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 1, 2, 3);0.008362;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 1, 3, 2);0.008345;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 2, 1, 3);0.008405;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 2, 3, 1);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 3, 1, 2);0.008377;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 0, 3, 2, 1);0.008437;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 0, 2, 3);0.008358;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 0, 3, 2);0.008227;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 2, 0, 3);0.008345;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 2, 3, 0);0.008243;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 3, 0, 2);0.008471;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 1, 3, 2, 0);0.008439;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 0, 1, 3);0.008249;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 0, 3, 1);0.008316;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 1, 0, 3);0.008342;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 1, 3, 0);0.008235;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 3, 0, 1);0.008496;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 2, 3, 1, 0);0.008327;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 0, 1, 2);0.00846;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 0, 2, 1);0.008415;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 1, 0, 2);0.008251;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 1, 2, 0);0.008344;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 2, 0, 1);0.008299;0.008333333333333333 +1000000;1;5;UNIFORM_BALL;UNIFORM_BALL;3;(4, 3, 2, 1, 0);0.00819;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 2, 3, 4);0.008323;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 2, 4, 3);0.008344;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 3, 2, 4);0.008516;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 3, 4, 2);0.008247;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 4, 2, 3);0.008314;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 1, 4, 3, 2);0.008539;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 1, 3, 4);0.008307;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 1, 4, 3);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 3, 1, 4);0.008532;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 3, 4, 1);0.008445;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 4, 1, 3);0.008426;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 2, 4, 3, 1);0.008552;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 1, 2, 4);0.008403;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 1, 4, 2);0.008374;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 2, 1, 4);0.008423;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 2, 4, 1);0.008362;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 4, 1, 2);0.008223;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 3, 4, 2, 1);0.008254;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 1, 2, 3);0.008353;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 1, 3, 2);0.008432;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 2, 1, 3);0.008335;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 2, 3, 1);0.008302;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 3, 1, 2);0.008389;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(0, 4, 3, 2, 1);0.008311;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 2, 3, 4);0.008373;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 2, 4, 3);0.008293;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 3, 2, 4);0.008415;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 3, 4, 2);0.008161;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 4, 2, 3);0.008253;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 0, 4, 3, 2);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 0, 3, 4);0.008367;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 0, 4, 3);0.008267;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 3, 0, 4);0.008275;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 3, 4, 0);0.008393;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 4, 0, 3);0.008416;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 2, 4, 3, 0);0.008233;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 0, 2, 4);0.008409;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 0, 4, 2);0.008243;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 2, 0, 4);0.008209;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 2, 4, 0);0.008384;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 4, 0, 2);0.008378;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 3, 4, 2, 0);0.008369;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 0, 2, 3);0.008196;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 0, 3, 2);0.008313;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 2, 0, 3);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 2, 3, 0);0.00807;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 3, 0, 2);0.008366;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(1, 4, 3, 2, 0);0.008261;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 1, 3, 4);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 1, 4, 3);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 3, 1, 4);0.008305;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 3, 4, 1);0.008381;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 4, 1, 3);0.008348;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 0, 4, 3, 1);0.008356;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 0, 3, 4);0.008426;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 0, 4, 3);0.008246;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 3, 0, 4);0.008095;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 3, 4, 0);0.008301;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 4, 0, 3);0.008191;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 1, 4, 3, 0);0.008314;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 0, 1, 4);0.008161;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 0, 4, 1);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 1, 0, 4);0.008473;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 1, 4, 0);0.008316;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 4, 0, 1);0.008295;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 3, 4, 1, 0);0.008349;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 0, 1, 3);0.008419;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 0, 3, 1);0.00839;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 1, 0, 3);0.008324;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 1, 3, 0);0.008429;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 3, 0, 1);0.008271;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(2, 4, 3, 1, 0);0.008369;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 1, 2, 4);0.008378;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 1, 4, 2);0.008309;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 2, 1, 4);0.008283;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 2, 4, 1);0.008257;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 4, 1, 2);0.008264;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 0, 4, 2, 1);0.008462;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 0, 2, 4);0.008193;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 0, 4, 2);0.008417;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 2, 0, 4);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 2, 4, 0);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 4, 0, 2);0.008409;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 1, 4, 2, 0);0.008448;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 0, 1, 4);0.008291;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 0, 4, 1);0.008339;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 1, 0, 4);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 1, 4, 0);0.008418;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 4, 0, 1);0.008204;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 2, 4, 1, 0);0.008156;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 0, 1, 2);0.008264;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 0, 2, 1);0.008357;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 1, 0, 2);0.008363;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 1, 2, 0);0.008387;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 2, 0, 1);0.008327;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(3, 4, 2, 1, 0);0.008322;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 1, 2, 3);0.008452;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 1, 3, 2);0.008322;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 2, 1, 3);0.008267;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 2, 3, 1);0.008339;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 3, 1, 2);0.008278;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 0, 3, 2, 1);0.008285;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 0, 2, 3);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 0, 3, 2);0.008225;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 2, 0, 3);0.008221;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 2, 3, 0);0.008374;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 3, 0, 2);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 1, 3, 2, 0);0.008281;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 0, 1, 3);0.008392;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 0, 3, 1);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 1, 0, 3);0.008351;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 1, 3, 0);0.008364;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 3, 0, 1);0.00845;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 2, 3, 1, 0);0.00828;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 0, 1, 2);0.008282;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 0, 2, 1);0.008362;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 1, 0, 2);0.00837;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 1, 2, 0);0.008313;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 2, 0, 1);0.008382;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;2;(4, 3, 2, 1, 0);0.008368;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 2, 3, 4);0.008301;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 2, 4, 3);0.008595;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 3, 2, 4);0.008325;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 3, 4, 2);0.008358;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 4, 2, 3);0.00825;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 1, 4, 3, 2);0.008262;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 1, 3, 4);0.008337;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 1, 4, 3);0.00827;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 3, 1, 4);0.008405;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 3, 4, 1);0.008318;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 4, 1, 3);0.008448;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 2, 4, 3, 1);0.00841;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 1, 2, 4);0.008325;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 1, 4, 2);0.008503;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 2, 1, 4);0.008372;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 2, 4, 1);0.00848;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 4, 1, 2);0.008413;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 3, 4, 2, 1);0.00833;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 1, 2, 3);0.008174;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 1, 3, 2);0.008287;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 2, 1, 3);0.008281;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 2, 3, 1);0.00838;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 3, 1, 2);0.00826;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(0, 4, 3, 2, 1);0.008262;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 2, 3, 4);0.008248;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 2, 4, 3);0.008284;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 3, 2, 4);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 3, 4, 2);0.008285;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 4, 2, 3);0.008231;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 0, 4, 3, 2);0.008451;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 0, 3, 4);0.008221;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 0, 4, 3);0.00821;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 3, 0, 4);0.00819;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 3, 4, 0);0.008264;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 4, 0, 3);0.008273;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 2, 4, 3, 0);0.008347;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 0, 2, 4);0.008405;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 0, 4, 2);0.008349;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 2, 0, 4);0.008374;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 2, 4, 0);0.00827;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 4, 0, 2);0.008357;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 3, 4, 2, 0);0.008532;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 0, 2, 3);0.008406;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 0, 3, 2);0.00834;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 2, 0, 3);0.008136;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 2, 3, 0);0.008348;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 3, 0, 2);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(1, 4, 3, 2, 0);0.008372;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 1, 3, 4);0.008197;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 1, 4, 3);0.008197;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 3, 1, 4);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 3, 4, 1);0.008313;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 4, 1, 3);0.008274;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 0, 4, 3, 1);0.00851;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 0, 3, 4);0.008296;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 0, 4, 3);0.008179;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 3, 0, 4);0.008416;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 3, 4, 0);0.008368;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 4, 0, 3);0.008281;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 1, 4, 3, 0);0.008334;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 0, 1, 4);0.008372;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 0, 4, 1);0.008234;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 1, 0, 4);0.008323;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 1, 4, 0);0.008211;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 4, 0, 1);0.008471;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 3, 4, 1, 0);0.008393;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 0, 1, 3);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 0, 3, 1);0.008444;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 1, 0, 3);0.008331;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 1, 3, 0);0.008497;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 3, 0, 1);0.008244;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(2, 4, 3, 1, 0);0.008351;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 1, 2, 4);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 1, 4, 2);0.008538;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 2, 1, 4);0.008371;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 2, 4, 1);0.008482;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 4, 1, 2);0.008314;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 0, 4, 2, 1);0.00844;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 0, 2, 4);0.008407;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 0, 4, 2);0.008185;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 2, 0, 4);0.008192;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 2, 4, 0);0.008187;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 4, 0, 2);0.00836;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 1, 4, 2, 0);0.008475;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 0, 1, 4);0.008274;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 0, 4, 1);0.008369;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 1, 0, 4);0.008359;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 1, 4, 0);0.00856;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 4, 0, 1);0.008338;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 2, 4, 1, 0);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 0, 1, 2);0.008271;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 0, 2, 1);0.008483;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 1, 0, 2);0.008329;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 1, 2, 0);0.008318;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 2, 0, 1);0.008246;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(3, 4, 2, 1, 0);0.008391;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 1, 2, 3);0.008244;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 1, 3, 2);0.008327;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 2, 1, 3);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 2, 3, 1);0.008234;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 3, 1, 2);0.008243;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 0, 3, 2, 1);0.008163;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 0, 2, 3);0.008347;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 0, 3, 2);0.008135;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 2, 0, 3);0.008332;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 2, 3, 0);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 3, 0, 2);0.008354;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 1, 3, 2, 0);0.008268;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 0, 1, 3);0.008453;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 0, 3, 1);0.008424;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 1, 0, 3);0.008205;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 1, 3, 0);0.008567;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 3, 0, 1);0.008509;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 2, 3, 1, 0);0.008216;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 0, 1, 2);0.008293;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 0, 2, 1);0.008318;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 1, 0, 2);0.008437;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 1, 2, 0);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 2, 0, 1);0.008344;0.008333333333333333 +1000000;1;5;UNIFORM_SPHERE;UNIFORM_SPHERE;3;(4, 3, 2, 1, 0);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 2, 3, 4);0.008208;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 2, 4, 3);0.008253;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 3, 2, 4);0.008258;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 3, 4, 2);0.008364;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 4, 2, 3);0.008398;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 1, 4, 3, 2);0.008486;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 1, 3, 4);0.008232;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 1, 4, 3);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 3, 1, 4);0.008201;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 3, 4, 1);0.008148;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 4, 1, 3);0.008351;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 2, 4, 3, 1);0.008295;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 1, 2, 4);0.008293;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 1, 4, 2);0.008389;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 2, 1, 4);0.008332;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 2, 4, 1);0.008276;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 4, 1, 2);0.008323;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 3, 4, 2, 1);0.008318;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 1, 2, 3);0.00833;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 1, 3, 2);0.008227;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 2, 1, 3);0.008254;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 2, 3, 1);0.008277;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 3, 1, 2);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(0, 4, 3, 2, 1);0.008288;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 2, 3, 4);0.008449;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 2, 4, 3);0.008271;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 3, 2, 4);0.008405;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 3, 4, 2);0.008362;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 4, 2, 3);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 0, 4, 3, 2);0.00823;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 0, 3, 4);0.008293;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 0, 4, 3);0.008313;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 3, 0, 4);0.008382;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 3, 4, 0);0.008311;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 4, 0, 3);0.008409;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 2, 4, 3, 0);0.008405;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 0, 2, 4);0.008437;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 0, 4, 2);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 2, 0, 4);0.008348;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 2, 4, 0);0.008418;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 4, 0, 2);0.008265;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 3, 4, 2, 0);0.008416;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 0, 2, 3);0.008254;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 0, 3, 2);0.008296;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 2, 0, 3);0.008332;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 2, 3, 0);0.008217;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 3, 0, 2);0.008391;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(1, 4, 3, 2, 0);0.008381;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 1, 3, 4);0.008355;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 1, 4, 3);0.008439;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 3, 1, 4);0.008274;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 3, 4, 1);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 4, 1, 3);0.008331;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 0, 4, 3, 1);0.008138;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 0, 3, 4);0.008355;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 0, 4, 3);0.00821;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 3, 0, 4);0.00834;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 3, 4, 0);0.008393;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 4, 0, 3);0.008473;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 1, 4, 3, 0);0.008296;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 0, 1, 4);0.008457;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 0, 4, 1);0.008415;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 1, 0, 4);0.008263;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 1, 4, 0);0.008419;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 4, 0, 1);0.00826;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 3, 4, 1, 0);0.008355;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 0, 1, 3);0.00829;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 0, 3, 1);0.008504;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 1, 0, 3);0.008444;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 1, 3, 0);0.008448;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 3, 0, 1);0.008271;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(2, 4, 3, 1, 0);0.00844;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 1, 2, 4);0.008216;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 1, 4, 2);0.008308;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 2, 1, 4);0.008498;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 2, 4, 1);0.008318;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 4, 1, 2);0.008237;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 0, 4, 2, 1);0.008402;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 0, 2, 4);0.00853;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 0, 4, 2);0.008341;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 2, 0, 4);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 2, 4, 0);0.008346;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 4, 0, 2);0.008338;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 1, 4, 2, 0);0.008499;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 0, 1, 4);0.008363;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 0, 4, 1);0.008258;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 1, 0, 4);0.008423;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 1, 4, 0);0.008374;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 4, 0, 1);0.00836;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 2, 4, 1, 0);0.008352;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 0, 1, 2);0.008399;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 0, 2, 1);0.008355;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 1, 0, 2);0.00839;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 1, 2, 0);0.008236;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 2, 0, 1);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(3, 4, 2, 1, 0);0.008252;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 1, 2, 3);0.008354;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 1, 3, 2);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 2, 1, 3);0.008216;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 2, 3, 1);0.00848;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 3, 1, 2);0.008281;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 0, 3, 2, 1);0.008207;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 0, 2, 3);0.008366;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 0, 3, 2);0.008143;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 2, 0, 3);0.008429;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 2, 3, 0);0.008359;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 3, 0, 2);0.008336;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 1, 3, 2, 0);0.008537;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 0, 1, 3);0.00831;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 0, 3, 1);0.008335;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 1, 0, 3);0.008373;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 1, 3, 0);0.008096;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 3, 0, 1);0.008255;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 2, 3, 1, 0);0.008195;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 0, 1, 2);0.008335;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 0, 2, 1);0.008416;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 1, 0, 2);0.008421;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 1, 2, 0);0.008283;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 2, 0, 1);0.008335;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;2;(4, 3, 2, 1, 0);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 2, 3, 4);0.008396;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 2, 4, 3);0.008246;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 3, 2, 4);0.008496;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 3, 4, 2);0.008263;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 4, 2, 3);0.008202;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 1, 4, 3, 2);0.008403;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 1, 3, 4);0.008326;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 1, 4, 3);0.008243;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 3, 1, 4);0.008225;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 3, 4, 1);0.008423;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 4, 1, 3);0.008116;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 2, 4, 3, 1);0.008229;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 1, 2, 4);0.008325;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 1, 4, 2);0.008304;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 2, 1, 4);0.008298;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 2, 4, 1);0.008256;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 4, 1, 2);0.008528;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 3, 4, 2, 1);0.00844;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 1, 2, 3);0.008437;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 1, 3, 2);0.008454;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 2, 1, 3);0.00842;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 2, 3, 1);0.0083;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 3, 1, 2);0.008269;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(0, 4, 3, 2, 1);0.008284;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 2, 3, 4);0.008176;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 2, 4, 3);0.008435;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 3, 2, 4);0.008489;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 3, 4, 2);0.008416;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 4, 2, 3);0.008258;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 0, 4, 3, 2);0.008266;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 0, 3, 4);0.008391;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 0, 4, 3);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 3, 0, 4);0.00845;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 3, 4, 0);0.008211;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 4, 0, 3);0.008286;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 2, 4, 3, 0);0.008306;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 0, 2, 4);0.008334;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 0, 4, 2);0.008262;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 2, 0, 4);0.008428;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 2, 4, 0);0.008289;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 4, 0, 2);0.008371;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 3, 4, 2, 0);0.008311;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 0, 2, 3);0.008279;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 0, 3, 2);0.008234;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 2, 0, 3);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 2, 3, 0);0.008485;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 3, 0, 2);0.008282;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(1, 4, 3, 2, 0);0.008399;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 1, 3, 4);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 1, 4, 3);0.008378;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 3, 1, 4);0.008294;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 3, 4, 1);0.008465;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 4, 1, 3);0.008357;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 0, 4, 3, 1);0.008244;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 0, 3, 4);0.008402;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 0, 4, 3);0.008301;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 3, 0, 4);0.008265;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 3, 4, 0);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 4, 0, 3);0.00841;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 1, 4, 3, 0);0.008264;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 0, 1, 4);0.008284;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 0, 4, 1);0.008483;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 1, 0, 4);0.008233;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 1, 4, 0);0.008204;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 4, 0, 1);0.008319;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 3, 4, 1, 0);0.008243;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 0, 1, 3);0.008223;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 0, 3, 1);0.008313;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 1, 0, 3);0.008294;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 1, 3, 0);0.008454;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 3, 0, 1);0.008449;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(2, 4, 3, 1, 0);0.008283;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 1, 2, 4);0.008343;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 1, 4, 2);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 2, 1, 4);0.008258;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 2, 4, 1);0.008376;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 4, 1, 2);0.008506;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 0, 4, 2, 1);0.008429;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 0, 2, 4);0.008339;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 0, 4, 2);0.008221;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 2, 0, 4);0.008262;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 2, 4, 0);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 4, 0, 2);0.008303;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 1, 4, 2, 0);0.00843;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 0, 1, 4);0.008333;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 0, 4, 1);0.008299;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 1, 0, 4);0.0084;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 1, 4, 0);0.008213;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 4, 0, 1);0.00832;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 2, 4, 1, 0);0.008203;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 0, 1, 2);0.008184;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 0, 2, 1);0.008316;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 1, 0, 2);0.008379;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 1, 2, 0);0.008359;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 2, 0, 1);0.008408;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(3, 4, 2, 1, 0);0.008249;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 1, 2, 3);0.008322;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 1, 3, 2);0.008237;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 2, 1, 3);0.008512;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 2, 3, 1);0.008291;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 3, 1, 2);0.008455;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 0, 3, 2, 1);0.008301;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 0, 2, 3);0.008356;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 0, 3, 2);0.008272;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 2, 0, 3);0.008354;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 2, 3, 0);0.008236;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 3, 0, 2);0.008456;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 1, 3, 2, 0);0.008394;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 0, 1, 3);0.008388;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 0, 3, 1);0.008377;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 1, 0, 3);0.00834;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 1, 3, 0);0.008447;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 3, 0, 1);0.008255;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 2, 3, 1, 0);0.008285;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 0, 1, 2);0.008268;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 0, 2, 1);0.00851;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 1, 0, 2);0.008441;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 1, 2, 0);0.008353;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 2, 0, 1);0.008221;0.008333333333333333 +1000000;1;5;UNIFORM_CUBE;UNIFORM_CUBE;3;(4, 3, 2, 1, 0);0.008338;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 2, 3, 4);0.008233;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 2, 4, 3);0.008288;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 3, 2, 4);0.008263;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 3, 4, 2);0.008288;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 4, 2, 3);0.008129;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 1, 4, 3, 2);0.008485;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 1, 3, 4);0.008378;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 1, 4, 3);0.008436;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 3, 1, 4);0.008416;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 3, 4, 1);0.008377;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 4, 1, 3);0.008346;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 2, 4, 3, 1);0.008379;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 1, 2, 4);0.008363;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 1, 4, 2);0.008441;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 2, 1, 4);0.008358;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 2, 4, 1);0.00838;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 4, 1, 2);0.00821;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 3, 4, 2, 1);0.008334;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 1, 2, 3);0.008243;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 1, 3, 2);0.008394;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 2, 1, 3);0.008419;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 2, 3, 1);0.008212;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 3, 1, 2);0.008304;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(0, 4, 3, 2, 1);0.008164;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 2, 3, 4);0.008298;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 2, 4, 3);0.008365;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 3, 2, 4);0.008202;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 3, 4, 2);0.008334;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 4, 2, 3);0.008298;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 0, 4, 3, 2);0.00832;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 0, 3, 4);0.008249;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 0, 4, 3);0.008376;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 3, 0, 4);0.008411;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 3, 4, 0);0.00839;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 4, 0, 3);0.008119;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 2, 4, 3, 0);0.008298;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 0, 2, 4);0.008414;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 0, 4, 2);0.008412;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 2, 0, 4);0.008501;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 2, 4, 0);0.008566;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 4, 0, 2);0.008371;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 3, 4, 2, 0);0.008201;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 0, 2, 3);0.008294;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 0, 3, 2);0.008239;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 2, 0, 3);0.008227;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 2, 3, 0);0.008307;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 3, 0, 2);0.00813;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(1, 4, 3, 2, 0);0.008296;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 1, 3, 4);0.008515;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 1, 4, 3);0.008267;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 3, 1, 4);0.00842;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 3, 4, 1);0.008215;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 4, 1, 3);0.008305;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 0, 4, 3, 1);0.008386;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 0, 3, 4);0.008319;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 0, 4, 3);0.008259;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 3, 0, 4);0.008373;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 3, 4, 0);0.00846;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 4, 0, 3);0.008346;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 1, 4, 3, 0);0.008383;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 0, 1, 4);0.008323;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 0, 4, 1);0.008287;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 1, 0, 4);0.008424;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 1, 4, 0);0.00828;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 4, 0, 1);0.008325;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 3, 4, 1, 0);0.008367;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 0, 1, 3);0.008301;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 0, 3, 1);0.008212;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 1, 0, 3);0.008267;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 1, 3, 0);0.008286;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 3, 0, 1);0.00832;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(2, 4, 3, 1, 0);0.008234;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 1, 2, 4);0.008433;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 1, 4, 2);0.008453;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 2, 1, 4);0.008429;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 2, 4, 1);0.008318;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 4, 1, 2);0.008434;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 0, 4, 2, 1);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 0, 2, 4);0.00826;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 0, 4, 2);0.0083;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 2, 0, 4);0.008408;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 2, 4, 0);0.00843;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 4, 0, 2);0.008515;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 1, 4, 2, 0);0.008317;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 0, 1, 4);0.008306;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 0, 4, 1);0.0082;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 1, 0, 4);0.008318;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 1, 4, 0);0.008199;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 4, 0, 1);0.008279;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 2, 4, 1, 0);0.008355;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 0, 1, 2);0.008201;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 0, 2, 1);0.008349;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 1, 0, 2);0.008345;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 1, 2, 0);0.008435;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 2, 0, 1);0.008306;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(3, 4, 2, 1, 0);0.008247;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 1, 2, 3);0.008352;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 1, 3, 2);0.008363;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 2, 1, 3);0.008485;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 2, 3, 1);0.008316;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 3, 1, 2);0.008411;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 0, 3, 2, 1);0.008317;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 0, 2, 3);0.008284;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 0, 3, 2);0.008477;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 2, 0, 3);0.008412;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 2, 3, 0);0.008291;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 3, 0, 2);0.008242;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 1, 3, 2, 0);0.00836;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 0, 1, 3);0.008376;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 0, 3, 1);0.008331;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 1, 0, 3);0.008525;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 1, 3, 0);0.008301;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 3, 0, 1);0.008305;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 2, 3, 1, 0);0.008442;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 0, 1, 2);0.008273;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 0, 2, 1);0.00837;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 1, 0, 2);0.00824;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 1, 2, 0);0.008241;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 2, 0, 1);0.008312;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;2;(4, 3, 2, 1, 0);0.008479;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 2, 3, 4);0.008336;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 2, 4, 3);0.008535;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 3, 2, 4);0.00836;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 3, 4, 2);0.008315;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 4, 2, 3);0.008437;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 1, 4, 3, 2);0.008359;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 1, 3, 4);0.00826;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 1, 4, 3);0.008399;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 3, 1, 4);0.008293;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 3, 4, 1);0.008399;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 4, 1, 3);0.008313;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 2, 4, 3, 1);0.008244;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 1, 2, 4);0.008269;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 1, 4, 2);0.008307;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 2, 1, 4);0.008059;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 2, 4, 1);0.008336;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 4, 1, 2);0.008346;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 3, 4, 2, 1);0.008388;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 1, 2, 3);0.008444;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 1, 3, 2);0.00826;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 2, 1, 3);0.008283;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 2, 3, 1);0.008234;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 3, 1, 2);0.008218;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(0, 4, 3, 2, 1);0.008191;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 2, 3, 4);0.008388;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 2, 4, 3);0.008373;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 3, 2, 4);0.008305;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 3, 4, 2);0.008379;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 4, 2, 3);0.008229;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 0, 4, 3, 2);0.008212;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 0, 3, 4);0.008253;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 0, 4, 3);0.008491;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 3, 0, 4);0.008317;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 3, 4, 0);0.008315;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 4, 0, 3);0.008231;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 2, 4, 3, 0);0.008339;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 0, 2, 4);0.008334;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 0, 4, 2);0.0084;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 2, 0, 4);0.008273;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 2, 4, 0);0.008633;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 4, 0, 2);0.008427;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 3, 4, 2, 0);0.008101;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 0, 2, 3);0.008329;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 0, 3, 2);0.008383;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 2, 0, 3);0.008366;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 2, 3, 0);0.008363;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 3, 0, 2);0.008407;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(1, 4, 3, 2, 0);0.008293;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 1, 3, 4);0.008327;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 1, 4, 3);0.008259;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 3, 1, 4);0.008384;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 3, 4, 1);0.008315;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 4, 1, 3);0.008317;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 0, 4, 3, 1);0.008448;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 0, 3, 4);0.008334;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 0, 4, 3);0.008319;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 3, 0, 4);0.008218;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 3, 4, 0);0.008433;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 4, 0, 3);0.008406;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 1, 4, 3, 0);0.008362;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 0, 1, 4);0.008372;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 0, 4, 1);0.008323;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 1, 0, 4);0.008397;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 1, 4, 0);0.008363;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 4, 0, 1);0.008377;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 3, 4, 1, 0);0.008398;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 0, 1, 3);0.008262;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 0, 3, 1);0.008385;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 1, 0, 3);0.008345;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 1, 3, 0);0.008444;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 3, 0, 1);0.008562;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(2, 4, 3, 1, 0);0.008198;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 1, 2, 4);0.008328;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 1, 4, 2);0.008302;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 2, 1, 4);0.008343;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 2, 4, 1);0.008391;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 4, 1, 2);0.00827;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 0, 4, 2, 1);0.008383;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 0, 2, 4);0.008343;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 0, 4, 2);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 2, 0, 4);0.008543;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 2, 4, 0);0.008279;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 4, 0, 2);0.008295;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 1, 4, 2, 0);0.008184;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 0, 1, 4);0.008367;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 0, 4, 1);0.00835;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 1, 0, 4);0.008427;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 1, 4, 0);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 4, 0, 1);0.008282;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 2, 4, 1, 0);0.008502;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 0, 1, 2);0.008215;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 0, 2, 1);0.008151;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 1, 0, 2);0.008312;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 1, 2, 0);0.008228;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 2, 0, 1);0.008407;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(3, 4, 2, 1, 0);0.008292;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 1, 2, 3);0.008403;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 1, 3, 2);0.008343;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 2, 1, 3);0.008259;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 2, 3, 1);0.008369;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 3, 1, 2);0.008205;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 0, 3, 2, 1);0.00839;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 0, 2, 3);0.00839;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 0, 3, 2);0.008283;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 2, 0, 3);0.008179;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 2, 3, 0);0.008331;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 3, 0, 2);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 1, 3, 2, 0);0.008417;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 0, 1, 3);0.008488;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 0, 3, 1);0.008297;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 1, 0, 3);0.008418;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 1, 3, 0);0.008236;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 3, 0, 1);0.008389;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 2, 3, 1, 0);0.008191;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 0, 1, 2);0.008281;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 0, 2, 1);0.008405;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 1, 0, 2);0.008384;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 1, 2, 0);0.00829;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 2, 0, 1);0.008225;0.008333333333333333 +1000000;1;5;GAUSSIAN_BALL;GAUSSIAN_BALL;3;(4, 3, 2, 1, 0);0.008381;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 2, 3, 4);0.00836;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 2, 4, 3);0.008371;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 3, 2, 4);0.0081;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 3, 4, 2);0.008118;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 4, 2, 3);0.008243;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 1, 4, 3, 2);0.008248;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 1, 3, 4);0.00826;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 1, 4, 3);0.008193;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 3, 1, 4);0.008345;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 3, 4, 1);0.008453;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 4, 1, 3);0.008103;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 2, 4, 3, 1);0.008461;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 1, 2, 4);0.008334;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 1, 4, 2);0.008376;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 2, 1, 4);0.008184;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 2, 4, 1);0.008445;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 4, 1, 2);0.008274;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 3, 4, 2, 1);0.008231;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 1, 2, 3);0.008311;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 1, 3, 2);0.008553;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 2, 1, 3);0.008339;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 2, 3, 1);0.008408;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 3, 1, 2);0.008373;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(0, 4, 3, 2, 1);0.008222;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 2, 3, 4);0.008222;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 2, 4, 3);0.008378;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 3, 2, 4);0.008251;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 3, 4, 2);0.008333;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 4, 2, 3);0.008245;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 0, 4, 3, 2);0.008233;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 0, 3, 4);0.008204;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 0, 4, 3);0.008315;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 3, 0, 4);0.008356;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 3, 4, 0);0.00834;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 4, 0, 3);0.008303;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 2, 4, 3, 0);0.008261;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 0, 2, 4);0.00841;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 0, 4, 2);0.008314;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 2, 0, 4);0.008261;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 2, 4, 0);0.008403;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 4, 0, 2);0.008422;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 3, 4, 2, 0);0.008339;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 0, 2, 3);0.008247;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 0, 3, 2);0.008415;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 2, 0, 3);0.008394;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 2, 3, 0);0.008653;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 3, 0, 2);0.008134;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(1, 4, 3, 2, 0);0.008305;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 1, 3, 4);0.008422;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 1, 4, 3);0.008358;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 3, 1, 4);0.008236;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 3, 4, 1);0.008284;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 4, 1, 3);0.008337;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 0, 4, 3, 1);0.008217;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 0, 3, 4);0.00839;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 0, 4, 3);0.008167;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 3, 0, 4);0.008435;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 3, 4, 0);0.008275;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 4, 0, 3);0.008221;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 1, 4, 3, 0);0.008075;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 0, 1, 4);0.008221;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 0, 4, 1);0.008448;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 1, 0, 4);0.008552;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 1, 4, 0);0.008318;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 4, 0, 1);0.00835;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 3, 4, 1, 0);0.008631;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 0, 1, 3);0.008307;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 0, 3, 1);0.008404;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 1, 0, 3);0.00836;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 1, 3, 0);0.008341;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 3, 0, 1);0.008365;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(2, 4, 3, 1, 0);0.00834;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 1, 2, 4);0.008502;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 1, 4, 2);0.008465;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 2, 1, 4);0.008443;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 2, 4, 1);0.00838;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 4, 1, 2);0.008253;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 0, 4, 2, 1);0.008243;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 0, 2, 4);0.008341;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 0, 4, 2);0.008412;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 2, 0, 4);0.008386;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 2, 4, 0);0.008538;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 4, 0, 2);0.008277;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 1, 4, 2, 0);0.00813;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 0, 1, 4);0.008298;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 0, 4, 1);0.008426;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 1, 0, 4);0.008482;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 1, 4, 0);0.008524;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 4, 0, 1);0.008433;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 2, 4, 1, 0);0.008392;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 0, 1, 2);0.008389;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 0, 2, 1);0.008216;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 1, 0, 2);0.008212;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 1, 2, 0);0.00825;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 2, 0, 1);0.008333;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(3, 4, 2, 1, 0);0.008333;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 1, 2, 3);0.008273;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 1, 3, 2);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 2, 1, 3);0.008349;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 2, 3, 1);0.008206;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 3, 1, 2);0.008211;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 0, 3, 2, 1);0.008468;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 0, 2, 3);0.008267;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 0, 3, 2);0.008616;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 2, 0, 3);0.008238;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 2, 3, 0);0.008347;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 3, 0, 2);0.008282;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 1, 3, 2, 0);0.008353;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 0, 1, 3);0.008392;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 0, 3, 1);0.008472;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 1, 0, 3);0.008477;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 1, 3, 0);0.008365;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 3, 0, 1);0.008403;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 2, 3, 1, 0);0.008175;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 0, 1, 2);0.008405;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 0, 2, 1);0.008458;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 1, 0, 2);0.008229;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 1, 2, 0);0.008393;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 2, 0, 1);0.008242;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;2;(4, 3, 2, 1, 0);0.008298;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 2, 3, 4);0.008342;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 2, 4, 3);0.008339;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 3, 2, 4);0.008413;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 3, 4, 2);0.008229;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 4, 2, 3);0.00853;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 1, 4, 3, 2);0.008364;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 1, 3, 4);0.008128;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 1, 4, 3);0.008242;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 3, 1, 4);0.00819;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 3, 4, 1);0.008272;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 4, 1, 3);0.008352;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 2, 4, 3, 1);0.008435;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 1, 2, 4);0.008361;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 1, 4, 2);0.008116;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 2, 1, 4);0.008452;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 2, 4, 1);0.008399;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 4, 1, 2);0.008437;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 3, 4, 2, 1);0.008437;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 1, 2, 3);0.008314;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 1, 3, 2);0.008313;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 2, 1, 3);0.008241;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 2, 3, 1);0.008304;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 3, 1, 2);0.008239;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(0, 4, 3, 2, 1);0.008241;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 2, 3, 4);0.008322;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 2, 4, 3);0.008313;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 3, 2, 4);0.008355;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 3, 4, 2);0.00817;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 4, 2, 3);0.008297;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 0, 4, 3, 2);0.008494;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 0, 3, 4);0.008241;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 0, 4, 3);0.008257;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 3, 0, 4);0.008277;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 3, 4, 0);0.008244;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 4, 0, 3);0.008389;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 2, 4, 3, 0);0.008146;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 0, 2, 4);0.008375;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 0, 4, 2);0.00823;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 2, 0, 4);0.008394;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 2, 4, 0);0.008398;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 4, 0, 2);0.008365;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 3, 4, 2, 0);0.008288;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 0, 2, 3);0.008328;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 0, 3, 2);0.008406;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 2, 0, 3);0.008273;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 2, 3, 0);0.008282;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 3, 0, 2);0.008388;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(1, 4, 3, 2, 0);0.00834;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 1, 3, 4);0.008385;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 1, 4, 3);0.008532;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 3, 1, 4);0.00844;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 3, 4, 1);0.008433;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 4, 1, 3);0.008314;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 0, 4, 3, 1);0.008292;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 0, 3, 4);0.008326;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 0, 4, 3);0.008267;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 3, 0, 4);0.008268;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 3, 4, 0);0.008562;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 4, 0, 3);0.008493;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 1, 4, 3, 0);0.008177;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 0, 1, 4);0.008236;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 0, 4, 1);0.008351;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 1, 0, 4);0.008342;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 1, 4, 0);0.008236;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 4, 0, 1);0.008403;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 3, 4, 1, 0);0.008329;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 0, 1, 3);0.008349;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 0, 3, 1);0.008244;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 1, 0, 3);0.008352;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 1, 3, 0);0.008398;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 3, 0, 1);0.008325;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(2, 4, 3, 1, 0);0.008528;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 1, 2, 4);0.008421;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 1, 4, 2);0.008384;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 2, 1, 4);0.008307;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 2, 4, 1);0.008282;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 4, 1, 2);0.008173;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 0, 4, 2, 1);0.00816;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 0, 2, 4);0.008469;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 0, 4, 2);0.008303;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 2, 0, 4);0.008355;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 2, 4, 0);0.008381;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 4, 0, 2);0.008207;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 1, 4, 2, 0);0.008307;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 0, 1, 4);0.008187;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 0, 4, 1);0.008312;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 1, 0, 4);0.008414;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 1, 4, 0);0.008479;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 4, 0, 1);0.008256;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 2, 4, 1, 0);0.008389;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 0, 1, 2);0.008202;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 0, 2, 1);0.008362;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 1, 0, 2);0.008316;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 1, 2, 0);0.00833;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 2, 0, 1);0.008244;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(3, 4, 2, 1, 0);0.008395;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 1, 2, 3);0.008456;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 1, 3, 2);0.00829;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 2, 1, 3);0.008207;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 2, 3, 1);0.008239;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 3, 1, 2);0.0084;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 0, 3, 2, 1);0.008306;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 0, 2, 3);0.008259;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 0, 3, 2);0.008456;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 2, 0, 3);0.008384;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 2, 3, 0);0.008309;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 3, 0, 2);0.008358;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 1, 3, 2, 0);0.008387;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 0, 1, 3);0.008228;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 0, 3, 1);0.008405;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 1, 0, 3);0.008374;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 1, 3, 0);0.008285;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 3, 0, 1);0.008478;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 2, 3, 1, 0);0.008272;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 0, 1, 2);0.008488;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 0, 2, 1);0.008373;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 1, 0, 2);0.008196;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 1, 2, 0);0.008384;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 2, 0, 1);0.008461;0.008333333333333333 +1000000;1;5;GAUSSIAN_CUBE;GAUSSIAN_CUBE;3;(4, 3, 2, 1, 0);0.008526;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 2, 3, 4);0.008288;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 2, 4, 3);0.008344;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 3, 2, 4);0.008361;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 3, 4, 2);0.008344;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 4, 2, 3);0.008304;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 1, 4, 3, 2);0.008262;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 1, 3, 4);0.008372;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 1, 4, 3);0.008155;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 3, 1, 4);0.008575;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 3, 4, 1);0.008208;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 4, 1, 3);0.00838;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 2, 4, 3, 1);0.008419;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 1, 2, 4);0.0081;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 1, 4, 2);0.008232;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 2, 1, 4);0.008345;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 2, 4, 1);0.008196;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 4, 1, 2);0.008209;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 3, 4, 2, 1);0.008367;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 1, 2, 3);0.008391;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 1, 3, 2);0.008261;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 2, 1, 3);0.008492;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 2, 3, 1);0.008359;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 3, 1, 2);0.008348;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(0, 4, 3, 2, 1);0.008104;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 2, 3, 4);0.008511;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 2, 4, 3);0.008225;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 3, 2, 4);0.008236;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 3, 4, 2);0.008383;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 4, 2, 3);0.008473;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 0, 4, 3, 2);0.008204;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 0, 3, 4);0.008414;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 0, 4, 3);0.00836;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 3, 0, 4);0.008349;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 3, 4, 0);0.008215;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 4, 0, 3);0.008334;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 2, 4, 3, 0);0.008362;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 0, 2, 4);0.008355;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 0, 4, 2);0.008502;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 2, 0, 4);0.008223;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 2, 4, 0);0.008316;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 4, 0, 2);0.008442;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 3, 4, 2, 0);0.008363;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 0, 2, 3);0.008452;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 0, 3, 2);0.008421;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 2, 0, 3);0.008454;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 2, 3, 0);0.008335;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 3, 0, 2);0.008342;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(1, 4, 3, 2, 0);0.008225;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 1, 3, 4);0.008492;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 1, 4, 3);0.008292;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 3, 1, 4);0.008438;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 3, 4, 1);0.008294;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 4, 1, 3);0.008345;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 0, 4, 3, 1);0.008257;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 0, 3, 4);0.008247;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 0, 4, 3);0.008439;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 3, 0, 4);0.008524;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 3, 4, 0);0.008432;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 4, 0, 3);0.00835;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 1, 4, 3, 0);0.00833;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 0, 1, 4);0.008347;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 0, 4, 1);0.008245;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 1, 0, 4);0.008515;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 1, 4, 0);0.008395;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 4, 0, 1);0.008419;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 3, 4, 1, 0);0.008499;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 0, 1, 3);0.00835;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 0, 3, 1);0.008313;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 1, 0, 3);0.008274;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 1, 3, 0);0.00837;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 3, 0, 1);0.008369;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(2, 4, 3, 1, 0);0.008312;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 1, 2, 4);0.008196;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 1, 4, 2);0.008459;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 2, 1, 4);0.008253;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 2, 4, 1);0.008365;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 4, 1, 2);0.008397;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 0, 4, 2, 1);0.008366;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 0, 2, 4);0.008384;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 0, 4, 2);0.008194;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 2, 0, 4);0.008288;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 2, 4, 0);0.008313;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 4, 0, 2);0.008131;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 1, 4, 2, 0);0.008223;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 0, 1, 4);0.008171;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 0, 4, 1);0.008481;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 1, 0, 4);0.00826;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 1, 4, 0);0.008402;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 4, 0, 1);0.008186;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 2, 4, 1, 0);0.00832;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 0, 1, 2);0.008207;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 0, 2, 1);0.00844;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 1, 0, 2);0.008427;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 1, 2, 0);0.008254;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 2, 0, 1);0.008294;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(3, 4, 2, 1, 0);0.008258;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 1, 2, 3);0.008306;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 1, 3, 2);0.008318;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 2, 1, 3);0.008404;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 2, 3, 1);0.008304;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 3, 1, 2);0.008383;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 0, 3, 2, 1);0.008195;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 0, 2, 3);0.008139;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 0, 3, 2);0.008529;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 2, 0, 3);0.008213;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 2, 3, 0);0.008304;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 3, 0, 2);0.008402;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 1, 3, 2, 0);0.008371;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 0, 1, 3);0.008461;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 0, 3, 1);0.008448;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 1, 0, 3);0.008205;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 1, 3, 0);0.008462;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 3, 0, 1);0.008281;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 2, 3, 1, 0);0.008307;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 0, 1, 2);0.008185;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 0, 2, 1);0.008317;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 1, 0, 2);0.008291;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 1, 2, 0);0.008392;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 2, 0, 1);0.008348;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;2;(4, 3, 2, 1, 0);0.008406;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 2, 3, 4);0.008238;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 2, 4, 3);0.008252;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 3, 2, 4);0.008282;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 3, 4, 2);0.008271;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 4, 2, 3);0.008362;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 1, 4, 3, 2);0.008218;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 1, 3, 4);0.00846;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 1, 4, 3);0.008267;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 3, 1, 4);0.008233;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 3, 4, 1);0.00834;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 4, 1, 3);0.008217;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 2, 4, 3, 1);0.008373;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 1, 2, 4);0.008425;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 1, 4, 2);0.008277;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 2, 1, 4);0.008361;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 2, 4, 1);0.008376;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 4, 1, 2);0.008376;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 3, 4, 2, 1);0.008369;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 1, 2, 3);0.008218;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 1, 3, 2);0.00829;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 2, 1, 3);0.008333;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 2, 3, 1);0.008365;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 3, 1, 2);0.0083;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(0, 4, 3, 2, 1);0.008249;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 2, 3, 4);0.008295;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 2, 4, 3);0.008328;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 3, 2, 4);0.008255;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 3, 4, 2);0.008241;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 4, 2, 3);0.008486;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 0, 4, 3, 2);0.008275;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 0, 3, 4);0.008294;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 0, 4, 3);0.008343;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 3, 0, 4);0.008426;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 3, 4, 0);0.008404;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 4, 0, 3);0.0083;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 2, 4, 3, 0);0.008419;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 0, 2, 4);0.008269;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 0, 4, 2);0.008438;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 2, 0, 4);0.008429;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 2, 4, 0);0.008348;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 4, 0, 2);0.008366;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 3, 4, 2, 0);0.008486;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 0, 2, 3);0.008231;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 0, 3, 2);0.008221;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 2, 0, 3);0.00837;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 2, 3, 0);0.008181;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 3, 0, 2);0.00823;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(1, 4, 3, 2, 0);0.008382;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 1, 3, 4);0.008262;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 1, 4, 3);0.008318;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 3, 1, 4);0.008313;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 3, 4, 1);0.008437;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 4, 1, 3);0.008362;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 0, 4, 3, 1);0.008351;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 0, 3, 4);0.008275;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 0, 4, 3);0.00851;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 3, 0, 4);0.008342;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 3, 4, 0);0.008196;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 4, 0, 3);0.008285;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 1, 4, 3, 0);0.008311;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 0, 1, 4);0.008209;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 0, 4, 1);0.008303;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 1, 0, 4);0.00837;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 1, 4, 0);0.008203;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 4, 0, 1);0.008412;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 3, 4, 1, 0);0.008415;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 0, 1, 3);0.008289;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 0, 3, 1);0.008427;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 1, 0, 3);0.0083;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 1, 3, 0);0.008343;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 3, 0, 1);0.008418;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(2, 4, 3, 1, 0);0.008468;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 1, 2, 4);0.008213;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 1, 4, 2);0.008335;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 2, 1, 4);0.00833;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 2, 4, 1);0.008386;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 4, 1, 2);0.008278;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 0, 4, 2, 1);0.008364;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 0, 2, 4);0.008359;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 0, 4, 2);0.0083;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 2, 0, 4);0.00838;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 2, 4, 0);0.008372;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 4, 0, 2);0.008235;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 1, 4, 2, 0);0.008366;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 0, 1, 4);0.008189;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 0, 4, 1);0.008368;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 1, 0, 4);0.008374;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 1, 4, 0);0.00834;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 4, 0, 1);0.008518;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 2, 4, 1, 0);0.008323;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 0, 1, 2);0.008476;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 0, 2, 1);0.008372;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 1, 0, 2);0.008469;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 1, 2, 0);0.008357;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 2, 0, 1);0.008205;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(3, 4, 2, 1, 0);0.008368;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 1, 2, 3);0.008326;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 1, 3, 2);0.008232;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 2, 1, 3);0.008275;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 2, 3, 1);0.00827;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 3, 1, 2);0.008347;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 0, 3, 2, 1);0.008452;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 0, 2, 3);0.008215;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 0, 3, 2);0.008321;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 2, 0, 3);0.008371;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 2, 3, 0);0.008305;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 3, 0, 2);0.0085;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 1, 3, 2, 0);0.008273;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 0, 1, 3);0.008393;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 0, 3, 1);0.008215;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 1, 0, 3);0.008374;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 1, 3, 0);0.008434;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 3, 0, 1);0.008464;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 2, 3, 1, 0);0.008453;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 0, 1, 2);0.008257;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 0, 2, 1);0.00847;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 1, 0, 2);0.008319;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 1, 2, 0);0.008296;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 2, 0, 1);0.008215;0.008333333333333333 +1000000;1;5;UNBOUNDED_GAUSSIAN;UNBOUNDED_GAUSSIAN;3;(4, 3, 2, 1, 0);0.008358;0.008333333333333333 diff --git a/validation/ordinal/euclidean.py b/validation/ordinal/euclidean.py index 56ec633..e188012 100644 --- a/validation/ordinal/euclidean.py +++ b/validation/ordinal/euclidean.py @@ -4,7 +4,6 @@ from prefsampling.combinatorics import all_rankings from prefsampling.core.euclidean import EuclideanSpace from prefsampling.ordinal import euclidean -from prefsampling.point import ball_uniform from validation.validator import Validator @@ -48,7 +47,10 @@ def __init__(self): spaces = ( (EuclideanSpace.UNIFORM_BALL, {"widths": 1, "center_point": [0.5]}), (EuclideanSpace.UNIFORM_CUBE, {"widths": 1, "center_point": [0.5]}), - (EuclideanSpace.UNBOUNDED_GAUSSIAN, {"sigmas": 0.33, "center_point": [0.5]}) + ( + EuclideanSpace.UNBOUNDED_GAUSSIAN, + {"sigmas": 0.33, "center_point": [0.5]}, + ), ) for space, space_params in spaces: for candidates_positions in [[0.1, 0.3, 0.75, 0.78], [0.1, 0.12, 0.8]]: @@ -102,7 +104,9 @@ def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: current_pos = -float("inf") if space == EuclideanSpace.UNBOUNDED_GAUSSIAN else 0 for trans_pos, trans in transition_positions: if space == EuclideanSpace.UNBOUNDED_GAUSSIAN: - distribution[current_order] = scipy.stats.norm(0.5, 0.33).cdf(trans_pos) - scipy.stats.norm(0.5, 0.33).cdf(current_pos) + distribution[current_order] = scipy.stats.norm(0.5, 0.33).cdf( + trans_pos + ) - scipy.stats.norm(0.5, 0.33).cdf(current_pos) else: distribution[current_order] = trans_pos - current_pos new_order = list(current_order) @@ -111,7 +115,9 @@ def theoretical_distribution(self, sampler_parameters, all_outcomes) -> dict: current_order = tuple(new_order) current_pos = trans_pos if space == EuclideanSpace.UNBOUNDED_GAUSSIAN: - distribution[current_order] = scipy.stats.norm(0.5, 0.33).cdf(float("inf")) - scipy.stats.norm(0.5, 0.33).cdf(current_pos) + distribution[current_order] = scipy.stats.norm(0.5, 0.33).cdf( + float("inf") + ) - scipy.stats.norm(0.5, 0.33).cdf(current_pos) else: distribution[current_order] = 1 - current_pos return {o: d / sum(distribution.values()) for o, d in distribution.items()} diff --git a/validation/run.py b/validation/run.py index 0446d3d..1b3d134 100644 --- a/validation/run.py +++ b/validation/run.py @@ -1,8 +1,10 @@ import logging import os -from validation.approval.impartial import ApprovalImpartialValidator -from validation.approval.identity import ApprovalIdentityValidator +from validation.approval.impartial import ( + ApprovalImpartialValidator, + ApprovalImpartialConstantSizeValidator, +) from validation.approval.noise import ApprovalNoiseValidator from validation.approval.resampling import ( ApprovalResamplingValidator, @@ -50,10 +52,10 @@ ALL_APPROVAL_VALIDATORS = [ # ApprovalImpartialValidator(), - # ApprovalIdentityValidator(), + # ApprovalImpartialConstantSizeValidator(), # ApprovalNoiseValidator(), # ApprovalResamplingValidator(), - # ApprovalDisjointResamplingValidator(), + ApprovalDisjointResamplingValidator(), ] ALL_ORDINAL_VALIDATORS = [ @@ -67,7 +69,7 @@ # OrdinalUrnValidator(), # OrdinalEuclideanValidator(), # OrdinalEuclideanValidatorUniform(), - OrdinalEuclideanValidatorLine(), + # OrdinalEuclideanValidatorLine(), # SPWalshValidator(), # SPConitzerValidator(), # SPCircleValidator(), @@ -85,7 +87,7 @@ if __name__ == "__main__": logging.basicConfig(format="%(levelname)s: %(message)s", level=logging.INFO) - num_observations = 10000#00 + num_observations = 1000000 for validator_list, nickname in [ (ALL_APPROVAL_VALIDATORS, "approval"), diff --git a/validation/validator.py b/validation/validator.py index ec2d516..0d78769 100644 --- a/validation/validator.py +++ b/validation/validator.py @@ -309,8 +309,8 @@ def multiple_graphs(self, df, plot_dir_path, theoretical=None): if faceted_parameters[1] is not None: g.set_titles("{col_var} = {col_name}") g.set_xticklabels() - # g.set(xticklabels=[]) - plt.xticks(rotation='vertical') + g.set(xticklabels=[]) + # plt.xticks(rotation='vertical') g.set_axis_labels("Outcome identifier", "Frequency") title = f"{self.model_name} Model" if faceted_parameters[0] is not None: