{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "# Automating Abstraction Error\n", "\n", "After exploring the idea of abstraction [Rischel2020] and transformation [Rubenstein2017] in the first three notebooks, we now focus on the more practical problem of how, given two SCMs and an abstraction between them, we can compute the abstraction error between them.\n", "\n", "In this notebook we will develop code to compute exactly the abstraction error as defined in [Rischel2020] and in the previous notebook. To achieve our goal, we will write functions that will be dependant on the metric we want to adopt and on the set of nodes over which we will evaluate the abstraction error. We will present a series of implementation progressively considering richer sets over which to compute the abstraction error.\n", "\n", "This notebook was developed in order to offer a practical implementation of the ideas presented in the framework introduced in [Rischel2020], and to lay stonger foundations to further work with the idea of abstraction of causal models. The notebook is structured as follows: \n", "- Setup of standard and custom libraries (Section 2)\n", "- Review of the definition of abstraction and notation (Section 3)\n", "- Automated computation of abstraction error given pairs of variables in M1 connected by a directed path in M1 (Section 4)\n", "- Automated computation of abstraction error given all pairs of variables in M1 (Section 5)\n", "- Automated computation of abstraction error given pairs of variables in M1 connected by a directed path in M0 or M1 (Section 6)\n", "- Automated computation of abstraction error given sets of variables in M1 connected by a directed path in M0 or M1 (Section 7)\n", "- Integration of the code for the automated computation in the *Abstraction* class (Section 8)\n", "\n", "DISCLAIMER 1: the notebook refers to ideas from *causality* and *category theory* for which only a quick definition is offered. Useful references for causality are [Pearl2009,Peters2017], while for category theory are [Spivak2014,Fong2018].\n", "\n", "DISCLAIMER 2: mistakes are in all likelihood due to misunderstandings by the notebook author in reading [Rischel2020]. Feedback very welcome! :)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Setup" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Standard libraries\n", "First of all we import standard libraries." ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ "import numpy as np\n", "import networkx as nx\n", "import itertools\n", "from scipy.spatial import distance" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "For reproducibility, and for discussing our results in this notebook, we set a random seed to $1985$." ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "np.random.seed(1985)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## SCM implemenation\n", "\n", "So far we have used a custom class to define and run our SCMs; we defined this class in the previous notebooks and we exported it into *src/models.py*. We will now switch to a standard library to implement Bayesian networks (BN): [pgmpy](https://pgmpy.org/index.html). *pgmpy* will allow us to define our SCMs as BNs and use existing functions to perform inferences on our network.\n", "\n", "To use *pgmpy* we import the relevant libraries:" ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [], "source": [ "from pgmpy.models import BayesianNetwork as BN\n", "from pgmpy.factors.discrete import TabularCPD as cpd\n", "from pgmpy.inference import VariableElimination" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Abstraction definition\n", "\n", "To be compatible with our new objects, we need to slightly revise the *Abstraction* class. Before, our class expected to work with custom *FinStochSCM* objects; now it will work with *BayesianNetwork* objects.\n", "\n", "Importantly, we had to redefine the components of an abstraction:\n", "- *R* is now a list of strings, each one denoting a variable in the base model $\\mathcal{M}$/$\\mathtt{M0}$ deemed relevant;\n", "- *a* is now a dictionary indexed by the relevant variables in *R*; it specifies on which variable in the abstracted model $\\mathcal{M'}$/$\\mathtt{M1}$ the relevant variables are mapped.\n", "- *alphas* is now dictionary indexed by variables in the abstracted model $\\mathcal{M'}$/$\\mathtt{M1}$; it specifies a matrix defining how variable(s) in the base model $\\mathcal{M}$/$\\mathtt{M0}$ are mapped onto a variable in the abstracted model $\\mathcal{M'}$/$\\mathtt{M1}$.\n", "\n", "A tweaked implementation of the *Abstraction* class able to deal with these inputs has been written in *src/abstraction.py*. We import it." ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [], "source": [ "from src.legacy.SCMMappings_1_0 import Abstraction" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Abstraction error refresher\n", "\n", "Before moving to implementing a module for the automatic computation of error, let us review the definition of the abstraction error $e(\\alpha)$.\n", "\n", "Let's $\\mathbf{A}$ and $\\mathbf{B}$ two sets of variables in the base model $\\mathcal{M}$/$\\mathtt{M0}$; let's $X$ and $Y$ be the related variables in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$. Let us now consider the following diagram:\n", "\n", "$$\n", "\\begin{array}{ccc}\n", "\\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{A}\\right] & \\overset{\\mathcal{\\mathcal{M}_{do}}\\left[\\phi_{\\mathbf{B}}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{B}\\right]\\\\\n", "\\sideset{}{\\alpha_{X}}\\downarrow & & \\sideset{}{\\alpha_{Y}}\\downarrow\\\\\n", "\\mathcal{\\mathcal{M'}_{do}}\\left[X\\right] & \\overset{\\mathcal{\\mathcal{M'}_{do}}\\left[\\phi_{Y}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M'}_{do}}\\left[Y\\right]\n", "\\end{array}\n", "$$\n", "\n", "The abstraction error $E_\\alpha(X,Y)$ with respect to the variables $X,Y$ is the JS distance under intervention between the upper path and the lower path:\n", "\n", "$$\n", " D_{JS}(\\alpha_Y \\circ \\mathcal{M}_{do}\\left[\\phi_{\\mathbf{B}}\\right], \\mathcal{M'}_{do}\\left[\\phi_{Y}\\right] \\circ \\alpha_X)\n", "$$\n", "\n", "The overall abstraction error $e(\\alpha)$ is the highest abstraction error $E_\\alpha(X,Y)$ considering all the meaningful pairs of variables $(X,Y)$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$. We call the set of pair of variables $(X,Y)$ over which the error is estimated the **evaluation set** $\\mathcal{J}$. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## A note on the convention\n", "\n", "To facilitate the understanding of the code and clarify how input models and abstractions should be defined, it is useful to write a short note on the representation convention for the matrices.\n", "\n", "All morphisms we are dealing with (abstraction maps $\\alpha_\\cdot$ and mechanisms $\\mathcal{M}[\\phi_\\cdot]$) are defined as stochastic matrices." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Abstractions.** An abstraction $\\alpha_X$ maps a set of variables $\\mathbf{A}$ in the base model $\\mathcal{M}$/$\\mathtt{M0}$ to a single variable $X$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$. \n", "Let $\\mathcal{M}[A_1] \\times \\mathcal{M}[A_2] \\times ... \\times \\mathcal{M}[A_n]$ be the domain of $\\mathbf{A}$, and $\\mathcal{M'}[X]$ the domain of $X$. Then, the matrix encoding $\\alpha_X$ will be a two-dimensional matrix with dimensions:\n", "\n", "$$\n", "\\left[\\left|\\mathcal{M'}[X]\\right|, \\left|\\mathcal{M}[A_1]\\right|\\cdot\\left|\\mathcal{M}[A_2]\\right|\\cdot...\\cdot\\left|\\mathcal{M}[A_n]\\right|\\right]\n", "$$\n", "\n", "For instance, consider $\\alpha_{X}:A_1\\times A_2\\rightarrow X$ and suppose:\n", "- $\\mathcal{M}[A_1]=\\{0,1,2\\}$, \n", "- $\\mathcal{M}[A_2]=\\{0,1\\}$, \n", "- $\\mathcal{M'}[X]=\\{0,1,2,3\\}$\n", "\n", "then, $\\alpha_{X}$ is a stochastic matrix with dimensions $[4,6]$ and the following interpretation:\n", "\n", "$$\n", "\\begin{array}{ccccccc}\n", " & \\boldsymbol{(A_{1}=0,A_{2}=0)} & \\boldsymbol{(A_{1}=0,A_{2}=1)} & \\boldsymbol{(A_{1}=1,A_{2}=0)} & \\boldsymbol{(A_{1}=1,A_{2}=1)} & \\boldsymbol{(A_{1}=2,A_{2}=0)} & \\boldsymbol{(A_{1}=2,A_{2}=1)}\\\\\n", "\\boldsymbol{(X=0)} & (0,0)\\mapsto0 & (0,1)\\mapsto0 & (1,0)\\mapsto0 & (1,1)\\mapsto0 & (2,0)\\mapsto0 & (2,1)\\mapsto0\\\\\n", "\\boldsymbol{(X=1)} & (0,0)\\mapsto1 & (0,1)\\mapsto1 & (1,0)\\mapsto1 & (1,1)\\mapsto1 & (2,0)\\mapsto1 & (2,1)\\mapsto1\\\\\n", "\\boldsymbol{(X=2)} & (0,0)\\mapsto2 & (0,1)\\mapsto2 & (1,0)\\mapsto2 & (1,1)\\mapsto2 & (2,0)\\mapsto2 & (2,1)\\mapsto2\\\\\n", "\\boldsymbol{(X=3)} & (0,0)\\mapsto3 & (0,1)\\mapsto3 & (1,0)\\mapsto3 & (1,1)\\mapsto3 & (2,0)\\mapsto3 & (2,1)\\mapsto3\n", "\\end{array}\n", "$$" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Mechanisms.** A mechanism $\\mathcal{M}[\\phi_B]$ maps a set of variables $\\mathbf{A}$ to a a set of variables $\\mathbf{B}$ in the same model according to the conditional $P(\\mathbf{B} \\vert \\mathbf{A})$. \n", "Let $\\mathcal{M}[A_1] \\times \\mathcal{M}[A_2] \\times ... \\times \\mathcal{M}[A_n]$ be the domain of $\\mathbf{A}$, and $\\mathcal{M}[B_1] \\times \\mathcal{M}[B_2] \\times ... \\times \\mathcal{M}[B_m]$ the domain of $\\mathbf{B}$. Then, the matrix encoding $\\mathcal{M}[\\phi_B]$ will be a two-dimensional matrix with dimensions:\n", "\n", "$$\n", "\\left[\\left|\\mathcal{M}[B_1]\\right|\\cdot\\left|\\mathcal{M}[B_2]\\right|\\cdot...\\cdot\\left|\\mathcal{M}[B_m]\\right|, \\left|\\mathcal{M}[A_1]\\right|\\cdot\\left|\\mathcal{M}[A_2]\\right|\\cdot...\\cdot\\left|\\mathcal{M}[A_n]\\right|\\right]\n", "$$\n", "\n", "For instance, consider $\\mathcal{M}[\\phi_B]:A_1\\times A_2\\rightarrow B_1\\times B_2$ and suppose:\n", "- $\\mathcal{M}[A_1]=\\{0,1,2\\}$, \n", "- $\\mathcal{M}[A_2]=\\{0,1\\}$, \n", "- $\\mathcal{M}[B_1]=\\{0,1\\}$, \n", "- $\\mathcal{M}[B_2]=\\{0,1,2,3\\}$, \n", "\n", "then, $\\mathcal{M}[\\phi_B]$ is a stochastic matrix with dimensions $[8,6]$ and the following interpretation:\n", "\n", "$$\n", "\\begin{array}{ccccc}\n", " & \\boldsymbol{(A_{1}=0,A_{2}=0)} & \\boldsymbol{(A_{1}=0,A_{2}=1)} & & \\boldsymbol{(A_{1}=2,A_{2}=1)}\\\\\n", "\\boldsymbol{(B_{1}=0,B_{2}=0)} & P(B_{1}=0,B_{2}=0\\vert A_{1}=0,A_{2}=0) & P(B_{1}=0,B_{2}=0\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=0,B_{2}=0\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=0,B_{2}=1)} & P(B_{1}=0,B_{2}=1\\vert A_{1}=0,A_{2}=0) & P(B_{1}=0,B_{2}=1\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=0,B_{2}=1\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=0,B_{2}=2)} & P(B_{1}=0,B_{2}=2\\vert A_{1}=0,A_{2}=0) & P(B_{1}=0,B_{2}=2\\vert A_{1}=0,A_{2}=1) & ... & P(B_{1}=0,B_{2}=2\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=0,B_{2}=3)} & P(B_{1}=0,B_{2}=3\\vert A_{1}=0,A_{2}=0) & P(B_{1}=0,B_{2}=3\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=0,B_{2}=3\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=1,B_{2}=0)} & P(B_{1}=1,B_{2}=0\\vert A_{1}=0,A_{2}=0) & P(B_{1}=1,B_{2}=0\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=1,B_{2}=0\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=1,B_{2}=1)} & P(B_{1}=1,B_{2}=1\\vert A_{1}=0,A_{2}=0) & P(B_{1}=1,B_{2}=1\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=1,B_{2}=1\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=1,B_{2}=2)} & P(B_{1}=1,B_{2}=2\\vert A_{1}=0,A_{2}=0) & P(B_{1}=1,B_{2}=2\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=1,B_{2}=2\\vert A_{1}=2,A_{2}=1)\\\\\n", "\\boldsymbol{(B_{1}=1,B_{2}=3)} & P(B_{1}=1,B_{2}=3\\vert A_{1}=0,A_{2}=0) & P(B_{1}=1,B_{2}=3\\vert A_{1}=0,A_{2}=1) & & P(B_{1}=1,B_{2}=3\\vert A_{1}=2,A_{2}=1)\n", "\\end{array}\n", "$$" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "**Composition**. This encoding (codomain on the row, domain on the column; product of multiple finite sets in row-order) is consistent with the encoding used in *pgmpy* and it allows us to perform matrix multiplications in the same order of categorical composition." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Evaluating abstraction considering only individual variables connected by a directed path\n", "\n", "We start implementing our algorithm for the automatic computation of the abstraction error using as evaluation set $\\mathcal{J}$ the pairs $(X,Y)$ such that there exist a directed path from $X$ to $Y$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$. " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 1\n", "\n", "To drive our implementation, we work using as a reference the prototypical example we have studied in the previous notebooks. We consider models for the lung cancer scenario at different levels. A precise description of each one of them is available in the notebook *Categorical Abstraction.ipynb*." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "We first define our two models. Notice how our models are now defined using *pgmpy*; we also take advantage of the *check_model()* function offered by *pgmpy* to verify that our model and its stochastic matrices are correct. " ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 5, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M0 = BN([('Smoking','Tar'),('Tar','Cancer')])\n", "\n", "cpdS = cpd(variable='Smoking',\n", " variable_card=2,\n", " values=[[.8],[.2]],\n", " evidence=None,\n", " evidence_card=None)\n", "cpdT = cpd(variable='Tar',\n", " variable_card=2,\n", " values=[[1,.2],[0.,.8]],\n", " evidence=['Smoking'],\n", " evidence_card=[2])\n", "cpdC = cpd(variable='Cancer',\n", " variable_card=2,\n", " values=[[.9,.6],[.1,.4]],\n", " evidence=['Tar'],\n", " evidence_card=[2])\n", "\n", "M0.add_cpds(cpdS,cpdT,cpdC)\n", "M0.check_model()" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 6, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M1 = BN([('Smoking','Cancer')])\n", "\n", "cpdS = cpd(variable='Smoking',\n", " variable_card=2,\n", " values=[[.8],[.2]],\n", " evidence=None,\n", " evidence_card=None)\n", "cpdC = cpd(variable='Cancer',\n", " variable_card=2,\n", " values=[[.9,.66],[.1,.34]],\n", " evidence=['Smoking'],\n", " evidence_card=[2])\n", "\n", "M1.add_cpds(cpdS,cpdC)\n", "M1.check_model()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Next we define an abstraction. The definition of $(R,a,\\alpha)$ has correspondingly changed to work with the *pgmpy* objects." ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "R = ['Smoking','Cancer']\n", "\n", "a = {'Smoking': 'Smoking',\n", " 'Cancer': 'Cancer'}\n", "alphas = {'Smoking': np.eye(2),\n", " 'Cancer': np.eye(2)}" ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [], "source": [ "A = Abstraction(M0,M1,R,a,alphas)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Enumeration of all possible pairs in M1 with a directed path connection in M1\n", "\n", "We now populate our evaluation set $\\mathcal{J}$ computing all possible pairs (source,target) along directed paths in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$. To do so, we call the *networkx* function *has_path()* among all possible pairs of nodes." ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [], "source": [ "J = []\n", "\n", "sources = list(A.M1.nodes())\n", "targets = list(A.M1.nodes())\n", "\n", "for s in sources:\n", " for t in list(set(targets)-{s}):\n", " if nx.has_path(A.M1,s,t):\n", " J.append((s,t))" ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "[('Smoking', 'Cancer')]\n" ] } ], "source": [ "print(J)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "As obviosly clear, we have a single path in the abstracted model." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop\n", "\n", "We now come to the loop that will compute the abstraction error $e(\\alpha)$. The loop iterates over all the pairs in the evaluation set $\\mathcal{J}$ and computing the specific abstraction error.\n", "\n", "Keeping in mind this diagram:\n", "\n", "$$\n", "\\begin{array}{ccc}\n", "\\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{A}\\right] & \\overset{\\mathcal{\\mathcal{M}_{do}}\\left[\\phi_{\\mathbf{B}}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{B}\\right]\\\\\n", "\\sideset{}{\\alpha_{X}}\\downarrow & & \\sideset{}{\\alpha_{Y}}\\downarrow\\\\\n", "\\mathcal{\\mathcal{M'}_{do}}\\left[X\\right] & \\overset{\\mathcal{\\mathcal{M'}_{do}}\\left[\\phi_{Y}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M'}_{do}}\\left[Y\\right]\n", "\\end{array}\n", "$$\n", "\n", "let us decompose and explain the loop:\n", "1. Given a pair from the evaluation set $\\mathcal{J}$, extract the source node $X$ and the target node $Y$ in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$.\n", "2. Using the mapping $a$, retrieve the corresponding source set $\\mathbf{A}$ and target set $\\mathbf{B}$ in the base model $\\mathcal{M}/\\mathtt{M0}$.\n", "3. Compute the intervention $do(X)$ in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$ and initialize the *pgmpy* inference engine on this intervened model.\n", "4. Compute the intervention $do(\\mathbf{A})$ in the base model $\\mathcal{M}/\\mathtt{M0}$ and initialize the *pgmpy* inference engine on this intervened model.\n", "5. Compute the mechanism $\\mathcal{M'}_{do}[\\phi_Y] = P_{{M'}_{do}}(Y\\vert X)$ as $\\frac{P_{{M'}_{do}}(Y,X)}{P_{{M'}_{do}}(X)}$. The two distributions $P_{{M'}_{do}}(Y,X)$ and $P_{{M'}_{do}}(X)$ are evaluated using the *pgmpy* inference engine.\n", "4. Extract the matrix form of $\\mathcal{M'}_{do}[\\phi_Y] = P_{{M'}_{do}}(Y\\vert X)$.\n", "5. Check if the matrix correctly represents $Y$ on the rows and $X$ on the columns.\n", "6. Compute the mechanism $\\mathcal{M}_{do}[\\phi_\\mathbf{B}] = P_{{M}_{do}}(\\mathbf{B}\\vert \\mathbf{A})$ as $\\frac{P_{{M}_{do}}(\\mathbf{B},\\mathbf{A})}{P_{{M}_{do}}(\\mathbf{A})}$. The two distributions $P_{{M}_{do}}(\\mathbf{B},\\mathbf{A})$ and $P_{{M}_{do}}(\\mathbf{A})$ are evaluated using the *pgmpy* inference engine.\n", "7. Extract the matrix form of $\\mathcal{M}_{do}[\\phi_\\mathbf{B}] = P_{{M'}_{do}}(\\mathbf{B}\\vert \\mathbf{A})$.\n", "8. Reorder the matrix to be sure that the variables in $\\mathbf{B}$ are coming before the variables in $\\mathbf{A}$, and that they are in order they are supposed to be.\n", "9. Compact the matrix reducing it to two dimensions: on the rows we have the variables of $\\mathbf{B}$, on the columns the varibles of $\\mathbf{A}$.\n", "10. Extract the matrices for the abstractions of interest: $\\alpha_X$ and $\\alpha_Y$.\n", "11. Compute the two alternative path on the diagram by composing $\\mathcal{M'}_{do}[\\phi_Y] \\circ \\alpha_X$ (lower path) and $\\alpha_Y \\circ \\mathcal{M}_{do}[\\phi_\\mathbf{B}]$ (upper path) via a simple matrix product.\n", "12. For every possible intervention on $\\mathbf{A}$ compute the JS distance between the two paths. This is equivalent to consider every column in the matrix encoding of the two paths and computing their JS distance.\n", "13. Select the highest distance with respect to all the interventions as the error $E_\\alpha(Y,X)$.\n", "14. Select the highest distance with repsect to all pairs $(X,Y)$ as the error $e(\\alpha)$." ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "M1: ['Smoking'] -> ['Cancer']\n", "M0: ['Smoking'] -> ['Cancer']\n", "All JS distances: [0.0, 4.344397704933063e-09]\n", "\n", "Abstraction error: 4.344397704933063e-09\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 4.344397704933063e-09\n" ] } ], "source": [ "abstraction_errors = []\n", "\n", "for pair in J:\n", " # Get nodes in the abstracted model\n", " M1_source = [pair[0]]\n", " M1_target = [pair[1]]\n", " print('\\nM1: {0} -> {1}'.format(M1_source,M1_target))\n", "\n", " # Get nodes in the base model\n", " M0_source = A.invert_a(M1_source)\n", " M0_target = A.invert_a(M1_target)\n", " print('M0: {0} -> {1}'.format(M0_source,M0_target))\n", " \n", " # Perform intenrventions in the abstracted model and setup the inference engine\n", " M1do = A.M1.do(M1_source)\n", " inferM1 = VariableElimination(M1do)\n", " \n", " # Perform intenrventions in the base model and setup the inference engine\n", " M0do = A.M0.do(M0_source)\n", " inferM0 = VariableElimination(M0do)\n", " \n", " # Evaluate the mechanism in the abstracted model\n", " M1_joint_TS = inferM1.query(M1_target+M1_source,show_progress=False)\n", " M1_joint_S = inferM1.query(M1_source,show_progress=False)\n", " M1_cond_TS = M1_joint_TS / M1_joint_S\n", " \n", " # Extract the matrix\n", " M1_cond_TS_val = M1_cond_TS.values\n", "\n", " # Check ordering\n", " if (M1_cond_TS.variables[0] != M1_target[0]):\n", " M1_cond_TS_val = M1_cond_TS_val.T\n", "\n", " # Evaluate the mechanism in the base model\n", " M0_joint_TS = inferM0.query(M0_target+M0_source,show_progress=False)\n", " M0_joint_S = inferM0.query(M0_source,show_progress=False)\n", " M0_cond_TS = M0_joint_TS / M0_joint_S\n", " \n", " # Extract the matrix\n", " M0_cond_TS_val = M0_cond_TS.values\n", "\n", " # Reorder the matrix\n", " old_indexes = range(len(M0_target+M0_source))\n", " new_indexes = [(M0_target+M0_source).index(i) for i in M0_joint_TS.variables]\n", " M0_cond_TS_val = np.moveaxis(M0_cond_TS_val, old_indexes, new_indexes)\n", "\n", " # Compact the matrix\n", " M0_target_cards=[A.M0.get_cardinality(t) for t in M0_target]\n", " M0_target_card = np.prod(M0_target_cards)\n", " M0_source_cards=[A.M0.get_cardinality(s) for s in M0_source]\n", " M0_source_card = np.prod(M0_source_cards)\n", " M0_cond_TS_val = M0_cond_TS_val.reshape(M0_target_card,M0_source_card)\n", " \n", " # Extract the alphas\n", " alpha_S = A.alphas[M1_source[0]]\n", " alpha_T = A.alphas[M1_target[0]]\n", " \n", " # Evaluate the paths on the diagram\n", " lowerpath = np.dot(M1_cond_TS_val,alpha_S)\n", " upperpath = np.dot(alpha_T,M0_cond_TS_val)\n", " \n", " # Compute abstraction error for every possible intervention\n", " distances = []\n", " for c in range(lowerpath.shape[1]):\n", " distances.append( distance.jensenshannon(lowerpath[:,c],upperpath[:,c]) )\n", " print('All JS distances: {0}'.format(distances))\n", " \n", " # Select the greatest distance over all interventions\n", " print('\\nAbstraction error: {0}'.format(np.max(distances)))\n", " abstraction_errors.append(np.max(distances))\n", "\n", "# Select the greatest distance over all pairs considered\n", "print('\\n\\nOVERALL ABSTRACTION ERROR: {0}'.format(np.max(abstraction_errors)))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "As we knew, this example is a case of zero-error abstraction, and indeed our result is virtually zero once we account for numerical approximation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Evaluating abstraction considering all pairs of nodes\n", "\n", "We now move on using the same algorithm with a richer evaluation set $\\mathcal{J}$ containg all the pairs $(X,Y)$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$, independently from the existence of a directed path." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 2\n", "\n", "We still rely on the prototypical case study on the lung cancer scenario. This time we take into consideration the last extreme abstraction that removes all edges from the abstracted model. If we were to consider an evaluation set $\\mathcal{J}$ that contains only directed paths in the abstracted model $\\mathcal{M}''$/$\\mathtt{M2}$ there would be no path; however in the notebook *Categorical Abstraction.ipynb* we computed a distance even in the absence of a directed path. For this reason in this example we enlarge the evaluation set $\\mathcal{J}$." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "First, we define the models and the abstraction." ] }, { "cell_type": "code", "execution_count": 12, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 12, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M0 = BN([('Smoking','Cancer')])\n", "\n", "cpdS = cpd(variable='Smoking',\n", " variable_card=2,\n", " values=[[.8],[.2]],\n", " evidence=None,\n", " evidence_card=None)\n", "cpdC = cpd(variable='Cancer',\n", " variable_card=2,\n", " values=[[.9,.66],[.1,.34]],\n", " evidence=['Smoking'],\n", " evidence_card=[2])\n", "\n", "M0.add_cpds(cpdS,cpdC)\n", "M0.check_model()" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 13, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M1 = BN()\n", "M1.add_node('Smoking')\n", "M1.add_node('Cancer')\n", "\n", "cpdS = cpd(variable='Smoking',\n", " variable_card=2,\n", " values=[[.8],[.2]],\n", " evidence=None,\n", " evidence_card=None)\n", "cpdC = cpd(variable='Cancer',\n", " variable_card=2,\n", " values=[[.852],[.148]],\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "M1.add_cpds(cpdS,cpdC)\n", "M1.check_model()" ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [], "source": [ "R = ['Smoking','Cancer']\n", "\n", "a = {'Smoking': 'Smoking',\n", " 'Cancer': 'Cancer'}\n", "alphas = {'Smoking': np.eye(2),\n", " 'Cancer': np.eye(2)}" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [], "source": [ "A = Abstraction(M0,M1,R,a,alphas)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Enumeration of all possible pairs in M1\n", "\n", "Then we populate the evaluation set $\\mathcal{J}$ consider all possible pairs $(X,Y)$ in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$. To do so, we just call *itertools.permutations()* to retrieve all the permutations of two elements." ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [], "source": [ "J = list(itertools.permutations(A.M1.nodes(),2))" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "[('Smoking', 'Cancer'), ('Cancer', 'Smoking')]\n" ] } ], "source": [ "print(J)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Notice that we consider the pair $(Smoking, Cancer)$ even if in the abstracted model there is no link between them. Moreover we consider also the pair $(Cancer, Smoking)$ although it is debatable whether we should consider this inverted relation that requires estimating a mechanism $\\mathcal{M}[\\phi_{Smoking}] = P(Smoking \\vert Cancer)$ that hardly has a causal interpretation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop\n", "\n", "We run the same evaluatin loop. See above for an explanation of every step." ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "M1: ['Smoking'] -> ['Cancer']\n", "M0: ['Smoking'] -> ['Cancer']\n", "All JS distances: [0.051634404110767126, 0.15974085850231143]\n", "\n", "Abstraction error: 0.15974085850231143\n", "\n", "M1: ['Cancer'] -> ['Smoking']\n", "M0: ['Cancer'] -> ['Smoking']\n", "All JS distances: [0.0, 0.0]\n", "\n", "Abstraction error: 0.0\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 0.15974085850231143\n" ] } ], "source": [ "abstraction_errors = []\n", "\n", "for pair in J:\n", " # Get nodes in the abstracted model\n", " M1_source = [pair[0]]\n", " M1_target = [pair[1]]\n", " print('\\nM1: {0} -> {1}'.format(M1_source,M1_target))\n", "\n", " # Get nodes in the base model\n", " M0_source = A.invert_a(M1_source)\n", " M0_target = A.invert_a(M1_target)\n", " print('M0: {0} -> {1}'.format(M0_source,M0_target))\n", " \n", " # Perform intenrventions in the abstracted model and setup the inference engine\n", " M1do = A.M1.do(M1_source)\n", " inferM1 = VariableElimination(M1do)\n", " \n", " # Perform intenrventions in the base model and setup the inference engine\n", " M0do = A.M0.do(M0_source)\n", " inferM0 = VariableElimination(M0do)\n", " \n", " # Evaluate the mechanism in the abstracted model\n", " M1_joint_TS = inferM1.query(M1_target+M1_source,show_progress=False)\n", " M1_joint_S = inferM1.query(M1_source,show_progress=False)\n", " M1_cond_TS = M1_joint_TS / M1_joint_S\n", " \n", " # Extract the matrix\n", " M1_cond_TS_val = M1_cond_TS.values\n", "\n", " # Check ordering\n", " if (M1_cond_TS.variables[0] != M1_target[0]):\n", " M1_cond_TS_val = M1_cond_TS_val.T\n", "\n", " # Evaluate the mechanism in the base model\n", " M0_joint_TS = inferM0.query(M0_target+M0_source,show_progress=False)\n", " M0_joint_S = inferM0.query(M0_source,show_progress=False)\n", " M0_cond_TS = M0_joint_TS / M0_joint_S\n", " \n", " # Extract the matrix\n", " M0_cond_TS_val = M0_cond_TS.values\n", "\n", " # Reorder the matrix\n", " old_indexes = range(len(M0_target+M0_source))\n", " new_indexes = [(M0_target+M0_source).index(i) for i in M0_joint_TS.variables]\n", " M0_cond_TS_val = np.moveaxis(M0_cond_TS_val, old_indexes, new_indexes)\n", "\n", " # Compact the matrix\n", " M0_target_cards=[A.M0.get_cardinality(t) for t in M0_target]\n", " M0_target_card = np.prod(M0_target_cards)\n", " M0_source_cards=[A.M0.get_cardinality(s) for s in M0_source]\n", " M0_source_card = np.prod(M0_source_cards)\n", " M0_cond_TS_val = M0_cond_TS_val.reshape(M0_target_card,M0_source_card)\n", "\n", " # Extract the alphas\n", " alpha_S = A.alphas[M1_source[0]]\n", " alpha_T = A.alphas[M1_target[0]]\n", " \n", " # Evaluate the paths on the diagram\n", " lowerpath = np.dot(M1_cond_TS_val,alpha_S)\n", " upperpath = np.dot(alpha_T,M0_cond_TS_val)\n", " \n", " # Compute abstraction error for every possible intervention\n", " distances = []\n", " for c in range(lowerpath.shape[1]):\n", " distances.append( distance.jensenshannon(lowerpath[:,c],upperpath[:,c]) )\n", " print('All JS distances: {0}'.format(distances))\n", " \n", " # Select the greatest distance over all interventions\n", " print('\\nAbstraction error: {0}'.format(np.max(distances)))\n", " abstraction_errors.append(np.max(distances))\n", "\n", "# Select the greatest distance over all pairs considered\n", "print('\\n\\nOVERALL ABSTRACTION ERROR: {0}'.format(np.max(abstraction_errors)))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Notice that, looking at the pair $(Smoking,Cancer)$ we obtain a result in line with what we obtained in the notebook *Categorical Abstraction.ipynb*. \n", "The result for the pair $(Cancer,Smoking)$ may look at first counterintuive: why the error is in this case equal to 0? The result actually make sense because we are measuring $P(Smoking\\vert do(Cancer))$ in the two models $\\mathcal{M}/M0$ and $\\mathcal{M'}/M1$. In $\\mathcal{M'}/M1$, $Smoking$ and $Cancer$ are independent from the beginning; in $\\mathcal{M}/M0$, $Smoking$ and $Cancer$ are made independent by the intervention. So we are just comparing $P(Smoking)$ in $\\mathcal{M}/M0$ and $\\mathcal{M'}/M1$, and this marginal happens to have been defined equally in the two models." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Notice, also, that if we were to print $\\mathcal{M'}[\\phi_{Cancer}] = P(Cancer \\vert Smoking)$ (or $\\mathcal{M'}[\\phi_{Smoking}] = P(Smoking \\vert Cancer)$) we could see from its matrix form that it encodes a conditional distribution in which $Smoking$ and $Cancer$ are independent in the abstracted model $\\mathcal{M'}/M1$. The matrix has the expected shape $[2,2]$ but it is columns are identical, suggesting that the value on the column does not matter. This makes sense ($Smoking$ and $Cancer$ have no connection in the graph, they are independent), and it is consistent with the formalism and result in the notebook *Categorical Abstraction.ipynb*." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Evaluating abstraction considering pairs of node potentially having a causal relation\n", "\n", "Considering an evaluation set $\\mathcal{J}$ containing all the pairs $(X,Y)$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$ seems to generate a set inclusing meaninglss pairs. We will then refine the evaluation set $\\mathcal{J}$ containg all the pairs $(X,Y)$ that are connected by a directed path in $\\mathcal{M}'$/$\\mathtt{M1}$ or whose counterimages $(\\mathbf{A},\\mathbf{B})$ are connected by a directed path in $\\mathcal{M}$/$\\mathtt{M0}$." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 3\n", "\n", "We instantiate now a new test models containing more nodes and more challenging mappings." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "First, we define the models and the abstraction." ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [], "source": [ "def generate_values(c,d):\n", " val = np.random.rand(c,d)\n", " return val / np.sum(val,axis=0)" ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 20, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M0 = BN([('A','C'), ('E','B'), ('E','C'), ('B','C'), ('C','D'), ('C','F')])\n", "\n", "cpdA = cpd(variable='A',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdE = cpd(variable='E',\n", " variable_card=2,\n", " values=generate_values(2,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdB = cpd(variable='B',\n", " variable_card=4,\n", " values=generate_values(4,2),\n", " evidence=['E'],\n", " evidence_card=[2])\n", "\n", "cpdC = cpd(variable='C',\n", " variable_card=6,\n", " values=generate_values(6,24),\n", " evidence=['A','B','E'],\n", " evidence_card=[3,4,2])\n", "\n", "cpdD = cpd(variable='D',\n", " variable_card=3,\n", " values=generate_values(3,6),\n", " evidence=['C'],\n", " evidence_card=[6])\n", "\n", "cpdF = cpd(variable='F',\n", " variable_card=2,\n", " values=generate_values(2,6),\n", " evidence=['C'],\n", " evidence_card=[6])\n", "\n", "M0.add_cpds(cpdA,cpdB,cpdC,cpdD,cpdE,cpdF)\n", "M0.check_model()" ] }, { "cell_type": "code", "execution_count": 21, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 21, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M1 = BN([('X','Y'), ('Y','Z'), ('Y','W'), ('X','Z')])\n", "\n", "cpdX = cpd(variable='X',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdY = cpd(variable='Y',\n", " variable_card=4,\n", " values=generate_values(4,3),\n", " evidence=['X'],\n", " evidence_card=[3])\n", "\n", "cpdZ = cpd(variable='Z',\n", " variable_card=2,\n", " values=generate_values(2,12),\n", " evidence=['Y','X'],\n", " evidence_card=[4,3])\n", "\n", "cpdW = cpd(variable='W',\n", " variable_card=2,\n", " values=generate_values(2,4),\n", " evidence=['Y'],\n", " evidence_card=[4])\n", "\n", "M1.add_cpds(cpdX,cpdY,cpdZ,cpdW)\n", "M1.check_model()" ] }, { "cell_type": "code", "execution_count": 22, "metadata": {}, "outputs": [], "source": [ "R = ['A','B', 'C', 'D', 'F']\n", "\n", "a = {'A': 'X',\n", " 'B': 'X',\n", " 'C': 'Y',\n", " 'D': 'Z',\n", " 'F': 'W'}\n", "alphas = {'X': generate_values(3,12),\n", " 'Y': generate_values(4,6),\n", " 'Z': generate_values(2,3),\n", " 'W': generate_values(2,2)}" ] }, { "cell_type": "code", "execution_count": 23, "metadata": {}, "outputs": [], "source": [ "A = Abstraction(M0,M1,R,a,alphas)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Enumeration of all possible pairs in M1 with a directed path connection in M1 or M0\n", "\n", "We now populate our evaluation set $\\mathcal{J}$ computing all possible pairs (source,target) along directed paths in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$ or in the base model $\\mathcal{M'}/\\mathtt{M1}$. \n", "\n", "We start implementing a helper function *check_path_between_sets()* to check the existence of a path between two set of nodes $\\mathbf{A}$ and $\\mathbf{B}$. This function creates an artificial parent $A'$ to all the nodes in $\\mathbf{A}$ and an artifical child $B'$ to all the nodes in $\\mathbf{B}$ and then we call the *networkx* function *has_path()* between $A'$ and $B'$." ] }, { "cell_type": "code", "execution_count": 24, "metadata": {}, "outputs": [], "source": [ "def check_path_between_sets(G,sources,targets):\n", " augmentedG = G.copy()\n", " \n", " augmented_s = 'augmented_s_'+str(np.random.randint(10**6))\n", " augmented_t = 'augmented_t_'+str(np.random.randint(10**6))\n", " augmentedG.add_node(augmented_s)\n", " augmentedG.add_node(augmented_t)\n", "\n", " [augmentedG.add_edge(augmented_s,s) for s in sources]\n", " [augmentedG.add_edge(t,augmented_t) for t in targets]\n", "\n", " return nx.has_path(augmentedG,augmented_s,augmented_t) " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We can populate $\\mathcal{J}$. To verify if there is a path in $\\mathcal{M'}/\\mathtt{M1}$ between node $X$ and $Y$ we use the same method we used before of calling the *networkx* function *has_path()*. To verify if there is a path in $\\mathcal{M}/\\mathtt{M0}$ between the set of nodes $\\mathbf{A}$ and $\\mathbf{B}$ we rely on our helper function." ] }, { "cell_type": "code", "execution_count": 25, "metadata": {}, "outputs": [], "source": [ "J = []\n", "\n", "sources = list(A.M1.nodes())\n", "targets = list(A.M1.nodes())\n", "\n", "for s in sources:\n", " for t in list(set(targets)-{s}):\n", " if nx.has_path(A.M1,s,t):\n", " J.append((s,t))\n", " else:\n", " M0_sources = A.invert_a(s)\n", " M0_targets = A.invert_a(t) \n", " if check_path_between_sets(A.M0,M0_sources,M0_targets):\n", " J.append((s,t))" ] }, { "cell_type": "code", "execution_count": 26, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "[('X', 'W'), ('X', 'Y'), ('X', 'Z'), ('Y', 'W'), ('Y', 'Z')]\n" ] } ], "source": [ "print(J)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop" ] }, { "cell_type": "code", "execution_count": 27, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "M1: ['X'] -> ['W']\n", "M0: ['A', 'B'] -> ['F']\n", "All JS distances: [0.12521771836868564, 0.1098170956238661, 0.1093643467805497, 0.15438710717432574, 0.12046159176748646, 0.16917931812906775, 0.13779348059871385, 0.1727573437923306, 0.17731904977048296, 0.1549678911567308, 0.13311969480754737, 0.14345170601798582]\n", "\n", "Abstraction error: 0.17731904977048296\n", "\n", "M1: ['X'] -> ['Y']\n", "M0: ['A', 'B'] -> ['C']\n", "All JS distances: [0.11835877298107207, 0.19699602007864722, 0.09476904663959261, 0.20950728465444696, 0.15927935305699015, 0.14207969276805765, 0.11968508852041435, 0.1564581742712215, 0.17109467359446529, 0.14402290823110306, 0.1451752260206426, 0.15053887286820122]\n", "\n", "Abstraction error: 0.20950728465444696\n", "\n", "M1: ['X'] -> ['Z']\n", "M0: ['A', 'B'] -> ['D']\n", "All JS distances: [0.00906527140205899, 0.018891757270061746, 0.004833781584752415, 0.02302667236729111, 0.010767043207948444, 0.029256445382254467, 0.014593949677328466, 0.04728920146648553, 0.03818884145805786, 0.021735512048527937, 0.016418485883169343, 0.015928361507320885]\n", "\n", "Abstraction error: 0.04728920146648553\n", "\n", "M1: ['Y'] -> ['W']\n", "M0: ['C'] -> ['F']\n", "All JS distances: [0.225156509353865, 0.117924866640986, 0.14683158337181426, 0.25848110864747187, 0.12505841562696274, 0.03694187983853757]\n", "\n", "Abstraction error: 0.25848110864747187\n", "\n", "M1: ['Y'] -> ['Z']\n", "M0: ['C'] -> ['D']\n", "All JS distances: [0.0452083112500307, 0.07283988629719863, 0.013379590628713857, 0.11320708794598638, 0.05004668669378092, 0.028591738846108373]\n", "\n", "Abstraction error: 0.11320708794598638\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 0.25848110864747187\n" ] } ], "source": [ "abstraction_errors = []\n", "\n", "for pair in J:\n", " # Get nodes in the abstracted model\n", " M1_source = [pair[0]]\n", " M1_target = [pair[1]]\n", " print('\\nM1: {0} -> {1}'.format(M1_source,M1_target))\n", "\n", " # Get nodes in the base model\n", " M0_source = A.invert_a(M1_source)\n", " M0_target = A.invert_a(M1_target)\n", " print('M0: {0} -> {1}'.format(M0_source,M0_target))\n", " \n", " # Perform intenrventions in the abstracted model and setup the inference engine\n", " M1do = A.M1.do(M1_source)\n", " inferM1 = VariableElimination(M1do)\n", " \n", " # Perform intenrventions in the base model and setup the inference engine\n", " M0do = A.M0.do(M0_source)\n", " inferM0 = VariableElimination(M0do)\n", " \n", " # Evaluate the mechanism in the abstracted model\n", " M1_joint_TS = inferM1.query(M1_target+M1_source,show_progress=False)\n", " M1_joint_S = inferM1.query(M1_source,show_progress=False)\n", " M1_cond_TS = M1_joint_TS / M1_joint_S\n", " \n", " # Extract the matrix\n", " M1_cond_TS_val = M1_cond_TS.values\n", "\n", " # Check ordering\n", " if (M1_cond_TS.variables[0] != M1_target[0]):\n", " M1_cond_TS_val = M1_cond_TS_val.T\n", "\n", " # Evaluate the mechanism in the base model\n", " M0_joint_TS = inferM0.query(M0_target+M0_source,show_progress=False)\n", " M0_joint_S = inferM0.query(M0_source,show_progress=False)\n", " M0_cond_TS = M0_joint_TS / M0_joint_S\n", " \n", " # Extract the matrix\n", " M0_cond_TS_val = M0_cond_TS.values\n", "\n", " # Reorder the matrix\n", " old_indexes = range(len(M0_target+M0_source))\n", " new_indexes = [(M0_target+M0_source).index(i) for i in M0_joint_TS.variables]\n", " M0_cond_TS_val = np.moveaxis(M0_cond_TS_val, old_indexes, new_indexes)\n", "\n", " # Compact the matrix\n", " M0_target_cards=[A.M0.get_cardinality(t) for t in M0_target]\n", " M0_target_card = np.prod(M0_target_cards)\n", " M0_source_cards=[A.M0.get_cardinality(s) for s in M0_source]\n", " M0_source_card = np.prod(M0_source_cards)\n", " M0_cond_TS_val = M0_cond_TS_val.reshape(M0_target_card,M0_source_card)\n", "\n", " # Extract the alphas\n", " alpha_S = A.alphas[M1_source[0]]\n", " alpha_T = A.alphas[M1_target[0]]\n", " \n", " # Evaluate the paths on the diagram\n", " lowerpath = np.dot(M1_cond_TS_val,alpha_S)\n", " upperpath = np.dot(alpha_T,M0_cond_TS_val)\n", " \n", " # Compute abstraction error for every possible intervention\n", " distances = []\n", " for c in range(lowerpath.shape[1]):\n", " distances.append( distance.jensenshannon(lowerpath[:,c],upperpath[:,c]) )\n", " print('All JS distances: {0}'.format(distances))\n", " \n", " # Select the greatest distance over all interventions\n", " print('\\nAbstraction error: {0}'.format(np.max(distances)))\n", " abstraction_errors.append(np.max(distances))\n", "\n", "# Select the greatest distance over all pairs considered\n", "print('\\n\\nOVERALL ABSTRACTION ERROR: {0}'.format(np.max(abstraction_errors)))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Evaluating abstraction considering sets of node potentially having a causal relation\n", "\n", "The actual definition of abstraction error requires considering not only all potential pairs $(X,Y)$ in the abstracted model $\\mathcal{M}'$/$\\mathtt{M1}$, but every disjoint set of variables $(\\mathbf{X},\\mathbf{Y})$ in $\\mathcal{M}'$/$\\mathtt{M1}$. Here, we will populate the evaluation set $\\mathcal{J}$ containg with all the sets $(\\mathbf{X},\\mathbf{Y})$ that are connected by a directed path in $\\mathcal{M}'$/$\\mathtt{M1}$ or whose counterimages $(\\mathbf{A},\\mathbf{B})$ are connected by a directed path in $\\mathcal{M}$/$\\mathtt{M0}$." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 4\n", "\n", "We instantiate the same models as in Example 3." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "We redefine the models and the abstraction." ] }, { "cell_type": "code", "execution_count": 28, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 28, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M0 = BN([('A','C'), ('E','B'), ('E','C'), ('B','C'), ('C','D'), ('C','F')])\n", "\n", "cpdA = cpd(variable='A',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdE = cpd(variable='E',\n", " variable_card=2,\n", " values=generate_values(2,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdB = cpd(variable='B',\n", " variable_card=4,\n", " values=generate_values(4,2),\n", " evidence=['E'],\n", " evidence_card=[2])\n", "\n", "cpdC = cpd(variable='C',\n", " variable_card=6,\n", " values=generate_values(6,24),\n", " evidence=['A','B','E'],\n", " evidence_card=[3,4,2])\n", "\n", "cpdD = cpd(variable='D',\n", " variable_card=3,\n", " values=generate_values(3,6),\n", " evidence=['C'],\n", " evidence_card=[6])\n", "\n", "cpdF = cpd(variable='F',\n", " variable_card=2,\n", " values=generate_values(2,6),\n", " evidence=['C'],\n", " evidence_card=[6])\n", "\n", "M0.add_cpds(cpdA,cpdB,cpdC,cpdD,cpdE,cpdF)\n", "M0.check_model()" ] }, { "cell_type": "code", "execution_count": 29, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 29, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M1 = BN([('X','Y'), ('Y','Z'), ('Y','W'), ('X','Z')])\n", "\n", "cpdX = cpd(variable='X',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdY = cpd(variable='Y',\n", " variable_card=4,\n", " values=generate_values(4,3),\n", " evidence=['X'],\n", " evidence_card=[3])\n", "\n", "cpdZ = cpd(variable='Z',\n", " variable_card=2,\n", " values=generate_values(2,12),\n", " evidence=['Y','X'],\n", " evidence_card=[4,3])\n", "\n", "cpdW = cpd(variable='W',\n", " variable_card=2,\n", " values=generate_values(2,4),\n", " evidence=['Y'],\n", " evidence_card=[4])\n", "\n", "M1.add_cpds(cpdX,cpdY,cpdZ,cpdW)\n", "M1.check_model()" ] }, { "cell_type": "code", "execution_count": 30, "metadata": {}, "outputs": [], "source": [ "R = ['A','B', 'C', 'D', 'F']\n", "\n", "a = {'A': 'X',\n", " 'B': 'X',\n", " 'C': 'Y',\n", " 'D': 'Z',\n", " 'F': 'W'}\n", "alphas = {'X': generate_values(3,12),\n", " 'Y': generate_values(4,6),\n", " 'Z': generate_values(2,3),\n", " 'W': generate_values(2,2)}" ] }, { "cell_type": "code", "execution_count": 31, "metadata": {}, "outputs": [], "source": [ "A = Abstraction(M0,M1,R,a,alphas)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Enumeration of all possible sets in M1 with directed path connections in M1 or M0\n", "\n", "We now want to populate our evaluation set $\\mathcal{J}$ considering not only pairs of nodes in M1, but all possible ways of generating two disjoint subsets out of $\\mathcal{X}_\\mathcal{M'}$.\n", "\n", "To do so, we start implementing a simple function *powerset()* to compute the powersets of $\\mathcal{X}_\\mathcal{M'}$ following the recipe provided in the *itertools* documentation." ] }, { "cell_type": "code", "execution_count": 32, "metadata": {}, "outputs": [], "source": [ "def powerset(iterable):\n", " s = list(iterable)\n", " return itertools.chain.from_iterable(itertools.combinations(s, r) for r in range(len(s)+1))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We then populate the evaluation set $\\mathcal{J}$ according to the following step:\n", "1. Consider a pair of sets from the powerset\n", "2. Check whether the sets are disjoint:\n", " - If yes, move to step 3\n", " - If not, go back to step 1\n", "3. Check if the two sets of nodes have a directed path in \\mathtt{M1}:\n", " - If yes, add them to $\\mathcal{J}$ and go back to step 1\n", " - If not, go to step 4\n", "4. Find the corresponding sets in M0 (Notice that since $a$ is a function we already know these two sets will also be disjoint)\n", "5. Check if the two sets of nodes have a directed path in \\mathtt{M0}:\n", " - If yes, add them to $\\mathcal{J}$ and go back to step 1\n", " - If not, go back to step 1\n", " \n", "This procedure evaluate all possible pairings of elements in the powerset, and it selects only the right ones for the evaluation set $\\mathcal{J}$. " ] }, { "cell_type": "code", "execution_count": 33, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "- Checking ['X'] -> ['Y']: True\n", "- Checking ['X'] -> ['Z']: True\n", "- Checking ['X'] -> ['W']: True\n", "- Checking ['X'] -> ['Y', 'Z']: True\n", "- Checking ['X'] -> ['Y', 'W']: True\n", "- Checking ['X'] -> ['Z', 'W']: True\n", "- Checking ['X'] -> ['Y', 'Z', 'W']: True\n", "- Checking ['Y'] -> ['X']: False\n", "---- Checking ['C'] -> ['A', 'B']: False\n", "- Checking ['Y'] -> ['Z']: True\n", "- Checking ['Y'] -> ['W']: True\n", "- Checking ['Y'] -> ['X', 'Z']: True\n", "- Checking ['Y'] -> ['X', 'W']: True\n", "- Checking ['Y'] -> ['Z', 'W']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W']: True\n", "- Checking ['Z'] -> ['X']: False\n", "---- Checking ['D'] -> ['A', 'B']: False\n", "- Checking ['Z'] -> ['Y']: False\n", "---- Checking ['D'] -> ['C']: False\n", "- Checking ['Z'] -> ['W']: False\n", "---- Checking ['D'] -> ['F']: False\n", "- Checking ['Z'] -> ['X', 'Y']: False\n", "---- Checking ['D'] -> ['A', 'B', 'C']: False\n", "- Checking ['Z'] -> ['X', 'W']: False\n", "---- Checking ['D'] -> ['A', 'B', 'F']: False\n", "- Checking ['Z'] -> ['Y', 'W']: False\n", "---- Checking ['D'] -> ['C', 'F']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D'] -> ['A', 'B', 'C', 'F']: False\n", "- Checking ['W'] -> ['X']: False\n", "---- Checking ['F'] -> ['A', 'B']: False\n", "- Checking ['W'] -> ['Y']: False\n", "---- Checking ['F'] -> ['C']: False\n", "- Checking ['W'] -> ['Z']: False\n", "---- Checking ['F'] -> ['D']: False\n", "- Checking ['W'] -> ['X', 'Y']: False\n", "---- Checking ['F'] -> ['A', 'B', 'C']: False\n", "- Checking ['W'] -> ['X', 'Z']: False\n", "---- Checking ['F'] -> ['A', 'B', 'D']: False\n", "- Checking ['W'] -> ['Y', 'Z']: False\n", "---- Checking ['F'] -> ['C', 'D']: False\n", "- Checking ['W'] -> ['X', 'Y', 'Z']: False\n", "---- Checking ['F'] -> ['A', 'B', 'C', 'D']: False\n", "- Checking ['X', 'Y'] -> ['Z']: True\n", "- Checking ['X', 'Y'] -> ['W']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'W']: True\n", "- Checking ['X', 'Z'] -> ['Y']: True\n", "- Checking ['X', 'Z'] -> ['W']: True\n", "- Checking ['X', 'Z'] -> ['Y', 'W']: True\n", "- Checking ['X', 'W'] -> ['Y']: True\n", "- Checking ['X', 'W'] -> ['Z']: True\n", "- Checking ['X', 'W'] -> ['Y', 'Z']: True\n", "- Checking ['Y', 'Z'] -> ['X']: False\n", "---- Checking ['C', 'D'] -> ['A', 'B']: False\n", "- Checking ['Y', 'Z'] -> ['W']: True\n", "- Checking ['Y', 'Z'] -> ['X', 'W']: True\n", "- Checking ['Y', 'W'] -> ['X']: False\n", "---- Checking ['C', 'F'] -> ['A', 'B']: False\n", "- Checking ['Y', 'W'] -> ['Z']: True\n", "- Checking ['Y', 'W'] -> ['X', 'Z']: True\n", "- Checking ['Z', 'W'] -> ['X']: False\n", "---- Checking ['D', 'F'] -> ['A', 'B']: False\n", "- Checking ['Z', 'W'] -> ['Y']: False\n", "---- Checking ['D', 'F'] -> ['C']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'F'] -> ['A', 'B', 'C']: False\n", "- Checking ['X', 'Y', 'Z'] -> ['W']: True\n", "- Checking ['X', 'Y', 'W'] -> ['Z']: True\n", "- Checking ['X', 'Z', 'W'] -> ['Y']: True\n", "- Checking ['Y', 'Z', 'W'] -> ['X']: False\n", "---- Checking ['C', 'D', 'F'] -> ['A', 'B']: False\n", "\n", " 29 legitimate pairs of sets out of 225 possbile pairs of sets\n" ] } ], "source": [ "J = []\n", "\n", "sets = list(powerset(A.M1.nodes()))\n", "sets.remove(())\n", "\n", "for i in sets:\n", " for j in sets:\n", " M1_sources = list(i)\n", " M1_targets = list(j)\n", " if not(any(x in M1_sources for x in M1_targets)): \n", " if check_path_between_sets(A.M1,M1_sources,M1_targets):\n", " print('- Checking {0} -> {1}: True'.format(M1_sources,M1_targets))\n", " J.append([M1_sources,M1_targets])\n", " else:\n", " print('- Checking {0} -> {1}: False'.format(M1_sources,M1_targets))\n", " M0_sources = A.invert_a(M1_sources)\n", " M0_targets = A.invert_a(M1_targets)\n", " if check_path_between_sets(A.M0,M0_sources,M0_targets):\n", " print('---- Checking {0} -> {1}: True'.format(M0_sources,M0_targets))\n", " J.append([M1_sources,M1_targets])\n", " else:\n", " print('---- Checking {0} -> {1}: False'.format(M0_sources,M0_targets))\n", " \n", "print('\\n {0} legitimate pairs of sets out of {1} possbile pairs of sets'.format(len(J),len(sets)**2)) " ] }, { "cell_type": "code", "execution_count": 34, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "[[['X'], ['Y']], [['X'], ['Z']], [['X'], ['W']], [['X'], ['Y', 'Z']], [['X'], ['Y', 'W']], [['X'], ['Z', 'W']], [['X'], ['Y', 'Z', 'W']], [['Y'], ['Z']], [['Y'], ['W']], [['Y'], ['X', 'Z']], [['Y'], ['X', 'W']], [['Y'], ['Z', 'W']], [['Y'], ['X', 'Z', 'W']], [['X', 'Y'], ['Z']], [['X', 'Y'], ['W']], [['X', 'Y'], ['Z', 'W']], [['X', 'Z'], ['Y']], [['X', 'Z'], ['W']], [['X', 'Z'], ['Y', 'W']], [['X', 'W'], ['Y']], [['X', 'W'], ['Z']], [['X', 'W'], ['Y', 'Z']], [['Y', 'Z'], ['W']], [['Y', 'Z'], ['X', 'W']], [['Y', 'W'], ['Z']], [['Y', 'W'], ['X', 'Z']], [['X', 'Y', 'Z'], ['W']], [['X', 'Y', 'W'], ['Z']], [['X', 'Z', 'W'], ['Y']]]\n" ] } ], "source": [ "print(J)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop\n", "\n", "Running the computational loop is conceptually equivalent to what we have done so far, but we have now to deal with the fact that also when working within the high-level model we may have to consider sets of variables and not just individual nodes.\n", "\n", "Instead of the diagram we have seen before:\n", "\n", "$$\n", "\\begin{array}{ccc}\n", "\\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{A}\\right] & \\overset{\\mathcal{\\mathcal{M}_{do}}\\left[\\phi_{\\mathbf{B}}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{B}\\right]\\\\\n", "\\sideset{}{\\alpha_{X}}\\downarrow & & \\sideset{}{\\alpha_{Y}}\\downarrow\\\\\n", "\\mathcal{\\mathcal{M'}_{do}}\\left[X\\right] & \\overset{\\mathcal{\\mathcal{M'}_{do}}\\left[\\phi_{Y}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M'}_{do}}\\left[Y\\right]\n", "\\end{array}\n", "$$\n", "\n", "we have to consider:\n", "\n", "$$\n", "\\begin{array}{ccc}\n", "\\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{A}\\right] & \\overset{\\mathcal{\\mathcal{M}_{do}}\\left[\\phi_{\\mathbf{B}}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M}_{do}}\\left[\\mathbf{B}\\right]\\\\\n", "\\sideset{}{\\alpha_{\\mathbf{X}}}\\downarrow & & \\sideset{}{\\alpha_{\\mathbf{Y}}}\\downarrow\\\\\n", "\\mathcal{\\mathcal{M'}_{do}}\\left[\\mathbf{X}\\right] & \\overset{\\mathcal{\\mathcal{M'}_{do}}\\left[\\phi_{\\mathbf{Y}}\\right]}{\\longrightarrow} & \\mathcal{\\mathcal{M'}_{do}}\\left[\\mathbf{Y}\\right]\n", "\\end{array}\n", "$$\n", "\n", "where $X$ and $Y$ has now been typed in boldface, $\\mathbf{X},\\mathbf{Y}$ to denote we are working with sets.\n", "\n", "This requires us assemble abstractions ($\\alpha_{\\mathbf{X}},\\alpha_{\\mathbf{Y}}$) and mechanisms ($\\mathcal{M}[\\phi_{\\mathbf{Y}}]$) with the proper dimensionality. To do so we introduce two helper functions:\n", "- *tensorize_list*: given a list of matrices $[X_1, X_2, X_3, ..., X_n]$ with dimensions $[(r_1,c_1),(r_2,c_2),(r_3,c_3),...,(r_n,c_n)]$, this function recursively compute the tensor product $X_1 \\otimes X_2 \\otimes X_3 \\otimes ... \\otimes X_n$ with dimension $(r_1\\cdot r_2\\cdot r_3\\cdot ...\\cdot r_n, c_1\\cdot c_2\\cdot c_3\\cdot ...\\cdot c_n)$.\n", "- *tensorize_mechanism*: this function wraps up the code we used previously to compute the mechanism in $\\mathtt{M0}$. It receives the inference engine for the underlying graph, a source set of nodes, a target set of nodes, and a dictionary with the cardinalities of the nodes. It then use the engine to evaluate the mechanism, and the it re-orders and compacts the resulting matrix in the right shape." ] }, { "cell_type": "code", "execution_count": 35, "metadata": {}, "outputs": [], "source": [ "def tensorize_list(tensor,l):\n", " if tensor is None:\n", " if len(l)>1:\n", " tensor = np.einsum('ij,kl->ikjl',l[0],l[1])\n", " tensor = tensor.reshape((tensor.shape[0]*tensor.shape[1],tensor.shape[2]*tensor.shape[3]))\n", " return tensorize_list(tensor,l[2:])\n", " else:\n", " return l[0]\n", " else:\n", " if len(l)>0:\n", " tensor = np.einsum('ij,kl->ikjl',tensor,l[0])\n", " tensor = tensor.reshape((tensor.shape[0]*tensor.shape[1],tensor.shape[2]*tensor.shape[3]))\n", " return tensorize_list(tensor,l[1:])\n", " else:\n", " return tensor" ] }, { "cell_type": "code", "execution_count": 36, "metadata": {}, "outputs": [], "source": [ "def tensorize_mechanisms(inference,sources,targets,cardinalities):\n", " \n", " # Evaluate the mechanism\n", " joint_TS = inference.query(targets+sources,show_progress=False)\n", " marginal_S = inference.query(sources,show_progress=False)\n", " cond_TS = joint_TS / marginal_S\n", " \n", " # Extract the matrix\n", " cond_TS_val = cond_TS.values\n", "\n", " # Reorder the matrix\n", " old_indexes = range(len(targets+sources))\n", " new_indexes = [(targets+sources).index(i) for i in joint_TS.variables]\n", " cond_TS_val = np.moveaxis(cond_TS_val, old_indexes, new_indexes)\n", "\n", " # Compact the matrix\n", " target_cards=[cardinalities[t] for t in targets]\n", " target_card = np.prod(target_cards)\n", " source_cards=[cardinalities[s] for s in sources]\n", " source_card = np.prod(source_cards)\n", " cond_TS_val = cond_TS_val.reshape(target_card,source_card)\n", " \n", " return cond_TS_val" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "We can then run the actual computational loop. Its overall organization is the same, although we rely on the functions defined above to make it more compact:\n", "\n", "1. Given a pair from the evaluation set $\\mathcal{J}$, extract the source nodes $\\mathbf{X}$ and the target nodes $\\mathbf{Y}$ in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$.\n", "2. Using the mapping $a$, retrieve the corresponding source set $\\mathbf{A}$ and target set $\\mathbf{B}$ in the base model $\\mathcal{M}/\\mathtt{M0}$.\n", "3. Compute the intervention $do(X)$ in the abstracted model $\\mathcal{M'}/\\mathtt{M1}$ and initialize the *pgmpy* inference engine on this intervened model.\n", "4. Compute the intervention $do(\\mathbf{A})$ in the base model $\\mathcal{M}/\\mathtt{M0}$ and initialize the *pgmpy* inference engine on this intervened model.\n", "5. Compute the mechanism $\\mathcal{M'}_{do}[\\phi_\\mathbf{Y}]$ relying on *tensorize_mechanism()*. \n", "6. Compute the mechanism $\\mathcal{M}_{do}[\\phi_\\mathbf{B}]$ relying on *tensorize_mechanism()*. \n", "7. Compute the matrix for $\\alpha_\\mathbf{X}$ relying on *tensorize_list()*.\n", "8. Compute the matrix for $\\alpha_\\mathbf{Y}$ relying on *tensorize_list()*.\n", "9. Compute the two alternative path on the diagram by composing $\\mathcal{M'}_{do}[\\phi_\\mathbf{Y}] \\circ \\alpha_\\mathbf{X}$ (lower path) and $\\alpha_\\mathbf{Y} \\circ \\mathcal{M}_{do}[\\phi_\\mathbf{B}]$ (upper path) via a simple matrix product.\n", "10. For every possible intervention on $\\mathbf{A}$ compute the JS distance between the two paths.\n", "11. Select the highest distance with respect to all the interventions as the error $E_\\alpha(\\mathbf{Y},\\mathbf{X})$.\n", "12. Select the highest distance with repsect to all pairs $(\\mathbf{X},\\mathbf{Y})$ as the error $e(\\alpha)$." ] }, { "cell_type": "code", "execution_count": 37, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "M1: ['X'] -> ['Y']\n", "M0: ['A', 'B'] -> ['C']\n", "M1 mechanism shape: (4, 3)\n", "M0 mechanism shape: (6, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307985, 0.09265621144301286, 0.12001084898732219, 0.15997989391107853, 0.16203192810476508, 0.12696680980769243, 0.10069809180846691, 0.1863697329033639, 0.1047695132817974, 0.11807985631483506, 0.1179253134973884, 0.18437104992516792]\n", "\n", "Abstraction error: 0.1863697329033639\n", "\n", "M1: ['X'] -> ['Z']\n", "M0: ['A', 'B'] -> ['D']\n", "M1 mechanism shape: (2, 3)\n", "M0 mechanism shape: (3, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.0351304898487227, 0.06733630947989032, 0.0313707716587073, 0.0329667651770552, 0.03126112349484746, 0.03158249424275995, 0.047243008500498236, 0.0019017729573616153, 0.03424179787827428, 0.02209397224515851, 0.023474779635804806, 0.04781008084384352]\n", "\n", "Abstraction error: 0.06733630947989032\n", "\n", "M1: ['X'] -> ['W']\n", "M0: ['A', 'B'] -> ['F']\n", "M1 mechanism shape: (2, 3)\n", "M0 mechanism shape: (2, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.030672034914896472, 0.045551698121225746, 0.047482514947993826, 0.040984523781884684, 0.041699048049716914, 0.04609574520099206, 0.04539146222920609, 0.04707914958025027, 0.04617497146167864, 0.041023811525147724, 0.044405940952980685, 0.04921460205222507]\n", "\n", "Abstraction error: 0.04921460205222507\n", "\n", "M1: ['X'] -> ['Y', 'Z']\n", "M0: ['A', 'B'] -> ['C', 'D']\n", "M1 mechanism shape: (8, 3)\n", "M0 mechanism shape: (18, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (8, 18)\n", "All JS distances: [0.18714930747588385, 0.16342782470143777, 0.13923688032004672, 0.16996752417713565, 0.17244633676294255, 0.15413332692010762, 0.15329859180094013, 0.20291390546039728, 0.11960094914967821, 0.12933417631167846, 0.12854231172535505, 0.22176385875401214]\n", "\n", "Abstraction error: 0.22176385875401214\n", "\n", "M1: ['X'] -> ['Y', 'W']\n", "M0: ['A', 'B'] -> ['C', 'F']\n", "M1 mechanism shape: (8, 3)\n", "M0 mechanism shape: (12, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (8, 12)\n", "All JS distances: [0.15674163338369104, 0.11027827540763376, 0.1344765032870174, 0.16900387860096566, 0.17132352601049652, 0.13971800215379107, 0.11679126446490122, 0.19539161442730005, 0.12050680001965054, 0.13092227531421416, 0.13112660874946497, 0.19297402947863096]\n", "\n", "Abstraction error: 0.19539161442730005\n", "\n", "M1: ['X'] -> ['Z', 'W']\n", "M0: ['A', 'B'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 3)\n", "M0 mechanism shape: (6, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.047192705325690115, 0.08127081190113358, 0.05706325256989926, 0.0529727107172862, 0.052399220810823675, 0.055975864083481014, 0.06555189636445083, 0.047829683686611724, 0.05780309803964864, 0.04684660609816745, 0.05055104512955366, 0.06868965197737846]\n", "\n", "Abstraction error: 0.08127081190113358\n", "\n", "M1: ['X'] -> ['Y', 'Z', 'W']\n", "M0: ['A', 'B'] -> ['C', 'D', 'F']\n", "M1 mechanism shape: (16, 3)\n", "M0 mechanism shape: (36, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (16, 36)\n", "All JS distances: [0.1936393333585678, 0.17380671152417954, 0.1517981935295362, 0.178458587800174, 0.1811617242150942, 0.16470162425368473, 0.16415818702211926, 0.2111959555128114, 0.1335662377117007, 0.14111186401600812, 0.1407190157079215, 0.22883249205446551]\n", "\n", "Abstraction error: 0.22883249205446551\n", "\n", "M1: ['Y'] -> ['Z']\n", "M0: ['C'] -> ['D']\n", "M1 mechanism shape: (2, 4)\n", "M0 mechanism shape: (3, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.06099916587205272, 0.032682775053057354, 0.04679729540729152, 0.07128377077244254, 0.049598194647336426, 0.07518600631595818]\n", "\n", "Abstraction error: 0.07518600631595818\n", "\n", "M1: ['Y'] -> ['W']\n", "M0: ['C'] -> ['F']\n", "M1 mechanism shape: (2, 4)\n", "M0 mechanism shape: (2, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.047747995033239246, 0.04670317536074079, 0.05886660312881184, 0.04156271762404307, 0.030013746023442218]\n", "\n", "Abstraction error: 0.10227293864387506\n", "\n", "M1: ['Y'] -> ['X', 'Z']\n", "M0: ['C'] -> ['A', 'B', 'D']\n", "M1 mechanism shape: (6, 4)\n", "M0 mechanism shape: (36, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (6, 36)\n", "All JS distances: [0.17389072631509284, 0.14619836813152523, 0.19798973566307185, 0.19883946724488175, 0.16388446559385356, 0.16929406716985493]\n", "\n", "Abstraction error: 0.19883946724488175\n", "\n", "M1: ['Y'] -> ['X', 'W']\n", "M0: ['C'] -> ['A', 'B', 'F']\n", "M1 mechanism shape: (6, 4)\n", "M0 mechanism shape: (24, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (6, 24)\n", "All JS distances: [0.1688062382679865, 0.14357083895353628, 0.14323935375592675, 0.14749571686086949, 0.141704732098744, 0.13886536590930515]\n", "\n", "Abstraction error: 0.1688062382679865\n", "\n", "M1: ['Y'] -> ['Z', 'W']\n", "M0: ['C'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 4)\n", "M0 mechanism shape: (6, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.1187091362816008, 0.05814390050461374, 0.06633832145879023, 0.09232883649684216, 0.06498429821122392, 0.08105295591377457]\n", "\n", "Abstraction error: 0.1187091362816008\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W']\n", "M0: ['C'] -> ['A', 'B', 'D', 'F']\n", "M1 mechanism shape: (12, 4)\n", "M0 mechanism shape: (72, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (12, 72)\n", "All JS distances: [0.19992799783427462, 0.15363108648024623, 0.2032521275291327, 0.20662976317432394, 0.16893301270801445, 0.17187442878295403]\n", "\n", "Abstraction error: 0.20662976317432394\n", "\n", "M1: ['X', 'Y'] -> ['Z']\n", "M0: ['A', 'B', 'C'] -> ['D']\n", "M1 mechanism shape: (2, 12)\n", "M0 mechanism shape: (3, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.025789602635587733, 0.01928760783671703, 0.12310884042729682, 0.07219191193089779, 0.05594124826373502, 0.01466139265572651, 0.09004690651961561, 0.04826356728265454, 0.09547683896743701, 0.11540183227374494, 0.07826351680322807, 0.10131564510398797, 0.053601657924777175, 0.02941927906020033, 0.03941675236485532, 0.06259599591646454, 0.045639070821855615, 0.07043791793351223, 0.05139084057708265, 0.022870742231003844, 0.001237585378362012, 0.041848909725622566, 0.019424630254393963, 0.05460400197138135, 0.05599715696418146, 0.027122467588032502, 0.020005636372832054, 0.05442277998472925, 0.031810856733685486, 0.06328039368059145, 0.055445147088796, 0.03213037716307588, 0.05372437885798094, 0.07100067370421342, 0.055219736073434514, 0.07655233188728902, 0.07028672642965786, 0.03980667043736547, 0.07636409101905753, 0.09236313112750567, 0.06840199705104537, 0.08907739020327865, 0.01519831469291378, 0.00015322525000538317, 0.07607525073510538, 0.021262942057825262, 0.029347575786980565, 0.014404367914743779, 0.04594724694162721, 0.02144680588582337, 0.0022106708412245294, 0.03871882685939943, 0.02093299844177826, 0.053661554249806453, 0.041557830291206355, 0.022076302224551918, 0.014443698689199013, 0.0419614662685693, 0.0301451872456355, 0.05749903766054175, 0.04074699969646032, 0.019581160259392962, 6.842138417617628e-05, 0.03410170063702787, 0.020133384916813008, 0.0514646603133323, 0.033576013822963664, 0.022633868883736682, 0.12984449939636644, 0.08079336657139817, 0.059414719557766074, 0.019282712163695793]\n", "\n", "Abstraction error: 0.12984449939636644\n", "\n", "M1: ['X', 'Y'] -> ['W']\n", "M0: ['A', 'B', 'C'] -> ['F']\n", "M1 mechanism shape: (2, 12)\n", "M0 mechanism shape: (2, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387503, 0.04774799503323982, 0.04670317536074194, 0.058866603128811666, 0.041562717624043385, 0.03001374602344268, 0.10227293864387496, 0.04774799503323982, 0.046703175360741464, 0.0588666031288114, 0.041562717624043385, 0.030013746023443286, 0.10227293864387489, 0.047747995033239864, 0.046703175360741055, 0.05886660312881184, 0.04156271762404307, 0.030013746023441812, 0.102272938643875, 0.047747995033240405, 0.04670317536074079, 0.05886660312881117, 0.041562717624043385, 0.030013746023442273, 0.10227293864387506, 0.04774799503324011, 0.046703175360741055, 0.05886660312881164, 0.04156271762404307, 0.030013746023441784, 0.10227293864387473, 0.047747995033240405, 0.04670317536074109, 0.05886660312881117, 0.041562717624043385, 0.03001374602344372, 0.10227293864387489, 0.04774799503323953, 0.04670317536074172, 0.05886660312881202, 0.04156271762404372, 0.03001374602344184, 0.102272938643875, 0.047747995033239864, 0.04670317536074079, 0.05886660312881214, 0.041562717624043385, 0.030013746023442218, 0.10227293864387496, 0.04774799503323917, 0.04670317536074135, 0.058866603128812256, 0.041562717624043385, 0.030013746023442794, 0.10227293864387534, 0.04774799503323975, 0.04670317536074049, 0.058866603128811666, 0.041562717624043385, 0.030013746023442273, 0.1022729386438754, 0.04774799503324008, 0.046703175360741644, 0.058866603128811666, 0.041562717624042386, 0.030013746023443286, 0.10227293864387506, 0.047747995033240336, 0.04670317536074194, 0.05886660312881193, 0.041562717624043385, 0.030013746023443113]\n", "\n", "Abstraction error: 0.1022729386438754\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W']\n", "M0: ['A', 'B', 'C'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 12)\n", "M0 mechanism shape: (6, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.1056624636155618, 0.052084731108216153, 0.1314612858388807, 0.09276636503927882, 0.06956464778069847, 0.03438890194347461, 0.13531096368386336, 0.06803935493658374, 0.10652381872777678, 0.12915427868645055, 0.08881093554411168, 0.1056417634958173, 0.11519772939245851, 0.056367214614913355, 0.06134614046012533, 0.08585858786558867, 0.062008491375707214, 0.07667885627900818, 0.11445924091758652, 0.05348776375112503, 0.046759883610066603, 0.07228635207813679, 0.0462191596341699, 0.0626470708452943, 0.11643580818005946, 0.0553474006039522, 0.050928365869165666, 0.08015841444284152, 0.05266507220301004, 0.07026312381719627, 0.11597516645244803, 0.05776071058397569, 0.07147565036567279, 0.0921053837481447, 0.0693613171125721, 0.08228007437489032, 0.12347415890694341, 0.06232328459792683, 0.0898023235241765, 0.10927070948737225, 0.08025302982041745, 0.09399854331758245, 0.10395604804843733, 0.04856581683701331, 0.08914721232055513, 0.06260268068822607, 0.05093508167652123, 0.03433159933718795, 0.112132560182083, 0.052834658560287, 0.04681448119141199, 0.07052868157394003, 0.04687061220448419, 0.06179520612717915, 0.11034076169497048, 0.052972029514956304, 0.049037825077057624, 0.07233741738004239, 0.05165774297906071, 0.06507406711816113, 0.11013504899786426, 0.05207268084117108, 0.04676312167240142, 0.06811731337283324, 0.04651110833275453, 0.05988487637176444, 0.10768177942575126, 0.05336316759911026, 0.13775997628096487, 0.0995174522023532, 0.07236330825668591, 0.0365645649668503]\n", "\n", "Abstraction error: 0.13775997628096487\n", "\n", "M1: ['X', 'Z'] -> ['Y']\n", "M0: ['A', 'B', 'D'] -> ['C']\n", "M1 mechanism shape: (4, 6)\n", "M0 mechanism shape: (6, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307957, 0.1485260632930798, 0.14852606329307955, 0.09265621144301266, 0.09265621144301273, 0.0926562114430127, 0.12001084898732221, 0.12001084898732214, 0.12001084898732231, 0.1599798939110785, 0.15997989391107822, 0.15997989391107834, 0.1620319281047652, 0.16203192810476508, 0.16203192810476508, 0.12696680980769237, 0.1269668098076927, 0.12696680980769257, 0.10069809180846705, 0.10069809180846673, 0.10069809180846714, 0.18636973290336362, 0.18636973290336362, 0.1863697329033639, 0.1047695132817973, 0.10476951328179758, 0.10476951328179743, 0.11807985631483495, 0.11807985631483514, 0.11807985631483495, 0.11792531349738826, 0.11792531349738844, 0.11792531349738834, 0.18437104992516795, 0.18437104992516803, 0.1843710499251681]\n", "\n", "Abstraction error: 0.1863697329033639\n", "\n", "M1: ['X', 'Z'] -> ['W']\n", "M0: ['A', 'B', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 6)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (2, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.03067203491489729, 0.030672034914896472, 0.030672034914896895, 0.045551698121225746, 0.04555169812122603, 0.045551698121225746, 0.04748251494799353, 0.047482514947992945, 0.047482514947992945, 0.0409845237818843, 0.040984523781884684, 0.04098452378188504, 0.041699048049717226, 0.041699048049717226, 0.041699048049717205, 0.04609574520099206, 0.04609574520099146, 0.04609574520099236, 0.04539146222920569, 0.04539146222920508, 0.045391462229205155, 0.04707914958024961, 0.04707914958024957, 0.04707914958024961, 0.04617497146167895, 0.04617497146167951, 0.04617497146167917, 0.04102381152514819, 0.04102381152514891, 0.041023811525147516, 0.04440594095298096, 0.044405940952980685, 0.044405940952980984, 0.04921460205222507, 0.04921460205222507, 0.049214602052225276]\n", "\n", "Abstraction error: 0.049214602052225276\n", "\n", "M1: ['X', 'Z'] -> ['Y', 'W']\n", "M0: ['A', 'B', 'D'] -> ['C', 'F']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (12, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (8, 12)\n", "All JS distances: [0.15674163338369085, 0.15674163338369088, 0.15674163338369085, 0.11027827540763371, 0.11027827540763364, 0.11027827540763355, 0.13447650328701752, 0.13447650328701752, 0.1344765032870175, 0.16900387860096577, 0.16900387860096575, 0.16900387860096572, 0.1713235260104964, 0.17132352601049647, 0.17132352601049639, 0.13971800215379096, 0.13971800215379113, 0.13971800215379096, 0.1167912644649011, 0.11679126446490126, 0.11679126446490122, 0.19539161442730002, 0.19539161442730005, 0.19539161442729996, 0.12050680001965042, 0.1205068000196504, 0.12050680001965045, 0.13092227531421435, 0.13092227531421438, 0.13092227531421424, 0.13112660874946505, 0.131126608749465, 0.13112660874946483, 0.19297402947863102, 0.19297402947863096, 0.19297402947863096]\n", "\n", "Abstraction error: 0.19539161442730005\n", "\n", "M1: ['X', 'W'] -> ['Y']\n", "M0: ['A', 'B', 'F'] -> ['C']\n", "M1 mechanism shape: (4, 6)\n", "M0 mechanism shape: (6, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307963, 0.14852606329307957, 0.09265621144301267, 0.09265621144301286, 0.12001084898732224, 0.12001084898732221, 0.15997989391107834, 0.15997989391107845, 0.16203192810476497, 0.16203192810476522, 0.12696680980769276, 0.12696680980769245, 0.10069809180846709, 0.10069809180846699, 0.18636973290336376, 0.1863697329033638, 0.10476951328179737, 0.10476951328179754, 0.11807985631483475, 0.11807985631483489, 0.11792531349738826, 0.11792531349738844, 0.18437104992516803, 0.18437104992516806]\n", "\n", "Abstraction error: 0.1863697329033638\n", "\n", "M1: ['X', 'W'] -> ['Z']\n", "M0: ['A', 'B', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 6)\n", "M0 mechanism shape: (3, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.035130489848721955, 0.03513048984872272, 0.06733630947989032, 0.06733630947989032, 0.03137077165870871, 0.03137077165870871, 0.03296676517705488, 0.03296676517705488, 0.03126112349484666, 0.03126112349484746, 0.03158249424276041, 0.03158249424276083, 0.04724300850049828, 0.047243008500497945, 0.0019017729573485886, 0.0019017729573485886, 0.034241797878275367, 0.03424179787827465, 0.02209397224515739, 0.02209397224515739, 0.023474779635806173, 0.023474779635806173, 0.04781008084384352, 0.04781008084384316]\n", "\n", "Abstraction error: 0.06733630947989032\n", "\n", "M1: ['X', 'W'] -> ['Y', 'Z']\n", "M0: ['A', 'B', 'F'] -> ['C', 'D']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (18, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (8, 18)\n", "All JS distances: [0.18714930747588385, 0.18714930747588387, 0.1634278247014377, 0.16342782470143763, 0.13923688032004664, 0.1392368803200467, 0.16996752417713568, 0.1699675241771357, 0.17244633676294252, 0.17244633676294258, 0.15413332692010767, 0.15413332692010773, 0.15329859180094013, 0.15329859180094002, 0.20291390546039717, 0.20291390546039711, 0.11960094914967835, 0.11960094914967805, 0.12933417631167843, 0.12933417631167834, 0.1285423117253549, 0.1285423117253551, 0.22176385875401208, 0.22176385875401208]\n", "\n", "Abstraction error: 0.22176385875401208\n", "\n", "M1: ['Y', 'Z'] -> ['W']\n", "M0: ['C', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 8)\n", "M0 mechanism shape: (2, 18)\n", "Alpha_s shape: (8, 18)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.10227293864387496, 0.10227293864387489, 0.047747995033239246, 0.04774799503324015, 0.04774799503323957, 0.04670317536074049, 0.04670317536074139, 0.046703175360741464, 0.05886660312881117, 0.05886660312881202, 0.05886660312881202, 0.04156271762404405, 0.04156271762404405, 0.04156271762404372, 0.030013746023442218, 0.030013746023441784, 0.030013746023442218]\n", "\n", "Abstraction error: 0.10227293864387506\n", "\n", "M1: ['Y', 'Z'] -> ['X', 'W']\n", "M0: ['C', 'D'] -> ['A', 'B', 'F']\n", "M1 mechanism shape: (6, 8)\n", "M0 mechanism shape: (24, 18)\n", "Alpha_s shape: (8, 18)\n", "Alpha_t shape: (6, 24)\n", "All JS distances: [0.1688062382679865, 0.1688062382679864, 0.16880623826798657, 0.14357083895353626, 0.14357083895353628, 0.14357083895353615, 0.1432393537559268, 0.14323935375592697, 0.14323935375592672, 0.14749571686086962, 0.14749571686086962, 0.1474957168608697, 0.14170473209874385, 0.14170473209874374, 0.14170473209874376, 0.13886536590930534, 0.1388653659093051, 0.138865365909305]\n", "\n", "Abstraction error: 0.16880623826798657\n", "\n", "M1: ['Y', 'W'] -> ['Z']\n", "M0: ['C', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 8)\n", "M0 mechanism shape: (3, 12)\n", "Alpha_s shape: (8, 12)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.060999165872052154, 0.060999165872052154, 0.032682775053056, 0.03268277505305698, 0.046797295407291155, 0.0467972954072918, 0.07128377077244273, 0.07128377077244222, 0.04959819464733618, 0.049598194647336426, 0.07518600631595801, 0.07518600631595769]\n", "\n", "Abstraction error: 0.07518600631595801\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z']\n", "M0: ['C', 'F'] -> ['A', 'B', 'D']\n", "M1 mechanism shape: (6, 8)\n", "M0 mechanism shape: (36, 12)\n", "Alpha_s shape: (8, 12)\n", "Alpha_t shape: (6, 36)\n", "All JS distances: [0.17389072631509295, 0.17389072631509261, 0.14619836813152512, 0.1461983681315251, 0.1979897356630717, 0.19798973566307185, 0.19883946724488183, 0.19883946724488177, 0.16388446559385353, 0.16388446559385347, 0.16929406716985484, 0.16929406716985496]\n", "\n", "Abstraction error: 0.19883946724488183\n", "\n", "M1: ['X', 'Y', 'Z'] -> ['W']\n", "M0: ['A', 'B', 'C', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 24)\n", "M0 mechanism shape: (2, 216)\n", "Alpha_s shape: (24, 216)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.1022729386438754, 0.10227293864387489, 0.047747995033239864, 0.04774799503324011, 0.047747995033240405, 0.04670317536074194, 0.04670317536074194, 0.04670317536074109, 0.058866603128812464, 0.058866603128811666, 0.05886660312881117, 0.04156271762404372, 0.04156271762404372, 0.04156271762404307, 0.030013746023441812, 0.03001374602344372, 0.030013746023442794, 0.10227293864387524, 0.10227293864387534, 0.10227293864387506, 0.04774799503324011, 0.04774799503324063, 0.04774799503324063, 0.046703175360741055, 0.04670317536074194, 0.04670317536074135, 0.05886660312881202, 0.058866603128812256, 0.05886660312881193, 0.04156271762404372, 0.04156271762404372, 0.04156271762404307, 0.03001374602344282, 0.03001374602344372, 0.030013746023442273, 0.10227293864387506, 0.10227293864387496, 0.10227293864387506, 0.04774799503323953, 0.04774799503324063, 0.04774799503323957, 0.04670317536074049, 0.046703175360741686, 0.046703175360741055, 0.05886660312881184, 0.058866603128812256, 0.058866603128812256, 0.04156271762404372, 0.041562717624043406, 0.04156271762404372, 0.030013746023442273, 0.030013746023443054, 0.030013746023442273, 0.10227293864387496, 0.10227293864387496, 0.10227293864387506, 0.04774799503323957, 0.04774799503324063, 0.04774799503324008, 0.04670317536074135, 0.046703175360741124, 0.04670317536074079, 0.05886660312881202, 0.05886660312881202, 0.058866603128812256, 0.041562717624043385, 0.04156271762404307, 0.04156271762404372, 0.030013746023442246, 0.030013746023441812, 0.030013746023442218, 0.10227293864387496, 0.10227293864387496, 0.10227293864387503, 0.047747995033240405, 0.047747995033240336, 0.04774799503324011, 0.046703175360741055, 0.046703175360741055, 0.046703175360741644, 0.058866603128812076, 0.05886660312881117, 0.058866603128812464, 0.04156271762404307, 0.04156271762404372, 0.04156271762404405, 0.030013746023442794, 0.030013746023442218, 0.030013746023442794, 0.10227293864387506, 0.10227293864387513, 0.10227293864387496, 0.04774799503324015, 0.04774799503324008, 0.04774799503323982, 0.04670317536074194, 0.046703175360741644, 0.04670317536074135, 0.05886660312881184, 0.05886660312881155, 0.05886660312881184, 0.04156271762404405, 0.04156271762404372, 0.04156271762404372, 0.030013746023442218, 0.03001374602344372, 0.03001374602344372, 0.10227293864387496, 0.1022729386438754, 0.10227293864387506, 0.04774799503323957, 0.04774799503324063, 0.047747995033240405, 0.046703175360741055, 0.046703175360741055, 0.046703175360741055, 0.058866603128812194, 0.05886660312881202, 0.05886660312881117, 0.04156271762404372, 0.04156271762404372, 0.041562717624043365, 0.03001374602344372, 0.030013746023442794, 0.030013746023443286, 0.10227293864387496, 0.10227293864387531, 0.10227293864387506, 0.04774799503323957, 0.04774799503324011, 0.04774799503324008, 0.04670317536074135, 0.04670317536074194, 0.046703175360741464, 0.058866603128812076, 0.05886660312881117, 0.0588666031288119, 0.0415627176240428, 0.0415627176240428, 0.041562717624043406, 0.030013746023441784, 0.030013746023443054, 0.030013746023442246, 0.10227293864387486, 0.10227293864387496, 0.10227293864387524, 0.047747995033240405, 0.047747995033240405, 0.04774799503324011, 0.04670317536074194, 0.04670317536074194, 0.04670317536074072, 0.058866603128811666, 0.05886660312881202, 0.05886660312881117, 0.04156271762404297, 0.04156271762404307, 0.04156271762404372, 0.03001374602344282, 0.030013746023441784, 0.030013746023442707, 0.10227293864387496, 0.10227293864387489, 0.10227293864387506, 0.047747995033240516, 0.04774799503324011, 0.047747995033239676, 0.046703175360741055, 0.046703175360741575, 0.046703175360741644, 0.05886660312881243, 0.05886660312881117, 0.058866603128812194, 0.041562717624042636, 0.04156271762404372, 0.04156271762404403, 0.030013746023442707, 0.030013746023441812, 0.03001374602344282, 0.10227293864387473, 0.10227293864387486, 0.10227293864387503, 0.047747995033239864, 0.04774799503323946, 0.04774799503324011, 0.04670317536074194, 0.04670317536074135, 0.04670317536074042, 0.05886660312881184, 0.058866603128812464, 0.058866603128812076, 0.04156271762404376, 0.041562717624043406, 0.04156271762404299, 0.030013746023442218, 0.030013746023442218, 0.030013746023441812, 0.10227293864387473, 0.10227293864387496, 0.10227293864387496, 0.04774799503324011, 0.047747995033240405, 0.04774799503324008, 0.04670317536074042, 0.04670317536074135, 0.04670317536074079, 0.05886660312881184, 0.05886660312881184, 0.05886660312881117, 0.0415627176240437, 0.04156271762404372, 0.04156271762404372, 0.03001374602344372, 0.03001374602344282, 0.03001374602344372]\n", "\n", "Abstraction error: 0.1022729386438754\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z']\n", "M0: ['A', 'B', 'C', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 24)\n", "M0 mechanism shape: (3, 144)\n", "Alpha_s shape: (24, 144)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.02578960263558817, 0.02578960263558817, 0.019287607836718425, 0.01928760783671703, 0.1231088404272969, 0.1231088404272969, 0.07219191193089762, 0.07219191193089779, 0.055941248263735054, 0.055941248263735206, 0.014661392655724529, 0.01466139265572364, 0.09004690651961542, 0.09004690651961576, 0.04826356728265522, 0.048263567282654754, 0.09547683896743694, 0.09547683896743653, 0.11540183227374479, 0.11540183227374429, 0.07826351680322856, 0.07826351680322852, 0.10131564510398727, 0.10131564510398752, 0.05360165792477714, 0.05360165792477692, 0.02941927906019915, 0.029419279060199505, 0.03941675236485358, 0.03941675236485448, 0.06259599591646466, 0.06259599591646421, 0.04563907082185634, 0.045639070821856906, 0.07043791793351202, 0.07043791793351266, 0.05139084057708295, 0.05139084057708265, 0.022870742231004944, 0.022870742231003653, 0.001237585378362012, 0.001237585378362034, 0.041848909725623315, 0.041848909725622566, 0.019424630254393963, 0.019424630254394608, 0.0546040019713811, 0.05460400197138135, 0.05599715696418189, 0.05599715696418205, 0.027122467588032502, 0.02712246758803477, 0.020005636372829108, 0.020005636372832033, 0.054422779984729, 0.05442277998472941, 0.031810856733686194, 0.031810856733686194, 0.0632803936805915, 0.06328039368059196, 0.05544514708879597, 0.05544514708879597, 0.03213037716307666, 0.032130377163077144, 0.05372437885798039, 0.05372437885798094, 0.07100067370421372, 0.07100067370421406, 0.055219736073434264, 0.055219736073433605, 0.07655233188728923, 0.07655233188728881, 0.07028672642965776, 0.07028672642965811, 0.03980667043736613, 0.03980667043736613, 0.07636409101905714, 0.07636409101905742, 0.09236313112750635, 0.09236313112750583, 0.06840199705104488, 0.06840199705104537, 0.08907739020327914, 0.08907739020327872, 0.01519831469291298, 0.015198314692912924, 0.0001532252501715335, 0.00015322525008850256, 0.0760752507351054, 0.07607525073510556, 0.02126294205782402, 0.021262942057825182, 0.02934757578698006, 0.02934757578697965, 0.014404367914741941, 0.014404367914743779, 0.045947246941627475, 0.045947246941628266, 0.02144680588582343, 0.02144680588582454, 0.0022106708412391687, 0.002210670841233995, 0.03871882685939977, 0.03871882685940107, 0.020932998441777265, 0.02093299844177826, 0.05366155424980678, 0.053661554249806453, 0.041557830291206944, 0.041557830291207756, 0.022076302224551172, 0.022076302224552015, 0.014443698689198294, 0.014443698689196822, 0.0419614662685698, 0.04196146626856902, 0.030145187245636532, 0.03014518724563515, 0.057499037660541416, 0.05749903766054187, 0.04074699969646068, 0.04074699969646144, 0.019581160259392345, 0.01958116025939363, 6.842138417612676e-05, 6.842138434463858e-05, 0.03410170063702716, 0.03410170063702718, 0.020133384916813008, 0.020133384916813678, 0.05146466031333257, 0.05146466031333257, 0.03357601382296405, 0.03357601382296452, 0.022633868883736682, 0.02263386888373722, 0.12984449939636644, 0.12984449939636664, 0.08079336657139816, 0.08079336657139835, 0.05941471955776575, 0.05941471955776575, 0.01928271216369222, 0.01928271216369359]\n", "\n", "Abstraction error: 0.12984449939636664\n", "\n", "M1: ['X', 'Z', 'W'] -> ['Y']\n", "M0: ['A', 'B', 'D', 'F'] -> ['C']\n", "M1 mechanism shape: (4, 12)\n", "M0 mechanism shape: (6, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307946, 0.1485260632930798, 0.14852606329307974, 0.14852606329307969, 0.1485260632930798, 0.14852606329307946, 0.09265621144301282, 0.09265621144301286, 0.09265621144301267, 0.09265621144301288, 0.09265621144301284, 0.09265621144301305, 0.12001084898732209, 0.12001084898732223, 0.12001084898732194, 0.12001084898732232, 0.12001084898732234, 0.12001084898732232, 0.15997989391107822, 0.15997989391107814, 0.15997989391107836, 0.15997989391107853, 0.15997989391107834, 0.1599798939110782, 0.16203192810476505, 0.1620319281047651, 0.1620319281047651, 0.1620319281047652, 0.16203192810476527, 0.1620319281047651, 0.1269668098076927, 0.12696680980769232, 0.12696680980769245, 0.1269668098076926, 0.12696680980769265, 0.1269668098076925, 0.10069809180846702, 0.10069809180846702, 0.10069809180846678, 0.10069809180846685, 0.10069809180846676, 0.10069809180846669, 0.18636973290336367, 0.1863697329033637, 0.18636973290336384, 0.1863697329033637, 0.18636973290336384, 0.18636973290336384, 0.10476951328179755, 0.10476951328179754, 0.10476951328179747, 0.10476951328179744, 0.10476951328179754, 0.10476951328179743, 0.11807985631483503, 0.1180798563148352, 0.11807985631483502, 0.1180798563148349, 0.11807985631483509, 0.11807985631483503, 0.11792531349738833, 0.11792531349738843, 0.11792531349738837, 0.11792531349738845, 0.1179253134973884, 0.11792531349738833, 0.18437104992516803, 0.18437104992516815, 0.18437104992516803, 0.18437104992516815, 0.18437104992516798, 0.18437104992516798]\n", "\n", "Abstraction error: 0.18636973290336384\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 0.22883249205446551\n" ] } ], "source": [ "abstraction_errors = []\n", "\n", "for pair in J:\n", " # Get nodes in the abstracted model\n", " M1_sources = pair[0]\n", " M1_targets = pair[1]\n", " print('\\nM1: {0} -> {1}'.format(M1_sources,M1_targets))\n", "\n", " # Get nodes in the base model\n", " M0_sources = A.invert_a(M1_sources)\n", " M0_targets = A.invert_a(M1_targets)\n", " print('M0: {0} -> {1}'.format(M0_sources,M0_targets))\n", " \n", " # Perform interventions in the abstracted model and setup the inference engine\n", " M1do = A.M1.do(M1_sources)\n", " inferM1 = VariableElimination(M1do)\n", " \n", " # Perform interventions in the base model and setup the inference engine\n", " M0do = A.M0.do(M0_sources)\n", " inferM0 = VariableElimination(M0do)\n", "\n", " # Compute the high-level mechanisms\n", " M1_cond_TS_val = tensorize_mechanisms(inferM1,M1_sources,M1_targets,A.M1.get_cardinality())\n", " print('M1 mechanism shape: {}'.format(M1_cond_TS_val.shape))\n", " \n", " # Compute the low-level mechanisms\n", " M0_cond_TS_val = tensorize_mechanisms(inferM0,M0_sources,M0_targets,A.M0.get_cardinality())\n", " print('M0 mechanism shape: {}'.format(M0_cond_TS_val.shape))\n", "\n", " # Compute the alpha for sources\n", " alphas_S = [A.alphas[i] for i in M1_sources]\n", " alpha_S = tensorize_list(None,alphas_S)\n", " print('Alpha_s shape: {}'.format(alpha_S.shape))\n", " \n", " # Compute the alpha for targers\n", " alphas_T = [A.alphas[i] for i in M1_targets]\n", " alpha_T = tensorize_list(None,alphas_T)\n", " print('Alpha_t shape: {}'.format(alpha_T.shape))\n", " \n", " # Evaluate the paths on the diagram\n", " lowerpath = np.dot(M1_cond_TS_val,alpha_S)\n", " upperpath = np.dot(alpha_T,M0_cond_TS_val)\n", " \n", " # Compute abstraction error for every possible intervention\n", " distances = []\n", " for c in range(lowerpath.shape[1]):\n", " distances.append( distance.jensenshannon(lowerpath[:,c],upperpath[:,c]) )\n", " print('All JS distances: {0}'.format(distances))\n", " \n", " # Select the greatest distance over all interventions\n", " print('\\nAbstraction error: {0}'.format(np.max(distances)))\n", " abstraction_errors.append(np.max(distances))\n", "\n", "# Select the greatest distance over all pairs considered\n", "print('\\n\\nOVERALL ABSTRACTION ERROR: {0}'.format(np.max(abstraction_errors)))" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Automating the evaluation of abstraction error\n", "\n", "To finalize the process of automation we package and move our code inside the class *Abstraction* in *src/pgm_models.py*. We define a function *evaluate_abstraction_error()* which, besides a verbosity parameter, takes two key parameters:\n", "\n", "- *metric*: a function defining how to compute the distance among interventional distribution. If no function is passed, the algorithm falls back on JSD.\n", "- *J_algorithm*: a function used to compute the evaluation set $\\mathcal{J}$. If no function is passed, the algorithms falls back on the last algorithm we defined in this notebook (enumerating all pairs for which there is a directed path in the base or in the abstracted model).\n", "\n", "These two parameters are key component for evaluating abstraction error, determining the quality and the computational cost of the process. In particular, the *J_algorithm* determines the cardinality of the set of pairs to evaluate and therefore has a direct impact on the complexity of the algorithm. Heuristics may be used to reduce this set and allow an efficient computation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 5\n", "\n", "We now look at a last, even more complex abstract case, and use our *Abstraction* object." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "We will use the exact same model we implemented above." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop" ] }, { "cell_type": "code", "execution_count": 38, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "- Checking ['X'] -> ['Y']: True\n", "- Checking ['X'] -> ['Z']: True\n", "- Checking ['X'] -> ['W']: True\n", "- Checking ['X'] -> ['Y', 'Z']: True\n", "- Checking ['X'] -> ['Y', 'W']: True\n", "- Checking ['X'] -> ['Z', 'W']: True\n", "- Checking ['X'] -> ['Y', 'Z', 'W']: True\n", "- Checking ['Y'] -> ['X']: False\n", "---- Checking ['C'] -> ['A', 'B']: False\n", "- Checking ['Y'] -> ['Z']: True\n", "- Checking ['Y'] -> ['W']: True\n", "- Checking ['Y'] -> ['X', 'Z']: True\n", "- Checking ['Y'] -> ['X', 'W']: True\n", "- Checking ['Y'] -> ['Z', 'W']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W']: True\n", "- Checking ['Z'] -> ['X']: False\n", "---- Checking ['D'] -> ['A', 'B']: False\n", "- Checking ['Z'] -> ['Y']: False\n", "---- Checking ['D'] -> ['C']: False\n", "- Checking ['Z'] -> ['W']: False\n", "---- Checking ['D'] -> ['F']: False\n", "- Checking ['Z'] -> ['X', 'Y']: False\n", "---- Checking ['D'] -> ['A', 'B', 'C']: False\n", "- Checking ['Z'] -> ['X', 'W']: False\n", "---- Checking ['D'] -> ['A', 'B', 'F']: False\n", "- Checking ['Z'] -> ['Y', 'W']: False\n", "---- Checking ['D'] -> ['C', 'F']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D'] -> ['A', 'B', 'C', 'F']: False\n", "- Checking ['W'] -> ['X']: False\n", "---- Checking ['F'] -> ['A', 'B']: False\n", "- Checking ['W'] -> ['Y']: False\n", "---- Checking ['F'] -> ['C']: False\n", "- Checking ['W'] -> ['Z']: False\n", "---- Checking ['F'] -> ['D']: False\n", "- Checking ['W'] -> ['X', 'Y']: False\n", "---- Checking ['F'] -> ['A', 'B', 'C']: False\n", "- Checking ['W'] -> ['X', 'Z']: False\n", "---- Checking ['F'] -> ['A', 'B', 'D']: False\n", "- Checking ['W'] -> ['Y', 'Z']: False\n", "---- Checking ['F'] -> ['C', 'D']: False\n", "- Checking ['W'] -> ['X', 'Y', 'Z']: False\n", "---- Checking ['F'] -> ['A', 'B', 'C', 'D']: False\n", "- Checking ['X', 'Y'] -> ['Z']: True\n", "- Checking ['X', 'Y'] -> ['W']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'W']: True\n", "- Checking ['X', 'Z'] -> ['Y']: True\n", "- Checking ['X', 'Z'] -> ['W']: True\n", "- Checking ['X', 'Z'] -> ['Y', 'W']: True\n", "- Checking ['X', 'W'] -> ['Y']: True\n", "- Checking ['X', 'W'] -> ['Z']: True\n", "- Checking ['X', 'W'] -> ['Y', 'Z']: True\n", "- Checking ['Y', 'Z'] -> ['X']: False\n", "---- Checking ['C', 'D'] -> ['A', 'B']: False\n", "- Checking ['Y', 'Z'] -> ['W']: True\n", "- Checking ['Y', 'Z'] -> ['X', 'W']: True\n", "- Checking ['Y', 'W'] -> ['X']: False\n", "---- Checking ['C', 'F'] -> ['A', 'B']: False\n", "- Checking ['Y', 'W'] -> ['Z']: True\n", "- Checking ['Y', 'W'] -> ['X', 'Z']: True\n", "- Checking ['Z', 'W'] -> ['X']: False\n", "---- Checking ['D', 'F'] -> ['A', 'B']: False\n", "- Checking ['Z', 'W'] -> ['Y']: False\n", "---- Checking ['D', 'F'] -> ['C']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'F'] -> ['A', 'B', 'C']: False\n", "- Checking ['X', 'Y', 'Z'] -> ['W']: True\n", "- Checking ['X', 'Y', 'W'] -> ['Z']: True\n", "- Checking ['X', 'Z', 'W'] -> ['Y']: True\n", "- Checking ['Y', 'Z', 'W'] -> ['X']: False\n", "---- Checking ['C', 'D', 'F'] -> ['A', 'B']: False\n", "\n", " 29 legitimate pairs of sets out of 225 possbile pairs of sets\n", "\n", "M1: ['X'] -> ['Y']\n", "M0: ['A', 'B'] -> ['C']\n", "M1 mechanism shape: (4, 3)\n", "M0 mechanism shape: (6, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307985, 0.09265621144301286, 0.12001084898732219, 0.15997989391107853, 0.16203192810476508, 0.12696680980769243, 0.10069809180846691, 0.1863697329033639, 0.1047695132817974, 0.11807985631483506, 0.1179253134973884, 0.18437104992516792]\n", "\n", "Abstraction error: 0.1863697329033639\n", "\n", "M1: ['X'] -> ['Z']\n", "M0: ['A', 'B'] -> ['D']\n", "M1 mechanism shape: (2, 3)\n", "M0 mechanism shape: (3, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.0351304898487227, 0.06733630947989032, 0.0313707716587073, 0.0329667651770552, 0.03126112349484746, 0.03158249424275995, 0.047243008500498236, 0.0019017729573616153, 0.03424179787827428, 0.02209397224515851, 0.023474779635804806, 0.04781008084384352]\n", "\n", "Abstraction error: 0.06733630947989032\n", "\n", "M1: ['X'] -> ['W']\n", "M0: ['A', 'B'] -> ['F']\n", "M1 mechanism shape: (2, 3)\n", "M0 mechanism shape: (2, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.030672034914896472, 0.045551698121225746, 0.047482514947993826, 0.040984523781884684, 0.041699048049716914, 0.04609574520099206, 0.04539146222920609, 0.04707914958025027, 0.04617497146167864, 0.041023811525147724, 0.044405940952980685, 0.04921460205222507]\n", "\n", "Abstraction error: 0.04921460205222507\n", "\n", "M1: ['X'] -> ['Y', 'Z']\n", "M0: ['A', 'B'] -> ['C', 'D']\n", "M1 mechanism shape: (8, 3)\n", "M0 mechanism shape: (18, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (8, 18)\n", "All JS distances: [0.18714930747588385, 0.16342782470143777, 0.13923688032004672, 0.16996752417713565, 0.17244633676294255, 0.15413332692010762, 0.15329859180094013, 0.20291390546039728, 0.11960094914967821, 0.12933417631167846, 0.12854231172535505, 0.22176385875401214]\n", "\n", "Abstraction error: 0.22176385875401214\n", "\n", "M1: ['X'] -> ['Y', 'W']\n", "M0: ['A', 'B'] -> ['C', 'F']\n", "M1 mechanism shape: (8, 3)\n", "M0 mechanism shape: (12, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (8, 12)\n", "All JS distances: [0.15674163338369104, 0.11027827540763376, 0.1344765032870174, 0.16900387860096566, 0.17132352601049652, 0.13971800215379107, 0.11679126446490122, 0.19539161442730005, 0.12050680001965054, 0.13092227531421416, 0.13112660874946497, 0.19297402947863096]\n", "\n", "Abstraction error: 0.19539161442730005\n", "\n", "M1: ['X'] -> ['Z', 'W']\n", "M0: ['A', 'B'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 3)\n", "M0 mechanism shape: (6, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.047192705325690115, 0.08127081190113358, 0.05706325256989926, 0.0529727107172862, 0.052399220810823675, 0.055975864083481014, 0.06555189636445083, 0.047829683686611724, 0.05780309803964864, 0.04684660609816745, 0.05055104512955366, 0.06868965197737846]\n", "\n", "Abstraction error: 0.08127081190113358\n", "\n", "M1: ['X'] -> ['Y', 'Z', 'W']\n", "M0: ['A', 'B'] -> ['C', 'D', 'F']\n", "M1 mechanism shape: (16, 3)\n", "M0 mechanism shape: (36, 12)\n", "Alpha_s shape: (3, 12)\n", "Alpha_t shape: (16, 36)\n", "All JS distances: [0.1936393333585678, 0.17380671152417954, 0.1517981935295362, 0.178458587800174, 0.1811617242150942, 0.16470162425368473, 0.16415818702211926, 0.2111959555128114, 0.1335662377117007, 0.14111186401600812, 0.1407190157079215, 0.22883249205446551]\n", "\n", "Abstraction error: 0.22883249205446551\n", "\n", "M1: ['Y'] -> ['Z']\n", "M0: ['C'] -> ['D']\n", "M1 mechanism shape: (2, 4)\n", "M0 mechanism shape: (3, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.06099916587205272, 0.032682775053057354, 0.04679729540729152, 0.07128377077244254, 0.049598194647336426, 0.07518600631595818]\n", "\n", "Abstraction error: 0.07518600631595818\n", "\n", "M1: ['Y'] -> ['W']\n", "M0: ['C'] -> ['F']\n", "M1 mechanism shape: (2, 4)\n", "M0 mechanism shape: (2, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.047747995033239246, 0.04670317536074079, 0.05886660312881184, 0.04156271762404307, 0.030013746023442218]\n", "\n", "Abstraction error: 0.10227293864387506\n", "\n", "M1: ['Y'] -> ['X', 'Z']\n", "M0: ['C'] -> ['A', 'B', 'D']\n", "M1 mechanism shape: (6, 4)\n", "M0 mechanism shape: (36, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (6, 36)\n", "All JS distances: [0.17389072631509284, 0.14619836813152523, 0.19798973566307185, 0.19883946724488175, 0.16388446559385356, 0.16929406716985493]\n", "\n", "Abstraction error: 0.19883946724488175\n", "\n", "M1: ['Y'] -> ['X', 'W']\n", "M0: ['C'] -> ['A', 'B', 'F']\n", "M1 mechanism shape: (6, 4)\n", "M0 mechanism shape: (24, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (6, 24)\n", "All JS distances: [0.1688062382679865, 0.14357083895353628, 0.14323935375592675, 0.14749571686086949, 0.141704732098744, 0.13886536590930515]\n", "\n", "Abstraction error: 0.1688062382679865\n", "\n", "M1: ['Y'] -> ['Z', 'W']\n", "M0: ['C'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 4)\n", "M0 mechanism shape: (6, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.1187091362816008, 0.05814390050461374, 0.06633832145879023, 0.09232883649684216, 0.06498429821122392, 0.08105295591377457]\n", "\n", "Abstraction error: 0.1187091362816008\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W']\n", "M0: ['C'] -> ['A', 'B', 'D', 'F']\n", "M1 mechanism shape: (12, 4)\n", "M0 mechanism shape: (72, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (12, 72)\n", "All JS distances: [0.19992799783427462, 0.15363108648024623, 0.2032521275291327, 0.20662976317432394, 0.16893301270801445, 0.17187442878295403]\n", "\n", "Abstraction error: 0.20662976317432394\n", "\n", "M1: ['X', 'Y'] -> ['Z']\n", "M0: ['A', 'B', 'C'] -> ['D']\n", "M1 mechanism shape: (2, 12)\n", "M0 mechanism shape: (3, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.025789602635587733, 0.01928760783671703, 0.12310884042729682, 0.07219191193089779, 0.05594124826373502, 0.01466139265572651, 0.09004690651961561, 0.04826356728265454, 0.09547683896743701, 0.11540183227374494, 0.07826351680322807, 0.10131564510398797, 0.053601657924777175, 0.02941927906020033, 0.03941675236485532, 0.06259599591646454, 0.045639070821855615, 0.07043791793351223, 0.05139084057708265, 0.022870742231003844, 0.001237585378362012, 0.041848909725622566, 0.019424630254393963, 0.05460400197138135, 0.05599715696418146, 0.027122467588032502, 0.020005636372832054, 0.05442277998472925, 0.031810856733685486, 0.06328039368059145, 0.055445147088796, 0.03213037716307588, 0.05372437885798094, 0.07100067370421342, 0.055219736073434514, 0.07655233188728902, 0.07028672642965786, 0.03980667043736547, 0.07636409101905753, 0.09236313112750567, 0.06840199705104537, 0.08907739020327865, 0.01519831469291378, 0.00015322525000538317, 0.07607525073510538, 0.021262942057825262, 0.029347575786980565, 0.014404367914743779, 0.04594724694162721, 0.02144680588582337, 0.0022106708412245294, 0.03871882685939943, 0.02093299844177826, 0.053661554249806453, 0.041557830291206355, 0.022076302224551918, 0.014443698689199013, 0.0419614662685693, 0.0301451872456355, 0.05749903766054175, 0.04074699969646032, 0.019581160259392962, 6.842138417617628e-05, 0.03410170063702787, 0.020133384916813008, 0.0514646603133323, 0.033576013822963664, 0.022633868883736682, 0.12984449939636644, 0.08079336657139817, 0.059414719557766074, 0.019282712163695793]\n", "\n", "Abstraction error: 0.12984449939636644\n", "\n", "M1: ['X', 'Y'] -> ['W']\n", "M0: ['A', 'B', 'C'] -> ['F']\n", "M1 mechanism shape: (2, 12)\n", "M0 mechanism shape: (2, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387503, 0.04774799503323982, 0.04670317536074194, 0.058866603128811666, 0.041562717624043385, 0.03001374602344268, 0.10227293864387496, 0.04774799503323982, 0.046703175360741464, 0.0588666031288114, 0.041562717624043385, 0.030013746023443286, 0.10227293864387489, 0.047747995033239864, 0.046703175360741055, 0.05886660312881184, 0.04156271762404307, 0.030013746023441812, 0.102272938643875, 0.047747995033240405, 0.04670317536074079, 0.05886660312881117, 0.041562717624043385, 0.030013746023442273, 0.10227293864387506, 0.04774799503324011, 0.046703175360741055, 0.05886660312881164, 0.04156271762404307, 0.030013746023441784, 0.10227293864387473, 0.047747995033240405, 0.04670317536074109, 0.05886660312881117, 0.041562717624043385, 0.03001374602344372, 0.10227293864387489, 0.04774799503323953, 0.04670317536074172, 0.05886660312881202, 0.04156271762404372, 0.03001374602344184, 0.102272938643875, 0.047747995033239864, 0.04670317536074079, 0.05886660312881214, 0.041562717624043385, 0.030013746023442218, 0.10227293864387496, 0.04774799503323917, 0.04670317536074135, 0.058866603128812256, 0.041562717624043385, 0.030013746023442794, 0.10227293864387534, 0.04774799503323975, 0.04670317536074049, 0.058866603128811666, 0.041562717624043385, 0.030013746023442273, 0.1022729386438754, 0.04774799503324008, 0.046703175360741644, 0.058866603128811666, 0.041562717624042386, 0.030013746023443286, 0.10227293864387506, 0.047747995033240336, 0.04670317536074194, 0.05886660312881193, 0.041562717624043385, 0.030013746023443113]\n", "\n", "Abstraction error: 0.1022729386438754\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W']\n", "M0: ['A', 'B', 'C'] -> ['D', 'F']\n", "M1 mechanism shape: (4, 12)\n", "M0 mechanism shape: (6, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.1056624636155618, 0.052084731108216153, 0.1314612858388807, 0.09276636503927882, 0.06956464778069847, 0.03438890194347461, 0.13531096368386336, 0.06803935493658374, 0.10652381872777678, 0.12915427868645055, 0.08881093554411168, 0.1056417634958173, 0.11519772939245851, 0.056367214614913355, 0.06134614046012533, 0.08585858786558867, 0.062008491375707214, 0.07667885627900818, 0.11445924091758652, 0.05348776375112503, 0.046759883610066603, 0.07228635207813679, 0.0462191596341699, 0.0626470708452943, 0.11643580818005946, 0.0553474006039522, 0.050928365869165666, 0.08015841444284152, 0.05266507220301004, 0.07026312381719627, 0.11597516645244803, 0.05776071058397569, 0.07147565036567279, 0.0921053837481447, 0.0693613171125721, 0.08228007437489032, 0.12347415890694341, 0.06232328459792683, 0.0898023235241765, 0.10927070948737225, 0.08025302982041745, 0.09399854331758245, 0.10395604804843733, 0.04856581683701331, 0.08914721232055513, 0.06260268068822607, 0.05093508167652123, 0.03433159933718795, 0.112132560182083, 0.052834658560287, 0.04681448119141199, 0.07052868157394003, 0.04687061220448419, 0.06179520612717915, 0.11034076169497048, 0.052972029514956304, 0.049037825077057624, 0.07233741738004239, 0.05165774297906071, 0.06507406711816113, 0.11013504899786426, 0.05207268084117108, 0.04676312167240142, 0.06811731337283324, 0.04651110833275453, 0.05988487637176444, 0.10768177942575126, 0.05336316759911026, 0.13775997628096487, 0.0995174522023532, 0.07236330825668591, 0.0365645649668503]\n", "\n", "Abstraction error: 0.13775997628096487\n", "\n", "M1: ['X', 'Z'] -> ['Y']\n", "M0: ['A', 'B', 'D'] -> ['C']\n", "M1 mechanism shape: (4, 6)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (6, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307957, 0.1485260632930798, 0.14852606329307955, 0.09265621144301266, 0.09265621144301273, 0.0926562114430127, 0.12001084898732221, 0.12001084898732214, 0.12001084898732231, 0.1599798939110785, 0.15997989391107822, 0.15997989391107834, 0.1620319281047652, 0.16203192810476508, 0.16203192810476508, 0.12696680980769237, 0.1269668098076927, 0.12696680980769257, 0.10069809180846705, 0.10069809180846673, 0.10069809180846714, 0.18636973290336362, 0.18636973290336362, 0.1863697329033639, 0.1047695132817973, 0.10476951328179758, 0.10476951328179743, 0.11807985631483495, 0.11807985631483514, 0.11807985631483495, 0.11792531349738826, 0.11792531349738844, 0.11792531349738834, 0.18437104992516795, 0.18437104992516803, 0.1843710499251681]\n", "\n", "Abstraction error: 0.1863697329033639\n", "\n", "M1: ['X', 'Z'] -> ['W']\n", "M0: ['A', 'B', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 6)\n", "M0 mechanism shape: (2, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.03067203491489729, 0.030672034914896472, 0.030672034914896895, 0.045551698121225746, 0.04555169812122603, 0.045551698121225746, 0.04748251494799353, 0.047482514947992945, 0.047482514947992945, 0.0409845237818843, 0.040984523781884684, 0.04098452378188504, 0.041699048049717226, 0.041699048049717226, 0.041699048049717205, 0.04609574520099206, 0.04609574520099146, 0.04609574520099236, 0.04539146222920569, 0.04539146222920508, 0.045391462229205155, 0.04707914958024961, 0.04707914958024957, 0.04707914958024961, 0.04617497146167895, 0.04617497146167951, 0.04617497146167917, 0.04102381152514819, 0.04102381152514891, 0.041023811525147516, 0.04440594095298096, 0.044405940952980685, 0.044405940952980984, 0.04921460205222507, 0.04921460205222507, 0.049214602052225276]\n", "\n", "Abstraction error: 0.049214602052225276\n", "\n", "M1: ['X', 'Z'] -> ['Y', 'W']\n", "M0: ['A', 'B', 'D'] -> ['C', 'F']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (12, 36)\n", "Alpha_s shape: (6, 36)\n", "Alpha_t shape: (8, 12)\n", "All JS distances: [0.15674163338369085, 0.15674163338369088, 0.15674163338369085, 0.11027827540763371, 0.11027827540763364, 0.11027827540763355, 0.13447650328701752, 0.13447650328701752, 0.1344765032870175, 0.16900387860096577, 0.16900387860096575, 0.16900387860096572, 0.1713235260104964, 0.17132352601049647, 0.17132352601049639, 0.13971800215379096, 0.13971800215379113, 0.13971800215379096, 0.1167912644649011, 0.11679126446490126, 0.11679126446490122, 0.19539161442730002, 0.19539161442730005, 0.19539161442729996, 0.12050680001965042, 0.1205068000196504, 0.12050680001965045, 0.13092227531421435, 0.13092227531421438, 0.13092227531421424, 0.13112660874946505, 0.131126608749465, 0.13112660874946483, 0.19297402947863102, 0.19297402947863096, 0.19297402947863096]\n", "\n", "Abstraction error: 0.19539161442730005\n", "\n", "M1: ['X', 'W'] -> ['Y']\n", "M0: ['A', 'B', 'F'] -> ['C']\n", "M1 mechanism shape: (4, 6)\n", "M0 mechanism shape: (6, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307963, 0.14852606329307957, 0.09265621144301267, 0.09265621144301286, 0.12001084898732224, 0.12001084898732221, 0.15997989391107834, 0.15997989391107845, 0.16203192810476497, 0.16203192810476522, 0.12696680980769276, 0.12696680980769245, 0.10069809180846709, 0.10069809180846699, 0.18636973290336376, 0.1863697329033638, 0.10476951328179737, 0.10476951328179754, 0.11807985631483475, 0.11807985631483489, 0.11792531349738826, 0.11792531349738844, 0.18437104992516803, 0.18437104992516806]\n", "\n", "Abstraction error: 0.1863697329033638\n", "\n", "M1: ['X', 'W'] -> ['Z']\n", "M0: ['A', 'B', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 6)\n", "M0 mechanism shape: (3, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.035130489848721955, 0.03513048984872272, 0.06733630947989032, 0.06733630947989032, 0.03137077165870871, 0.03137077165870871, 0.03296676517705488, 0.03296676517705488, 0.03126112349484666, 0.03126112349484746, 0.03158249424276041, 0.03158249424276083, 0.04724300850049828, 0.047243008500497945, 0.0019017729573485886, 0.0019017729573485886, 0.034241797878275367, 0.03424179787827465, 0.02209397224515739, 0.02209397224515739, 0.023474779635806173, 0.023474779635806173, 0.04781008084384352, 0.04781008084384316]\n", "\n", "Abstraction error: 0.06733630947989032\n", "\n", "M1: ['X', 'W'] -> ['Y', 'Z']\n", "M0: ['A', 'B', 'F'] -> ['C', 'D']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (18, 24)\n", "Alpha_s shape: (6, 24)\n", "Alpha_t shape: (8, 18)\n", "All JS distances: [0.18714930747588385, 0.18714930747588387, 0.1634278247014377, 0.16342782470143763, 0.13923688032004664, 0.1392368803200467, 0.16996752417713568, 0.1699675241771357, 0.17244633676294252, 0.17244633676294258, 0.15413332692010767, 0.15413332692010773, 0.15329859180094013, 0.15329859180094002, 0.20291390546039717, 0.20291390546039711, 0.11960094914967835, 0.11960094914967805, 0.12933417631167843, 0.12933417631167834, 0.1285423117253549, 0.1285423117253551, 0.22176385875401208, 0.22176385875401208]\n", "\n", "Abstraction error: 0.22176385875401208\n", "\n", "M1: ['Y', 'Z'] -> ['W']\n", "M0: ['C', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 8)\n", "M0 mechanism shape: (2, 18)\n", "Alpha_s shape: (8, 18)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.10227293864387496, 0.10227293864387489, 0.047747995033239246, 0.04774799503324015, 0.04774799503323957, 0.04670317536074049, 0.04670317536074139, 0.046703175360741464, 0.05886660312881117, 0.05886660312881202, 0.05886660312881202, 0.04156271762404405, 0.04156271762404405, 0.04156271762404372, 0.030013746023442218, 0.030013746023441784, 0.030013746023442218]\n", "\n", "Abstraction error: 0.10227293864387506\n", "\n", "M1: ['Y', 'Z'] -> ['X', 'W']\n", "M0: ['C', 'D'] -> ['A', 'B', 'F']\n", "M1 mechanism shape: (6, 8)\n", "M0 mechanism shape: (24, 18)\n", "Alpha_s shape: (8, 18)\n", "Alpha_t shape: (6, 24)\n", "All JS distances: [0.1688062382679865, 0.1688062382679864, 0.16880623826798657, 0.14357083895353626, 0.14357083895353628, 0.14357083895353615, 0.1432393537559268, 0.14323935375592697, 0.14323935375592672, 0.14749571686086962, 0.14749571686086962, 0.1474957168608697, 0.14170473209874385, 0.14170473209874374, 0.14170473209874376, 0.13886536590930534, 0.1388653659093051, 0.138865365909305]\n", "\n", "Abstraction error: 0.16880623826798657\n", "\n", "M1: ['Y', 'W'] -> ['Z']\n", "M0: ['C', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 8)\n", "M0 mechanism shape: (3, 12)\n", "Alpha_s shape: (8, 12)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.060999165872052154, 0.060999165872052154, 0.032682775053056, 0.03268277505305698, 0.046797295407291155, 0.0467972954072918, 0.07128377077244273, 0.07128377077244222, 0.04959819464733618, 0.049598194647336426, 0.07518600631595801, 0.07518600631595769]\n", "\n", "Abstraction error: 0.07518600631595801\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z']\n", "M0: ['C', 'F'] -> ['A', 'B', 'D']\n", "M1 mechanism shape: (6, 8)\n", "M0 mechanism shape: (36, 12)\n", "Alpha_s shape: (8, 12)\n", "Alpha_t shape: (6, 36)\n", "All JS distances: [0.17389072631509295, 0.17389072631509261, 0.14619836813152512, 0.1461983681315251, 0.1979897356630717, 0.19798973566307185, 0.19883946724488183, 0.19883946724488177, 0.16388446559385353, 0.16388446559385347, 0.16929406716985484, 0.16929406716985496]\n", "\n", "Abstraction error: 0.19883946724488183\n", "\n", "M1: ['X', 'Y', 'Z'] -> ['W']\n", "M0: ['A', 'B', 'C', 'D'] -> ['F']\n", "M1 mechanism shape: (2, 24)\n", "M0 mechanism shape: (2, 216)\n", "Alpha_s shape: (24, 216)\n", "Alpha_t shape: (2, 2)\n", "All JS distances: [0.10227293864387506, 0.1022729386438754, 0.10227293864387489, 0.047747995033239864, 0.04774799503324011, 0.047747995033240405, 0.04670317536074194, 0.04670317536074194, 0.04670317536074109, 0.058866603128812464, 0.058866603128811666, 0.05886660312881117, 0.04156271762404372, 0.04156271762404372, 0.04156271762404307, 0.030013746023441812, 0.03001374602344372, 0.030013746023442794, 0.10227293864387524, 0.10227293864387534, 0.10227293864387506, 0.04774799503324011, 0.04774799503324063, 0.04774799503324063, 0.046703175360741055, 0.04670317536074194, 0.04670317536074135, 0.05886660312881202, 0.058866603128812256, 0.05886660312881193, 0.04156271762404372, 0.04156271762404372, 0.04156271762404307, 0.03001374602344282, 0.03001374602344372, 0.030013746023442273, 0.10227293864387506, 0.10227293864387496, 0.10227293864387506, 0.04774799503323953, 0.04774799503324063, 0.04774799503323957, 0.04670317536074049, 0.046703175360741686, 0.046703175360741055, 0.05886660312881184, 0.058866603128812256, 0.058866603128812256, 0.04156271762404372, 0.041562717624043406, 0.04156271762404372, 0.030013746023442273, 0.030013746023443054, 0.030013746023442273, 0.10227293864387496, 0.10227293864387496, 0.10227293864387506, 0.04774799503323957, 0.04774799503324063, 0.04774799503324008, 0.04670317536074135, 0.046703175360741124, 0.04670317536074079, 0.05886660312881202, 0.05886660312881202, 0.058866603128812256, 0.041562717624043385, 0.04156271762404307, 0.04156271762404372, 0.030013746023442246, 0.030013746023441812, 0.030013746023442218, 0.10227293864387496, 0.10227293864387496, 0.10227293864387503, 0.047747995033240405, 0.047747995033240336, 0.04774799503324011, 0.046703175360741055, 0.046703175360741055, 0.046703175360741644, 0.058866603128812076, 0.05886660312881117, 0.058866603128812464, 0.04156271762404307, 0.04156271762404372, 0.04156271762404405, 0.030013746023442794, 0.030013746023442218, 0.030013746023442794, 0.10227293864387506, 0.10227293864387513, 0.10227293864387496, 0.04774799503324015, 0.04774799503324008, 0.04774799503323982, 0.04670317536074194, 0.046703175360741644, 0.04670317536074135, 0.05886660312881184, 0.05886660312881155, 0.05886660312881184, 0.04156271762404405, 0.04156271762404372, 0.04156271762404372, 0.030013746023442218, 0.03001374602344372, 0.03001374602344372, 0.10227293864387496, 0.1022729386438754, 0.10227293864387506, 0.04774799503323957, 0.04774799503324063, 0.047747995033240405, 0.046703175360741055, 0.046703175360741055, 0.046703175360741055, 0.058866603128812194, 0.05886660312881202, 0.05886660312881117, 0.04156271762404372, 0.04156271762404372, 0.041562717624043365, 0.03001374602344372, 0.030013746023442794, 0.030013746023443286, 0.10227293864387496, 0.10227293864387531, 0.10227293864387506, 0.04774799503323957, 0.04774799503324011, 0.04774799503324008, 0.04670317536074135, 0.04670317536074194, 0.046703175360741464, 0.058866603128812076, 0.05886660312881117, 0.0588666031288119, 0.0415627176240428, 0.0415627176240428, 0.041562717624043406, 0.030013746023441784, 0.030013746023443054, 0.030013746023442246, 0.10227293864387486, 0.10227293864387496, 0.10227293864387524, 0.047747995033240405, 0.047747995033240405, 0.04774799503324011, 0.04670317536074194, 0.04670317536074194, 0.04670317536074072, 0.058866603128811666, 0.05886660312881202, 0.05886660312881117, 0.04156271762404297, 0.04156271762404307, 0.04156271762404372, 0.03001374602344282, 0.030013746023441784, 0.030013746023442707, 0.10227293864387496, 0.10227293864387489, 0.10227293864387506, 0.047747995033240516, 0.04774799503324011, 0.047747995033239676, 0.046703175360741055, 0.046703175360741575, 0.046703175360741644, 0.05886660312881243, 0.05886660312881117, 0.058866603128812194, 0.041562717624042636, 0.04156271762404372, 0.04156271762404403, 0.030013746023442707, 0.030013746023441812, 0.03001374602344282, 0.10227293864387473, 0.10227293864387486, 0.10227293864387503, 0.047747995033239864, 0.04774799503323946, 0.04774799503324011, 0.04670317536074194, 0.04670317536074135, 0.04670317536074042, 0.05886660312881184, 0.058866603128812464, 0.058866603128812076, 0.04156271762404376, 0.041562717624043406, 0.04156271762404299, 0.030013746023442218, 0.030013746023442218, 0.030013746023441812, 0.10227293864387473, 0.10227293864387496, 0.10227293864387496, 0.04774799503324011, 0.047747995033240405, 0.04774799503324008, 0.04670317536074042, 0.04670317536074135, 0.04670317536074079, 0.05886660312881184, 0.05886660312881184, 0.05886660312881117, 0.0415627176240437, 0.04156271762404372, 0.04156271762404372, 0.03001374602344372, 0.03001374602344282, 0.03001374602344372]\n", "\n", "Abstraction error: 0.1022729386438754\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z']\n", "M0: ['A', 'B', 'C', 'F'] -> ['D']\n", "M1 mechanism shape: (2, 24)\n", "M0 mechanism shape: (3, 144)\n", "Alpha_s shape: (24, 144)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.02578960263558817, 0.02578960263558817, 0.019287607836718425, 0.01928760783671703, 0.1231088404272969, 0.1231088404272969, 0.07219191193089762, 0.07219191193089779, 0.055941248263735054, 0.055941248263735206, 0.014661392655724529, 0.01466139265572364, 0.09004690651961542, 0.09004690651961576, 0.04826356728265522, 0.048263567282654754, 0.09547683896743694, 0.09547683896743653, 0.11540183227374479, 0.11540183227374429, 0.07826351680322856, 0.07826351680322852, 0.10131564510398727, 0.10131564510398752, 0.05360165792477714, 0.05360165792477692, 0.02941927906019915, 0.029419279060199505, 0.03941675236485358, 0.03941675236485448, 0.06259599591646466, 0.06259599591646421, 0.04563907082185634, 0.045639070821856906, 0.07043791793351202, 0.07043791793351266, 0.05139084057708295, 0.05139084057708265, 0.022870742231004944, 0.022870742231003653, 0.001237585378362012, 0.001237585378362034, 0.041848909725623315, 0.041848909725622566, 0.019424630254393963, 0.019424630254394608, 0.0546040019713811, 0.05460400197138135, 0.05599715696418189, 0.05599715696418205, 0.027122467588032502, 0.02712246758803477, 0.020005636372829108, 0.020005636372832033, 0.054422779984729, 0.05442277998472941, 0.031810856733686194, 0.031810856733686194, 0.0632803936805915, 0.06328039368059196, 0.05544514708879597, 0.05544514708879597, 0.03213037716307666, 0.032130377163077144, 0.05372437885798039, 0.05372437885798094, 0.07100067370421372, 0.07100067370421406, 0.055219736073434264, 0.055219736073433605, 0.07655233188728923, 0.07655233188728881, 0.07028672642965776, 0.07028672642965811, 0.03980667043736613, 0.03980667043736613, 0.07636409101905714, 0.07636409101905742, 0.09236313112750635, 0.09236313112750583, 0.06840199705104488, 0.06840199705104537, 0.08907739020327914, 0.08907739020327872, 0.01519831469291298, 0.015198314692912924, 0.0001532252501715335, 0.00015322525008850256, 0.0760752507351054, 0.07607525073510556, 0.02126294205782402, 0.021262942057825182, 0.02934757578698006, 0.02934757578697965, 0.014404367914741941, 0.014404367914743779, 0.045947246941627475, 0.045947246941628266, 0.02144680588582343, 0.02144680588582454, 0.0022106708412391687, 0.002210670841233995, 0.03871882685939977, 0.03871882685940107, 0.020932998441777265, 0.02093299844177826, 0.05366155424980678, 0.053661554249806453, 0.041557830291206944, 0.041557830291207756, 0.022076302224551172, 0.022076302224552015, 0.014443698689198294, 0.014443698689196822, 0.0419614662685698, 0.04196146626856902, 0.030145187245636532, 0.03014518724563515, 0.057499037660541416, 0.05749903766054187, 0.04074699969646068, 0.04074699969646144, 0.019581160259392345, 0.01958116025939363, 6.842138417612676e-05, 6.842138434463858e-05, 0.03410170063702716, 0.03410170063702718, 0.020133384916813008, 0.020133384916813678, 0.05146466031333257, 0.05146466031333257, 0.03357601382296405, 0.03357601382296452, 0.022633868883736682, 0.02263386888373722, 0.12984449939636644, 0.12984449939636664, 0.08079336657139816, 0.08079336657139835, 0.05941471955776575, 0.05941471955776575, 0.01928271216369222, 0.01928271216369359]\n", "\n", "Abstraction error: 0.12984449939636664\n", "\n", "M1: ['X', 'Z', 'W'] -> ['Y']\n", "M0: ['A', 'B', 'D', 'F'] -> ['C']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (4, 12)\n", "M0 mechanism shape: (6, 72)\n", "Alpha_s shape: (12, 72)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.14852606329307946, 0.1485260632930798, 0.14852606329307974, 0.14852606329307969, 0.1485260632930798, 0.14852606329307946, 0.09265621144301282, 0.09265621144301286, 0.09265621144301267, 0.09265621144301288, 0.09265621144301284, 0.09265621144301305, 0.12001084898732209, 0.12001084898732223, 0.12001084898732194, 0.12001084898732232, 0.12001084898732234, 0.12001084898732232, 0.15997989391107822, 0.15997989391107814, 0.15997989391107836, 0.15997989391107853, 0.15997989391107834, 0.1599798939110782, 0.16203192810476505, 0.1620319281047651, 0.1620319281047651, 0.1620319281047652, 0.16203192810476527, 0.1620319281047651, 0.1269668098076927, 0.12696680980769232, 0.12696680980769245, 0.1269668098076926, 0.12696680980769265, 0.1269668098076925, 0.10069809180846702, 0.10069809180846702, 0.10069809180846678, 0.10069809180846685, 0.10069809180846676, 0.10069809180846669, 0.18636973290336367, 0.1863697329033637, 0.18636973290336384, 0.1863697329033637, 0.18636973290336384, 0.18636973290336384, 0.10476951328179755, 0.10476951328179754, 0.10476951328179747, 0.10476951328179744, 0.10476951328179754, 0.10476951328179743, 0.11807985631483503, 0.1180798563148352, 0.11807985631483502, 0.1180798563148349, 0.11807985631483509, 0.11807985631483503, 0.11792531349738833, 0.11792531349738843, 0.11792531349738837, 0.11792531349738845, 0.1179253134973884, 0.11792531349738833, 0.18437104992516803, 0.18437104992516815, 0.18437104992516803, 0.18437104992516815, 0.18437104992516798, 0.18437104992516798]\n", "\n", "Abstraction error: 0.18636973290336384\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 0.22883249205446551\n" ] } ], "source": [ "result = A.evaluate_abstraction_error(verbose=True)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Example 6\n", "\n", "We instantiate a last complex abstraction." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Model definition\n", "\n", "We redefine the models and the abstraction." ] }, { "cell_type": "code", "execution_count": 39, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 39, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M0 = BN([('A','C'), ('A','D'), ('B','D'), ('B','E'), ('B','F'), ('F','I'), ('D','H'), ('G','E'), ('G','F')])\n", "\n", "cpdA = cpd(variable='A',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdB = cpd(variable='B',\n", " variable_card=4,\n", " values=generate_values(4,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdC = cpd(variable='C',\n", " variable_card=7,\n", " values=generate_values(7,3),\n", " evidence=['A'],\n", " evidence_card=[3])\n", "\n", "cpdD = cpd(variable='D',\n", " variable_card=4,\n", " values=generate_values(4,12),\n", " evidence=['A','B'],\n", " evidence_card=[3,4])\n", "\n", "cpdE = cpd(variable='E',\n", " variable_card=3,\n", " values=generate_values(3,8),\n", " evidence=['B','G'],\n", " evidence_card=[4,2])\n", "\n", "cpdF = cpd(variable='F',\n", " variable_card=3,\n", " values=generate_values(3,8),\n", " evidence=['B','G'],\n", " evidence_card=[4,2])\n", "\n", "cpdG = cpd(variable='G',\n", " variable_card=2,\n", " values=generate_values(2,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdH = cpd(variable='H',\n", " variable_card=6,\n", " values=generate_values(6,4),\n", " evidence=['D'],\n", " evidence_card=[4])\n", "\n", "cpdI = cpd(variable='I',\n", " variable_card=5,\n", " values=generate_values(5,3),\n", " evidence=['F'],\n", " evidence_card=[3])\n", "\n", "M0.add_cpds(cpdA,cpdB,cpdC,cpdD,cpdE,cpdF,cpdG,cpdH,cpdI)\n", "M0.check_model()" ] }, { "cell_type": "code", "execution_count": 40, "metadata": { "scrolled": true }, "outputs": [ { "data": { "text/plain": [ "True" ] }, "execution_count": 40, "metadata": {}, "output_type": "execute_result" } ], "source": [ "M1 = BN([('X','Z'), ('Y','W'), ('Y','V')])\n", "M1.add_node('U')\n", "\n", "cpdX = cpd(variable='X',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdY = cpd(variable='Y',\n", " variable_card=3,\n", " values=generate_values(3,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "cpdZ = cpd(variable='Z',\n", " variable_card=24,\n", " values=generate_values(24,3),\n", " evidence=['X'],\n", " evidence_card=[3])\n", "\n", "cpdW = cpd(variable='W',\n", " variable_card=2,\n", " values=generate_values(2,3),\n", " evidence=['Y'],\n", " evidence_card=[3])\n", "\n", "cpdV = cpd(variable='V',\n", " variable_card=8,\n", " values=generate_values(8,3),\n", " evidence=['Y'],\n", " evidence_card=[3])\n", "\n", "cpdU = cpd(variable='U',\n", " variable_card=2,\n", " values=generate_values(2,1),\n", " evidence=None,\n", " evidence_card=None)\n", "\n", "M1.add_cpds(cpdX,cpdY,cpdZ,cpdW,cpdV,cpdU)\n", "M1.check_model()" ] }, { "cell_type": "code", "execution_count": 41, "metadata": {}, "outputs": [], "source": [ "R = ['A','B', 'D', 'E', 'F', 'G', 'H', 'I']\n", "\n", "a = {'A': 'X',\n", " 'B': 'Y',\n", " 'D': 'Z',\n", " 'E': 'W',\n", " 'F': 'V',\n", " 'G': 'U',\n", " 'H': 'Z',\n", " 'I': 'V'}\n", "alphas = {'X': generate_values(3,3),\n", " 'Y': generate_values(3,4),\n", " 'Z': generate_values(24,24),\n", " 'W': generate_values(2,3),\n", " 'V': generate_values(8,15),\n", " 'U': generate_values(2,2),\n", " }" ] }, { "cell_type": "code", "execution_count": 42, "metadata": {}, "outputs": [], "source": [ "A = Abstraction(M0,M1,R,a,alphas)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Running the computational loop" ] }, { "cell_type": "code", "execution_count": 43, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "- Checking ['X'] -> ['Z']: True\n", "- Checking ['X'] -> ['Y']: False\n", "---- Checking ['A'] -> ['B']: False\n", "- Checking ['X'] -> ['W']: False\n", "---- Checking ['A'] -> ['E']: False\n", "- Checking ['X'] -> ['V']: False\n", "---- Checking ['A'] -> ['F', 'I']: False\n", "- Checking ['X'] -> ['U']: False\n", "---- Checking ['A'] -> ['G']: False\n", "- Checking ['X'] -> ['Z', 'Y']: True\n", "- Checking ['X'] -> ['Z', 'W']: True\n", "- Checking ['X'] -> ['Z', 'V']: True\n", "- Checking ['X'] -> ['Z', 'U']: True\n", "- Checking ['X'] -> ['Y', 'W']: False\n", "---- Checking ['A'] -> ['B', 'E']: False\n", "- Checking ['X'] -> ['Y', 'V']: False\n", "---- Checking ['A'] -> ['B', 'F', 'I']: False\n", "- Checking ['X'] -> ['Y', 'U']: False\n", "---- Checking ['A'] -> ['B', 'G']: False\n", "- Checking ['X'] -> ['W', 'V']: False\n", "---- Checking ['A'] -> ['E', 'F', 'I']: False\n", "- Checking ['X'] -> ['W', 'U']: False\n", "---- Checking ['A'] -> ['E', 'G']: False\n", "- Checking ['X'] -> ['V', 'U']: False\n", "---- Checking ['A'] -> ['F', 'G', 'I']: False\n", "- Checking ['X'] -> ['Z', 'Y', 'W']: True\n", "- Checking ['X'] -> ['Z', 'Y', 'V']: True\n", "- Checking ['X'] -> ['Z', 'Y', 'U']: True\n", "- Checking ['X'] -> ['Z', 'W', 'V']: True\n", "- Checking ['X'] -> ['Z', 'W', 'U']: True\n", "- Checking ['X'] -> ['Z', 'V', 'U']: True\n", "- Checking ['X'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['A'] -> ['B', 'E', 'F', 'I']: False\n", "- Checking ['X'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['A'] -> ['B', 'E', 'G']: False\n", "- Checking ['X'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['A'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['X'] -> ['W', 'V', 'U']: False\n", "---- Checking ['A'] -> ['E', 'F', 'G', 'I']: False\n", "- Checking ['X'] -> ['Z', 'Y', 'W', 'V']: True\n", "- Checking ['X'] -> ['Z', 'Y', 'W', 'U']: True\n", "- Checking ['X'] -> ['Z', 'Y', 'V', 'U']: True\n", "- Checking ['X'] -> ['Z', 'W', 'V', 'U']: True\n", "- Checking ['X'] -> ['Y', 'W', 'V', 'U']: False\n", "---- Checking ['A'] -> ['B', 'E', 'F', 'G', 'I']: False\n", "- Checking ['X'] -> ['Z', 'Y', 'W', 'V', 'U']: True\n", "- Checking ['Z'] -> ['X']: False\n", "---- Checking ['D', 'H'] -> ['A']: False\n", "- Checking ['Z'] -> ['Y']: False\n", "---- Checking ['D', 'H'] -> ['B']: False\n", "- Checking ['Z'] -> ['W']: False\n", "---- Checking ['D', 'H'] -> ['E']: False\n", "- Checking ['Z'] -> ['V']: False\n", "---- Checking ['D', 'H'] -> ['F', 'I']: False\n", "- Checking ['Z'] -> ['U']: False\n", "---- Checking ['D', 'H'] -> ['G']: False\n", "- Checking ['Z'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B']: False\n", "- Checking ['Z'] -> ['X', 'W']: False\n", "---- Checking ['D', 'H'] -> ['A', 'E']: False\n", "- Checking ['Z'] -> ['X', 'V']: False\n", "---- Checking ['D', 'H'] -> ['A', 'F', 'I']: False\n", "- Checking ['Z'] -> ['X', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'G']: False\n", "- Checking ['Z'] -> ['Y', 'W']: False\n", "---- Checking ['D', 'H'] -> ['B', 'E']: False\n", "- Checking ['Z'] -> ['Y', 'V']: False\n", "---- Checking ['D', 'H'] -> ['B', 'F', 'I']: False\n", "- Checking ['Z'] -> ['Y', 'U']: False\n", "---- Checking ['D', 'H'] -> ['B', 'G']: False\n", "- Checking ['Z'] -> ['W', 'V']: False\n", "---- Checking ['D', 'H'] -> ['E', 'F', 'I']: False\n", "- Checking ['Z'] -> ['W', 'U']: False\n", "---- Checking ['D', 'H'] -> ['E', 'G']: False\n", "- Checking ['Z'] -> ['V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'E']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'F', 'I']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'G']: False\n", "- Checking ['Z'] -> ['X', 'W', 'V']: False\n", "---- Checking ['D', 'H'] -> ['A', 'E', 'F', 'I']: False\n", "- Checking ['Z'] -> ['X', 'W', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'E', 'G']: False\n", "- Checking ['Z'] -> ['X', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['D', 'H'] -> ['B', 'E', 'F', 'I']: False\n", "- Checking ['Z'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['D', 'H'] -> ['B', 'E', 'G']: False\n", "- Checking ['Z'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['W', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['E', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W', 'V']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'E', 'F', 'I']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'E', 'G']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['X', 'W', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'E', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['Y', 'W', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['B', 'E', 'F', 'G', 'I']: False\n", "- Checking ['Z'] -> ['X', 'Y', 'W', 'V', 'U']: False\n", "---- Checking ['D', 'H'] -> ['A', 'B', 'E', 'F', 'G', 'I']: False\n", "- Checking ['Y'] -> ['X']: False\n", "---- Checking ['B'] -> ['A']: False\n", "- Checking ['Y'] -> ['Z']: False\n", "---- Checking ['B'] -> ['D', 'H']: True\n", "- Checking ['Y'] -> ['W']: True\n", "- Checking ['Y'] -> ['V']: True\n", "- Checking ['Y'] -> ['U']: False\n", "---- Checking ['B'] -> ['G']: False\n", "- Checking ['Y'] -> ['X', 'Z']: False\n", "---- Checking ['B'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y'] -> ['X', 'W']: True\n", "- Checking ['Y'] -> ['X', 'V']: True\n", "- Checking ['Y'] -> ['X', 'U']: False\n", "---- Checking ['B'] -> ['A', 'G']: False\n", "- Checking ['Y'] -> ['Z', 'W']: True\n", "- Checking ['Y'] -> ['Z', 'V']: True\n", "- Checking ['Y'] -> ['Z', 'U']: False\n", "---- Checking ['B'] -> ['D', 'G', 'H']: True\n", "- Checking ['Y'] -> ['W', 'V']: True\n", "- Checking ['Y'] -> ['W', 'U']: True\n", "- Checking ['Y'] -> ['V', 'U']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'V']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['B'] -> ['A', 'D', 'G', 'H']: True\n", "- Checking ['Y'] -> ['X', 'W', 'V']: True\n", "- Checking ['Y'] -> ['X', 'W', 'U']: True\n", "- Checking ['Y'] -> ['X', 'V', 'U']: True\n", "- Checking ['Y'] -> ['Z', 'W', 'V']: True\n", "- Checking ['Y'] -> ['Z', 'W', 'U']: True\n", "- Checking ['Y'] -> ['Z', 'V', 'U']: True\n", "- Checking ['Y'] -> ['W', 'V', 'U']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W', 'V']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W', 'U']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'V', 'U']: True\n", "- Checking ['Y'] -> ['X', 'W', 'V', 'U']: True\n", "- Checking ['Y'] -> ['Z', 'W', 'V', 'U']: True\n", "- Checking ['Y'] -> ['X', 'Z', 'W', 'V', 'U']: True\n", "- Checking ['W'] -> ['X']: False\n", "---- Checking ['E'] -> ['A']: False\n", "- Checking ['W'] -> ['Z']: False\n", "---- Checking ['E'] -> ['D', 'H']: False\n", "- Checking ['W'] -> ['Y']: False\n", "---- Checking ['E'] -> ['B']: False\n", "- Checking ['W'] -> ['V']: False\n", "---- Checking ['E'] -> ['F', 'I']: False\n", "- Checking ['W'] -> ['U']: False\n", "---- Checking ['E'] -> ['G']: False\n", "- Checking ['W'] -> ['X', 'Z']: False\n", "---- Checking ['E'] -> ['A', 'D', 'H']: False\n", "- Checking ['W'] -> ['X', 'Y']: False\n", "---- Checking ['E'] -> ['A', 'B']: False\n", "- Checking ['W'] -> ['X', 'V']: False\n", "---- Checking ['E'] -> ['A', 'F', 'I']: False\n", "- Checking ['W'] -> ['X', 'U']: False\n", "---- Checking ['E'] -> ['A', 'G']: False\n", "- Checking ['W'] -> ['Z', 'Y']: False\n", "---- Checking ['E'] -> ['B', 'D', 'H']: False\n", "- Checking ['W'] -> ['Z', 'V']: False\n", "---- Checking ['E'] -> ['D', 'F', 'H', 'I']: False\n", "- Checking ['W'] -> ['Z', 'U']: False\n", "---- Checking ['E'] -> ['D', 'G', 'H']: False\n", "- Checking ['W'] -> ['Y', 'V']: False\n", "---- Checking ['E'] -> ['B', 'F', 'I']: False\n", "- Checking ['W'] -> ['Y', 'U']: False\n", "---- Checking ['E'] -> ['B', 'G']: False\n", "- Checking ['W'] -> ['V', 'U']: False\n", "---- Checking ['E'] -> ['F', 'G', 'I']: False\n", "- Checking ['W'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['E'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['W'] -> ['X', 'Z', 'V']: False\n", "---- Checking ['E'] -> ['A', 'D', 'F', 'H', 'I']: False\n", "- Checking ['W'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['E'] -> ['A', 'D', 'G', 'H']: False\n", "- Checking ['W'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['E'] -> ['A', 'B', 'F', 'I']: False\n", "- Checking ['W'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['E'] -> ['A', 'B', 'G']: False\n", "- Checking ['W'] -> ['X', 'V', 'U']: False\n", "---- Checking ['E'] -> ['A', 'F', 'G', 'I']: False\n", "- Checking ['W'] -> ['Z', 'Y', 'V']: False\n", "---- Checking ['E'] -> ['B', 'D', 'F', 'H', 'I']: False\n", "- Checking ['W'] -> ['Z', 'Y', 'U']: False\n", "---- Checking ['E'] -> ['B', 'D', 'G', 'H']: False\n", "- Checking ['W'] -> ['Z', 'V', 'U']: False\n", "---- Checking ['E'] -> ['D', 'F', 'G', 'H', 'I']: False\n", "- Checking ['W'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['E'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['W'] -> ['X', 'Z', 'Y', 'V']: False\n", "---- Checking ['E'] -> ['A', 'B', 'D', 'F', 'H', 'I']: False\n", "- Checking ['W'] -> ['X', 'Z', 'Y', 'U']: False\n", "---- Checking ['E'] -> ['A', 'B', 'D', 'G', 'H']: False\n", "- Checking ['W'] -> ['X', 'Z', 'V', 'U']: False\n", "---- Checking ['E'] -> ['A', 'D', 'F', 'G', 'H', 'I']: False\n", "- Checking ['W'] -> ['X', 'Y', 'V', 'U']: False\n", "---- Checking ['E'] -> ['A', 'B', 'F', 'G', 'I']: False\n", "- Checking ['W'] -> ['Z', 'Y', 'V', 'U']: False\n", "---- Checking ['E'] -> ['B', 'D', 'F', 'G', 'H', 'I']: False\n", "- Checking ['W'] -> ['X', 'Z', 'Y', 'V', 'U']: False\n", "---- Checking ['E'] -> ['A', 'B', 'D', 'F', 'G', 'H', 'I']: False\n", "- Checking ['V'] -> ['X']: False\n", "---- Checking ['F', 'I'] -> ['A']: False\n", "- Checking ['V'] -> ['Z']: False\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "---- Checking ['F', 'I'] -> ['D', 'H']: False\n", "- Checking ['V'] -> ['Y']: False\n", "---- Checking ['F', 'I'] -> ['B']: False\n", "- Checking ['V'] -> ['W']: False\n", "---- Checking ['F', 'I'] -> ['E']: False\n", "- Checking ['V'] -> ['U']: False\n", "---- Checking ['F', 'I'] -> ['G']: False\n", "- Checking ['V'] -> ['X', 'Z']: False\n", "---- Checking ['F', 'I'] -> ['A', 'D', 'H']: False\n", "- Checking ['V'] -> ['X', 'Y']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B']: False\n", "- Checking ['V'] -> ['X', 'W']: False\n", "---- Checking ['F', 'I'] -> ['A', 'E']: False\n", "- Checking ['V'] -> ['X', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'G']: False\n", "- Checking ['V'] -> ['Z', 'Y']: False\n", "---- Checking ['F', 'I'] -> ['B', 'D', 'H']: False\n", "- Checking ['V'] -> ['Z', 'W']: False\n", "---- Checking ['F', 'I'] -> ['D', 'E', 'H']: False\n", "- Checking ['V'] -> ['Z', 'U']: False\n", "---- Checking ['F', 'I'] -> ['D', 'G', 'H']: False\n", "- Checking ['V'] -> ['Y', 'W']: False\n", "---- Checking ['F', 'I'] -> ['B', 'E']: False\n", "- Checking ['V'] -> ['Y', 'U']: False\n", "---- Checking ['F', 'I'] -> ['B', 'G']: False\n", "- Checking ['V'] -> ['W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['E', 'G']: False\n", "- Checking ['V'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['V'] -> ['X', 'Z', 'W']: False\n", "---- Checking ['F', 'I'] -> ['A', 'D', 'E', 'H']: False\n", "- Checking ['V'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'D', 'G', 'H']: False\n", "- Checking ['V'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'E']: False\n", "- Checking ['V'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'G']: False\n", "- Checking ['V'] -> ['X', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'E', 'G']: False\n", "- Checking ['V'] -> ['Z', 'Y', 'W']: False\n", "---- Checking ['F', 'I'] -> ['B', 'D', 'E', 'H']: False\n", "- Checking ['V'] -> ['Z', 'Y', 'U']: False\n", "---- Checking ['F', 'I'] -> ['B', 'D', 'G', 'H']: False\n", "- Checking ['V'] -> ['Z', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['D', 'E', 'G', 'H']: False\n", "- Checking ['V'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['B', 'E', 'G']: False\n", "- Checking ['V'] -> ['X', 'Z', 'Y', 'W']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'D', 'E', 'H']: False\n", "- Checking ['V'] -> ['X', 'Z', 'Y', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'D', 'G', 'H']: False\n", "- Checking ['V'] -> ['X', 'Z', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'D', 'E', 'G', 'H']: False\n", "- Checking ['V'] -> ['X', 'Y', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'E', 'G']: False\n", "- Checking ['V'] -> ['Z', 'Y', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['B', 'D', 'E', 'G', 'H']: False\n", "- Checking ['V'] -> ['X', 'Z', 'Y', 'W', 'U']: False\n", "---- Checking ['F', 'I'] -> ['A', 'B', 'D', 'E', 'G', 'H']: False\n", "- Checking ['U'] -> ['X']: False\n", "---- Checking ['G'] -> ['A']: False\n", "- Checking ['U'] -> ['Z']: False\n", "---- Checking ['G'] -> ['D', 'H']: False\n", "- Checking ['U'] -> ['Y']: False\n", "---- Checking ['G'] -> ['B']: False\n", "- Checking ['U'] -> ['W']: False\n", "---- Checking ['G'] -> ['E']: True\n", "- Checking ['U'] -> ['V']: False\n", "---- Checking ['G'] -> ['F', 'I']: True\n", "- Checking ['U'] -> ['X', 'Z']: False\n", "---- Checking ['G'] -> ['A', 'D', 'H']: False\n", "- Checking ['U'] -> ['X', 'Y']: False\n", "---- Checking ['G'] -> ['A', 'B']: False\n", "- Checking ['U'] -> ['X', 'W']: False\n", "---- Checking ['G'] -> ['A', 'E']: True\n", "- Checking ['U'] -> ['X', 'V']: False\n", "---- Checking ['G'] -> ['A', 'F', 'I']: True\n", "- Checking ['U'] -> ['Z', 'Y']: False\n", "---- Checking ['G'] -> ['B', 'D', 'H']: False\n", "- Checking ['U'] -> ['Z', 'W']: False\n", "---- Checking ['G'] -> ['D', 'E', 'H']: True\n", "- Checking ['U'] -> ['Z', 'V']: False\n", "---- Checking ['G'] -> ['D', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['Y', 'W']: False\n", "---- Checking ['G'] -> ['B', 'E']: True\n", "- Checking ['U'] -> ['Y', 'V']: False\n", "---- Checking ['G'] -> ['B', 'F', 'I']: True\n", "- Checking ['U'] -> ['W', 'V']: False\n", "---- Checking ['G'] -> ['E', 'F', 'I']: True\n", "- Checking ['U'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['G'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['U'] -> ['X', 'Z', 'W']: False\n", "---- Checking ['G'] -> ['A', 'D', 'E', 'H']: True\n", "- Checking ['U'] -> ['X', 'Z', 'V']: False\n", "---- Checking ['G'] -> ['A', 'D', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['G'] -> ['A', 'B', 'E']: True\n", "- Checking ['U'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['G'] -> ['A', 'B', 'F', 'I']: True\n", "- Checking ['U'] -> ['X', 'W', 'V']: False\n", "---- Checking ['G'] -> ['A', 'E', 'F', 'I']: True\n", "- Checking ['U'] -> ['Z', 'Y', 'W']: False\n", "---- Checking ['G'] -> ['B', 'D', 'E', 'H']: True\n", "- Checking ['U'] -> ['Z', 'Y', 'V']: False\n", "---- Checking ['G'] -> ['B', 'D', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['Z', 'W', 'V']: False\n", "---- Checking ['G'] -> ['D', 'E', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['G'] -> ['B', 'E', 'F', 'I']: True\n", "- Checking ['U'] -> ['X', 'Z', 'Y', 'W']: False\n", "---- Checking ['G'] -> ['A', 'B', 'D', 'E', 'H']: True\n", "- Checking ['U'] -> ['X', 'Z', 'Y', 'V']: False\n", "---- Checking ['G'] -> ['A', 'B', 'D', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['X', 'Z', 'W', 'V']: False\n", "---- Checking ['G'] -> ['A', 'D', 'E', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['X', 'Y', 'W', 'V']: False\n", "---- Checking ['G'] -> ['A', 'B', 'E', 'F', 'I']: True\n", "- Checking ['U'] -> ['Z', 'Y', 'W', 'V']: False\n", "---- Checking ['G'] -> ['B', 'D', 'E', 'F', 'H', 'I']: True\n", "- Checking ['U'] -> ['X', 'Z', 'Y', 'W', 'V']: False\n", "---- Checking ['G'] -> ['A', 'B', 'D', 'E', 'F', 'H', 'I']: True\n", "- Checking ['X', 'Z'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B']: False\n", "- Checking ['X', 'Z'] -> ['W']: False\n", "---- Checking ['A', 'D', 'H'] -> ['E']: False\n", "- Checking ['X', 'Z'] -> ['V']: False\n", "---- Checking ['A', 'D', 'H'] -> ['F', 'I']: False\n", "- Checking ['X', 'Z'] -> ['U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['G']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'E']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'F', 'I']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'G']: False\n", "- Checking ['X', 'Z'] -> ['W', 'V']: False\n", "---- Checking ['A', 'D', 'H'] -> ['E', 'F', 'I']: False\n", "- Checking ['X', 'Z'] -> ['W', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['E', 'G']: False\n", "- Checking ['X', 'Z'] -> ['V', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['F', 'G', 'I']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'E', 'F', 'I']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'E', 'G']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['X', 'Z'] -> ['W', 'V', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['E', 'F', 'G', 'I']: False\n", "- Checking ['X', 'Z'] -> ['Y', 'W', 'V', 'U']: False\n", "---- Checking ['A', 'D', 'H'] -> ['B', 'E', 'F', 'G', 'I']: False\n", "- Checking ['X', 'Y'] -> ['Z']: True\n", "- Checking ['X', 'Y'] -> ['W']: True\n", "- Checking ['X', 'Y'] -> ['V']: True\n", "- Checking ['X', 'Y'] -> ['U']: False\n", "---- Checking ['A', 'B'] -> ['G']: False\n", "- Checking ['X', 'Y'] -> ['Z', 'W']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'V']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'U']: True\n", "- Checking ['X', 'Y'] -> ['W', 'V']: True\n", "- Checking ['X', 'Y'] -> ['W', 'U']: True\n", "- Checking ['X', 'Y'] -> ['V', 'U']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'W', 'V']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'W', 'U']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'V', 'U']: True\n", "- Checking ['X', 'Y'] -> ['W', 'V', 'U']: True\n", "- Checking ['X', 'Y'] -> ['Z', 'W', 'V', 'U']: True\n", "- Checking ['X', 'W'] -> ['Z']: True\n", "- Checking ['X', 'W'] -> ['Y']: False\n", "---- Checking ['A', 'E'] -> ['B']: False\n", "- Checking ['X', 'W'] -> ['V']: False\n", "---- Checking ['A', 'E'] -> ['F', 'I']: False\n", "- Checking ['X', 'W'] -> ['U']: False\n", "---- Checking ['A', 'E'] -> ['G']: False\n", "- Checking ['X', 'W'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'W'] -> ['Z', 'V']: True\n", "- Checking ['X', 'W'] -> ['Z', 'U']: True\n", "- Checking ['X', 'W'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'E'] -> ['B', 'F', 'I']: False\n", "- Checking ['X', 'W'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'E'] -> ['B', 'G']: False\n", "- Checking ['X', 'W'] -> ['V', 'U']: False\n", "---- Checking ['A', 'E'] -> ['F', 'G', 'I']: False\n", "- Checking ['X', 'W'] -> ['Z', 'Y', 'V']: True\n", "- Checking ['X', 'W'] -> ['Z', 'Y', 'U']: True\n", "- Checking ['X', 'W'] -> ['Z', 'V', 'U']: True\n", "- Checking ['X', 'W'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['A', 'E'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['X', 'W'] -> ['Z', 'Y', 'V', 'U']: True\n", "- Checking ['X', 'V'] -> ['Z']: True\n", "- Checking ['X', 'V'] -> ['Y']: False\n", "---- Checking ['A', 'F', 'I'] -> ['B']: False\n", "- Checking ['X', 'V'] -> ['W']: False\n", "---- Checking ['A', 'F', 'I'] -> ['E']: False\n", "- Checking ['X', 'V'] -> ['U']: False\n", "---- Checking ['A', 'F', 'I'] -> ['G']: False\n", "- Checking ['X', 'V'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'V'] -> ['Z', 'W']: True\n", "- Checking ['X', 'V'] -> ['Z', 'U']: True\n", "- Checking ['X', 'V'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'F', 'I'] -> ['B', 'E']: False\n", "- Checking ['X', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'F', 'I'] -> ['B', 'G']: False\n", "- Checking ['X', 'V'] -> ['W', 'U']: False\n", "---- Checking ['A', 'F', 'I'] -> ['E', 'G']: False\n", "- Checking ['X', 'V'] -> ['Z', 'Y', 'W']: True\n", "- Checking ['X', 'V'] -> ['Z', 'Y', 'U']: True\n", "- Checking ['X', 'V'] -> ['Z', 'W', 'U']: True\n", "- Checking ['X', 'V'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['A', 'F', 'I'] -> ['B', 'E', 'G']: False\n", "- Checking ['X', 'V'] -> ['Z', 'Y', 'W', 'U']: True\n", "- Checking ['X', 'U'] -> ['Z']: True\n", "- Checking ['X', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'G'] -> ['B']: False\n", "- Checking ['X', 'U'] -> ['W']: False\n", "---- Checking ['A', 'G'] -> ['E']: True\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "- Checking ['X', 'U'] -> ['V']: False\n", "---- Checking ['A', 'G'] -> ['F', 'I']: True\n", "- Checking ['X', 'U'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'U'] -> ['Z', 'W']: True\n", "- Checking ['X', 'U'] -> ['Z', 'V']: True\n", "- Checking ['X', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'G'] -> ['B', 'E']: True\n", "- Checking ['X', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'G'] -> ['B', 'F', 'I']: True\n", "- Checking ['X', 'U'] -> ['W', 'V']: False\n", "---- Checking ['A', 'G'] -> ['E', 'F', 'I']: True\n", "- Checking ['X', 'U'] -> ['Z', 'Y', 'W']: True\n", "- Checking ['X', 'U'] -> ['Z', 'Y', 'V']: True\n", "- Checking ['X', 'U'] -> ['Z', 'W', 'V']: True\n", "- Checking ['X', 'U'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['A', 'G'] -> ['B', 'E', 'F', 'I']: True\n", "- Checking ['X', 'U'] -> ['Z', 'Y', 'W', 'V']: True\n", "- Checking ['Z', 'Y'] -> ['X']: False\n", "---- Checking ['B', 'D', 'H'] -> ['A']: False\n", "- Checking ['Z', 'Y'] -> ['W']: True\n", "- Checking ['Z', 'Y'] -> ['V']: True\n", "- Checking ['Z', 'Y'] -> ['U']: False\n", "---- Checking ['B', 'D', 'H'] -> ['G']: False\n", "- Checking ['Z', 'Y'] -> ['X', 'W']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'V']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'U']: False\n", "---- Checking ['B', 'D', 'H'] -> ['A', 'G']: False\n", "- Checking ['Z', 'Y'] -> ['W', 'V']: True\n", "- Checking ['Z', 'Y'] -> ['W', 'U']: True\n", "- Checking ['Z', 'Y'] -> ['V', 'U']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'W', 'V']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'W', 'U']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'V', 'U']: True\n", "- Checking ['Z', 'Y'] -> ['W', 'V', 'U']: True\n", "- Checking ['Z', 'Y'] -> ['X', 'W', 'V', 'U']: True\n", "- Checking ['Z', 'W'] -> ['X']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A']: False\n", "- Checking ['Z', 'W'] -> ['Y']: False\n", "---- Checking ['D', 'E', 'H'] -> ['B']: False\n", "- Checking ['Z', 'W'] -> ['V']: False\n", "---- Checking ['D', 'E', 'H'] -> ['F', 'I']: False\n", "- Checking ['Z', 'W'] -> ['U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['G']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'B']: False\n", "- Checking ['Z', 'W'] -> ['X', 'V']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'F', 'I']: False\n", "- Checking ['Z', 'W'] -> ['X', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'G']: False\n", "- Checking ['Z', 'W'] -> ['Y', 'V']: False\n", "---- Checking ['D', 'E', 'H'] -> ['B', 'F', 'I']: False\n", "- Checking ['Z', 'W'] -> ['Y', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['B', 'G']: False\n", "- Checking ['Z', 'W'] -> ['V', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['F', 'G', 'I']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'B', 'F', 'I']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'B', 'G']: False\n", "- Checking ['Z', 'W'] -> ['X', 'V', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'F', 'G', 'I']: False\n", "- Checking ['Z', 'W'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['Z', 'W'] -> ['X', 'Y', 'V', 'U']: False\n", "---- Checking ['D', 'E', 'H'] -> ['A', 'B', 'F', 'G', 'I']: False\n", "- Checking ['Z', 'V'] -> ['X']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'V'] -> ['Y']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['B']: False\n", "- Checking ['Z', 'V'] -> ['W']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['E']: False\n", "- Checking ['Z', 'V'] -> ['U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['Z', 'V'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'B']: False\n", "- Checking ['Z', 'V'] -> ['X', 'W']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'E']: False\n", "- Checking ['Z', 'V'] -> ['X', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'G']: False\n", "- Checking ['Z', 'V'] -> ['Y', 'W']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['B', 'E']: False\n", "- Checking ['Z', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['B', 'G']: False\n", "- Checking ['Z', 'V'] -> ['W', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['E', 'G']: False\n", "- Checking ['Z', 'V'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'B', 'E']: False\n", "- Checking ['Z', 'V'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'B', 'G']: False\n", "- Checking ['Z', 'V'] -> ['X', 'W', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'E', 'G']: False\n", "- Checking ['Z', 'V'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['B', 'E', 'G']: False\n", "- Checking ['Z', 'V'] -> ['X', 'Y', 'W', 'U']: False\n", "---- Checking ['D', 'F', 'H', 'I'] -> ['A', 'B', 'E', 'G']: False\n", "- Checking ['Z', 'U'] -> ['X']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A']: False\n", "- Checking ['Z', 'U'] -> ['Y']: False\n", "---- Checking ['D', 'G', 'H'] -> ['B']: False\n", "- Checking ['Z', 'U'] -> ['W']: False\n", "---- Checking ['D', 'G', 'H'] -> ['E']: True\n", "- Checking ['Z', 'U'] -> ['V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'B']: False\n", "- Checking ['Z', 'U'] -> ['X', 'W']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'E']: True\n", "- Checking ['Z', 'U'] -> ['X', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['D', 'G', 'H'] -> ['B', 'E']: True\n", "- Checking ['Z', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['B', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['W', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['E', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'B', 'E']: True\n", "- Checking ['Z', 'U'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'B', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['X', 'W', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'E', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['B', 'E', 'F', 'I']: True\n", "- Checking ['Z', 'U'] -> ['X', 'Y', 'W', 'V']: False\n", "---- Checking ['D', 'G', 'H'] -> ['A', 'B', 'E', 'F', 'I']: True\n", "- Checking ['Y', 'W'] -> ['X']: False\n", "---- Checking ['B', 'E'] -> ['A']: False\n", "- Checking ['Y', 'W'] -> ['Z']: False\n", "---- Checking ['B', 'E'] -> ['D', 'H']: True\n", "- Checking ['Y', 'W'] -> ['V']: True\n", "- Checking ['Y', 'W'] -> ['U']: False\n", "---- Checking ['B', 'E'] -> ['G']: False\n", "- Checking ['Y', 'W'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'E'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'W'] -> ['X', 'V']: True\n", "- Checking ['Y', 'W'] -> ['X', 'U']: False\n", "---- Checking ['B', 'E'] -> ['A', 'G']: False\n", "- Checking ['Y', 'W'] -> ['Z', 'V']: True\n", "- Checking ['Y', 'W'] -> ['Z', 'U']: False\n", "---- Checking ['B', 'E'] -> ['D', 'G', 'H']: True\n", "- Checking ['Y', 'W'] -> ['V', 'U']: True\n", "- Checking ['Y', 'W'] -> ['X', 'Z', 'V']: True\n", "- Checking ['Y', 'W'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['B', 'E'] -> ['A', 'D', 'G', 'H']: True\n", "- Checking ['Y', 'W'] -> ['X', 'V', 'U']: True\n", "- Checking ['Y', 'W'] -> ['Z', 'V', 'U']: True\n", "- Checking ['Y', 'W'] -> ['X', 'Z', 'V', 'U']: True\n", "- Checking ['Y', 'V'] -> ['X']: False\n", "---- Checking ['B', 'F', 'I'] -> ['A']: False\n", "- Checking ['Y', 'V'] -> ['Z']: False\n", "---- Checking ['B', 'F', 'I'] -> ['D', 'H']: True\n", "- Checking ['Y', 'V'] -> ['W']: True\n", "- Checking ['Y', 'V'] -> ['U']: False\n", "---- Checking ['B', 'F', 'I'] -> ['G']: False\n", "- Checking ['Y', 'V'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'F', 'I'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'V'] -> ['X', 'W']: True\n", "- Checking ['Y', 'V'] -> ['X', 'U']: False\n", "---- Checking ['B', 'F', 'I'] -> ['A', 'G']: False\n", "- Checking ['Y', 'V'] -> ['Z', 'W']: True\n", "- Checking ['Y', 'V'] -> ['Z', 'U']: False\n", "---- Checking ['B', 'F', 'I'] -> ['D', 'G', 'H']: True\n", "- Checking ['Y', 'V'] -> ['W', 'U']: True\n", "- Checking ['Y', 'V'] -> ['X', 'Z', 'W']: True\n", "- Checking ['Y', 'V'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['B', 'F', 'I'] -> ['A', 'D', 'G', 'H']: True\n", "- Checking ['Y', 'V'] -> ['X', 'W', 'U']: True\n", "- Checking ['Y', 'V'] -> ['Z', 'W', 'U']: True\n", "- Checking ['Y', 'V'] -> ['X', 'Z', 'W', 'U']: True\n", "- Checking ['Y', 'U'] -> ['X']: False\n", "---- Checking ['B', 'G'] -> ['A']: False\n", "- Checking ['Y', 'U'] -> ['Z']: False\n", "---- Checking ['B', 'G'] -> ['D', 'H']: True\n", "- Checking ['Y', 'U'] -> ['W']: True\n", "- Checking ['Y', 'U'] -> ['V']: True\n", "- Checking ['Y', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'G'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'U'] -> ['X', 'W']: True\n", "- Checking ['Y', 'U'] -> ['X', 'V']: True\n", "- Checking ['Y', 'U'] -> ['Z', 'W']: True\n", "- Checking ['Y', 'U'] -> ['Z', 'V']: True\n", "- Checking ['Y', 'U'] -> ['W', 'V']: True\n", "- Checking ['Y', 'U'] -> ['X', 'Z', 'W']: True\n", "- Checking ['Y', 'U'] -> ['X', 'Z', 'V']: True\n", "- Checking ['Y', 'U'] -> ['X', 'W', 'V']: True\n", "- Checking ['Y', 'U'] -> ['Z', 'W', 'V']: True\n", "- Checking ['Y', 'U'] -> ['X', 'Z', 'W', 'V']: True\n", "- Checking ['W', 'V'] -> ['X']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A']: False\n", "- Checking ['W', 'V'] -> ['Z']: False\n", "---- Checking ['E', 'F', 'I'] -> ['D', 'H']: False\n", "- Checking ['W', 'V'] -> ['Y']: False\n", "---- Checking ['E', 'F', 'I'] -> ['B']: False\n", "- Checking ['W', 'V'] -> ['U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['G']: False\n", "- Checking ['W', 'V'] -> ['X', 'Z']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'D', 'H']: False\n", "- Checking ['W', 'V'] -> ['X', 'Y']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'B']: False\n", "- Checking ['W', 'V'] -> ['X', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'G']: False\n", "- Checking ['W', 'V'] -> ['Z', 'Y']: False\n", "---- Checking ['E', 'F', 'I'] -> ['B', 'D', 'H']: False\n", "- Checking ['W', 'V'] -> ['Z', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['D', 'G', 'H']: False\n", "- Checking ['W', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['B', 'G']: False\n", "- Checking ['W', 'V'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['W', 'V'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'D', 'G', 'H']: False\n", "- Checking ['W', 'V'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'B', 'G']: False\n", "- Checking ['W', 'V'] -> ['Z', 'Y', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['B', 'D', 'G', 'H']: False\n", "- Checking ['W', 'V'] -> ['X', 'Z', 'Y', 'U']: False\n", "---- Checking ['E', 'F', 'I'] -> ['A', 'B', 'D', 'G', 'H']: False\n", "- Checking ['W', 'U'] -> ['X']: False\n", "---- Checking ['E', 'G'] -> ['A']: False\n", "- Checking ['W', 'U'] -> ['Z']: False\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "---- Checking ['E', 'G'] -> ['D', 'H']: False\n", "- Checking ['W', 'U'] -> ['Y']: False\n", "---- Checking ['E', 'G'] -> ['B']: False\n", "- Checking ['W', 'U'] -> ['V']: False\n", "---- Checking ['E', 'G'] -> ['F', 'I']: True\n", "- Checking ['W', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['E', 'G'] -> ['A', 'D', 'H']: False\n", "- Checking ['W', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['E', 'G'] -> ['A', 'B']: False\n", "- Checking ['W', 'U'] -> ['X', 'V']: False\n", "---- Checking ['E', 'G'] -> ['A', 'F', 'I']: True\n", "- Checking ['W', 'U'] -> ['Z', 'Y']: False\n", "---- Checking ['E', 'G'] -> ['B', 'D', 'H']: False\n", "- Checking ['W', 'U'] -> ['Z', 'V']: False\n", "---- Checking ['E', 'G'] -> ['D', 'F', 'H', 'I']: True\n", "- Checking ['W', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['E', 'G'] -> ['B', 'F', 'I']: True\n", "- Checking ['W', 'U'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['E', 'G'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['W', 'U'] -> ['X', 'Z', 'V']: False\n", "---- Checking ['E', 'G'] -> ['A', 'D', 'F', 'H', 'I']: True\n", "- Checking ['W', 'U'] -> ['X', 'Y', 'V']: False\n", "---- Checking ['E', 'G'] -> ['A', 'B', 'F', 'I']: True\n", "- Checking ['W', 'U'] -> ['Z', 'Y', 'V']: False\n", "---- Checking ['E', 'G'] -> ['B', 'D', 'F', 'H', 'I']: True\n", "- Checking ['W', 'U'] -> ['X', 'Z', 'Y', 'V']: False\n", "---- Checking ['E', 'G'] -> ['A', 'B', 'D', 'F', 'H', 'I']: True\n", "- Checking ['V', 'U'] -> ['X']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A']: False\n", "- Checking ['V', 'U'] -> ['Z']: False\n", "---- Checking ['F', 'G', 'I'] -> ['D', 'H']: False\n", "- Checking ['V', 'U'] -> ['Y']: False\n", "---- Checking ['F', 'G', 'I'] -> ['B']: False\n", "- Checking ['V', 'U'] -> ['W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['E']: True\n", "- Checking ['V', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'D', 'H']: False\n", "- Checking ['V', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'B']: False\n", "- Checking ['V', 'U'] -> ['X', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'E']: True\n", "- Checking ['V', 'U'] -> ['Z', 'Y']: False\n", "---- Checking ['F', 'G', 'I'] -> ['B', 'D', 'H']: False\n", "- Checking ['V', 'U'] -> ['Z', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['D', 'E', 'H']: True\n", "- Checking ['V', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['B', 'E']: True\n", "- Checking ['V', 'U'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['V', 'U'] -> ['X', 'Z', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'D', 'E', 'H']: True\n", "- Checking ['V', 'U'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'B', 'E']: True\n", "- Checking ['V', 'U'] -> ['Z', 'Y', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['B', 'D', 'E', 'H']: True\n", "- Checking ['V', 'U'] -> ['X', 'Z', 'Y', 'W']: False\n", "---- Checking ['F', 'G', 'I'] -> ['A', 'B', 'D', 'E', 'H']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['W']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['V']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['U']: False\n", "---- Checking ['A', 'B', 'D', 'H'] -> ['G']: False\n", "- Checking ['X', 'Z', 'Y'] -> ['W', 'V']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['W', 'U']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['V', 'U']: True\n", "- Checking ['X', 'Z', 'Y'] -> ['W', 'V', 'U']: True\n", "- Checking ['X', 'Z', 'W'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['B']: False\n", "- Checking ['X', 'Z', 'W'] -> ['V']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['F', 'I']: False\n", "- Checking ['X', 'Z', 'W'] -> ['U']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['G']: False\n", "- Checking ['X', 'Z', 'W'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['B', 'F', 'I']: False\n", "- Checking ['X', 'Z', 'W'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['B', 'G']: False\n", "- Checking ['X', 'Z', 'W'] -> ['V', 'U']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['F', 'G', 'I']: False\n", "- Checking ['X', 'Z', 'W'] -> ['Y', 'V', 'U']: False\n", "---- Checking ['A', 'D', 'E', 'H'] -> ['B', 'F', 'G', 'I']: False\n", "- Checking ['X', 'Z', 'V'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['B']: False\n", "- Checking ['X', 'Z', 'V'] -> ['W']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['E']: False\n", "- Checking ['X', 'Z', 'V'] -> ['U']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['X', 'Z', 'V'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['B', 'E']: False\n", "- Checking ['X', 'Z', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['B', 'G']: False\n", "- Checking ['X', 'Z', 'V'] -> ['W', 'U']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['E', 'G']: False\n", "- Checking ['X', 'Z', 'V'] -> ['Y', 'W', 'U']: False\n", "---- Checking ['A', 'D', 'F', 'H', 'I'] -> ['B', 'E', 'G']: False\n", "- Checking ['X', 'Z', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['B']: False\n", "- Checking ['X', 'Z', 'U'] -> ['W']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['E']: True\n", "- Checking ['X', 'Z', 'U'] -> ['V']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['F', 'I']: True\n", "- Checking ['X', 'Z', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['B', 'E']: True\n", "- Checking ['X', 'Z', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['B', 'F', 'I']: True\n", "- Checking ['X', 'Z', 'U'] -> ['W', 'V']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['E', 'F', 'I']: True\n", "- Checking ['X', 'Z', 'U'] -> ['Y', 'W', 'V']: False\n", "---- Checking ['A', 'D', 'G', 'H'] -> ['B', 'E', 'F', 'I']: True\n", "- Checking ['X', 'Y', 'W'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'W'] -> ['V']: True\n", "- Checking ['X', 'Y', 'W'] -> ['U']: False\n", "---- Checking ['A', 'B', 'E'] -> ['G']: False\n", "- Checking ['X', 'Y', 'W'] -> ['Z', 'V']: True\n", "- Checking ['X', 'Y', 'W'] -> ['Z', 'U']: True\n", "- Checking ['X', 'Y', 'W'] -> ['V', 'U']: True\n", "- Checking ['X', 'Y', 'W'] -> ['Z', 'V', 'U']: True\n", "- Checking ['X', 'Y', 'V'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'V'] -> ['W']: True\n", "- Checking ['X', 'Y', 'V'] -> ['U']: False\n", "---- Checking ['A', 'B', 'F', 'I'] -> ['G']: False\n", "- Checking ['X', 'Y', 'V'] -> ['Z', 'W']: True\n", "- Checking ['X', 'Y', 'V'] -> ['Z', 'U']: True\n", "- Checking ['X', 'Y', 'V'] -> ['W', 'U']: True\n", "- Checking ['X', 'Y', 'V'] -> ['Z', 'W', 'U']: True\n", "- Checking ['X', 'Y', 'U'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'U'] -> ['W']: True\n", "- Checking ['X', 'Y', 'U'] -> ['V']: True\n", "- Checking ['X', 'Y', 'U'] -> ['Z', 'W']: True\n", "- Checking ['X', 'Y', 'U'] -> ['Z', 'V']: True\n", "- Checking ['X', 'Y', 'U'] -> ['W', 'V']: True\n", "- Checking ['X', 'Y', 'U'] -> ['Z', 'W', 'V']: True\n", "- Checking ['X', 'W', 'V'] -> ['Z']: True\n", "- Checking ['X', 'W', 'V'] -> ['Y']: False\n", "---- Checking ['A', 'E', 'F', 'I'] -> ['B']: False\n", "- Checking ['X', 'W', 'V'] -> ['U']: False\n", "---- Checking ['A', 'E', 'F', 'I'] -> ['G']: False\n", "- Checking ['X', 'W', 'V'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'W', 'V'] -> ['Z', 'U']: True\n", "- Checking ['X', 'W', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'E', 'F', 'I'] -> ['B', 'G']: False\n", "- Checking ['X', 'W', 'V'] -> ['Z', 'Y', 'U']: True\n", "- Checking ['X', 'W', 'U'] -> ['Z']: True\n", "- Checking ['X', 'W', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'E', 'G'] -> ['B']: False\n", "- Checking ['X', 'W', 'U'] -> ['V']: False\n", "---- Checking ['A', 'E', 'G'] -> ['F', 'I']: True\n", "- Checking ['X', 'W', 'U'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'W', 'U'] -> ['Z', 'V']: True\n", "- Checking ['X', 'W', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'E', 'G'] -> ['B', 'F', 'I']: True\n", "- Checking ['X', 'W', 'U'] -> ['Z', 'Y', 'V']: True\n", "- Checking ['X', 'V', 'U'] -> ['Z']: True\n", "- Checking ['X', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'F', 'G', 'I'] -> ['B']: False\n", "- Checking ['X', 'V', 'U'] -> ['W']: False\n", "---- Checking ['A', 'F', 'G', 'I'] -> ['E']: True\n", "- Checking ['X', 'V', 'U'] -> ['Z', 'Y']: True\n", "- Checking ['X', 'V', 'U'] -> ['Z', 'W']: True\n", "- Checking ['X', 'V', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'F', 'G', 'I'] -> ['B', 'E']: True\n", "- Checking ['X', 'V', 'U'] -> ['Z', 'Y', 'W']: True\n", "- Checking ['Z', 'Y', 'W'] -> ['X']: False\n", "---- Checking ['B', 'D', 'E', 'H'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'W'] -> ['V']: True\n", "- Checking ['Z', 'Y', 'W'] -> ['U']: False\n", "---- Checking ['B', 'D', 'E', 'H'] -> ['G']: False\n", "- Checking ['Z', 'Y', 'W'] -> ['X', 'V']: True\n", "- Checking ['Z', 'Y', 'W'] -> ['X', 'U']: False\n", "---- Checking ['B', 'D', 'E', 'H'] -> ['A', 'G']: False\n", "- Checking ['Z', 'Y', 'W'] -> ['V', 'U']: True\n", "- Checking ['Z', 'Y', 'W'] -> ['X', 'V', 'U']: True\n", "- Checking ['Z', 'Y', 'V'] -> ['X']: False\n", "---- Checking ['B', 'D', 'F', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'V'] -> ['W']: True\n", "- Checking ['Z', 'Y', 'V'] -> ['U']: False\n", "---- Checking ['B', 'D', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['Z', 'Y', 'V'] -> ['X', 'W']: True\n", "- Checking ['Z', 'Y', 'V'] -> ['X', 'U']: False\n", "---- Checking ['B', 'D', 'F', 'H', 'I'] -> ['A', 'G']: False\n", "- Checking ['Z', 'Y', 'V'] -> ['W', 'U']: True\n", "- Checking ['Z', 'Y', 'V'] -> ['X', 'W', 'U']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['X']: False\n", "---- Checking ['B', 'D', 'G', 'H'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'U'] -> ['W']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['V']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['X', 'W']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['X', 'V']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['W', 'V']: True\n", "- Checking ['Z', 'Y', 'U'] -> ['X', 'W', 'V']: True\n", "- Checking ['Z', 'W', 'V'] -> ['X']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'W', 'V'] -> ['Y']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['B']: False\n", "- Checking ['Z', 'W', 'V'] -> ['U']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['Z', 'W', 'V'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['A', 'B']: False\n", "- Checking ['Z', 'W', 'V'] -> ['X', 'U']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['A', 'G']: False\n", "- Checking ['Z', 'W', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['B', 'G']: False\n", "- Checking ['Z', 'W', 'V'] -> ['X', 'Y', 'U']: False\n", "---- Checking ['D', 'E', 'F', 'H', 'I'] -> ['A', 'B', 'G']: False\n", "- Checking ['Z', 'W', 'U'] -> ['X']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['A']: False\n", "- Checking ['Z', 'W', 'U'] -> ['Y']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['B']: False\n", "- Checking ['Z', 'W', 'U'] -> ['V']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['F', 'I']: True\n", "- Checking ['Z', 'W', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['A', 'B']: False\n", "- Checking ['Z', 'W', 'U'] -> ['X', 'V']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['A', 'F', 'I']: True\n", "- Checking ['Z', 'W', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['D', 'E', 'G', 'H'] -> ['B', 'F', 'I']: True\n", "- Checking ['Z', 'W', 'U'] -> ['X', 'Y', 'V']: False\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "---- Checking ['D', 'E', 'G', 'H'] -> ['A', 'B', 'F', 'I']: True\n", "- Checking ['Z', 'V', 'U'] -> ['X']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['B']: False\n", "- Checking ['Z', 'V', 'U'] -> ['W']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['E']: True\n", "- Checking ['Z', 'V', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['A', 'B']: False\n", "- Checking ['Z', 'V', 'U'] -> ['X', 'W']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['A', 'E']: True\n", "- Checking ['Z', 'V', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['B', 'E']: True\n", "- Checking ['Z', 'V', 'U'] -> ['X', 'Y', 'W']: False\n", "---- Checking ['D', 'F', 'G', 'H', 'I'] -> ['A', 'B', 'E']: True\n", "- Checking ['Y', 'W', 'V'] -> ['X']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['A']: False\n", "- Checking ['Y', 'W', 'V'] -> ['Z']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['D', 'H']: True\n", "- Checking ['Y', 'W', 'V'] -> ['U']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['G']: False\n", "- Checking ['Y', 'W', 'V'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'W', 'V'] -> ['X', 'U']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['A', 'G']: False\n", "- Checking ['Y', 'W', 'V'] -> ['Z', 'U']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['D', 'G', 'H']: True\n", "- Checking ['Y', 'W', 'V'] -> ['X', 'Z', 'U']: False\n", "---- Checking ['B', 'E', 'F', 'I'] -> ['A', 'D', 'G', 'H']: True\n", "- Checking ['Y', 'W', 'U'] -> ['X']: False\n", "---- Checking ['B', 'E', 'G'] -> ['A']: False\n", "- Checking ['Y', 'W', 'U'] -> ['Z']: False\n", "---- Checking ['B', 'E', 'G'] -> ['D', 'H']: True\n", "- Checking ['Y', 'W', 'U'] -> ['V']: True\n", "- Checking ['Y', 'W', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'E', 'G'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'W', 'U'] -> ['X', 'V']: True\n", "- Checking ['Y', 'W', 'U'] -> ['Z', 'V']: True\n", "- Checking ['Y', 'W', 'U'] -> ['X', 'Z', 'V']: True\n", "- Checking ['Y', 'V', 'U'] -> ['X']: False\n", "---- Checking ['B', 'F', 'G', 'I'] -> ['A']: False\n", "- Checking ['Y', 'V', 'U'] -> ['Z']: False\n", "---- Checking ['B', 'F', 'G', 'I'] -> ['D', 'H']: True\n", "- Checking ['Y', 'V', 'U'] -> ['W']: True\n", "- Checking ['Y', 'V', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'F', 'G', 'I'] -> ['A', 'D', 'H']: True\n", "- Checking ['Y', 'V', 'U'] -> ['X', 'W']: True\n", "- Checking ['Y', 'V', 'U'] -> ['Z', 'W']: True\n", "- Checking ['Y', 'V', 'U'] -> ['X', 'Z', 'W']: True\n", "- Checking ['W', 'V', 'U'] -> ['X']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['A']: False\n", "- Checking ['W', 'V', 'U'] -> ['Z']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['D', 'H']: False\n", "- Checking ['W', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['B']: False\n", "- Checking ['W', 'V', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['A', 'D', 'H']: False\n", "- Checking ['W', 'V', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['A', 'B']: False\n", "- Checking ['W', 'V', 'U'] -> ['Z', 'Y']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['B', 'D', 'H']: False\n", "- Checking ['W', 'V', 'U'] -> ['X', 'Z', 'Y']: False\n", "---- Checking ['E', 'F', 'G', 'I'] -> ['A', 'B', 'D', 'H']: False\n", "- Checking ['X', 'Z', 'Y', 'W'] -> ['V']: True\n", "- Checking ['X', 'Z', 'Y', 'W'] -> ['U']: False\n", "---- Checking ['A', 'B', 'D', 'E', 'H'] -> ['G']: False\n", "- Checking ['X', 'Z', 'Y', 'W'] -> ['V', 'U']: True\n", "- Checking ['X', 'Z', 'Y', 'V'] -> ['W']: True\n", "- Checking ['X', 'Z', 'Y', 'V'] -> ['U']: False\n", "---- Checking ['A', 'B', 'D', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['X', 'Z', 'Y', 'V'] -> ['W', 'U']: True\n", "- Checking ['X', 'Z', 'Y', 'U'] -> ['W']: True\n", "- Checking ['X', 'Z', 'Y', 'U'] -> ['V']: True\n", "- Checking ['X', 'Z', 'Y', 'U'] -> ['W', 'V']: True\n", "- Checking ['X', 'Z', 'W', 'V'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'E', 'F', 'H', 'I'] -> ['B']: False\n", "- Checking ['X', 'Z', 'W', 'V'] -> ['U']: False\n", "---- Checking ['A', 'D', 'E', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['X', 'Z', 'W', 'V'] -> ['Y', 'U']: False\n", "---- Checking ['A', 'D', 'E', 'F', 'H', 'I'] -> ['B', 'G']: False\n", "- Checking ['X', 'Z', 'W', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'E', 'G', 'H'] -> ['B']: False\n", "- Checking ['X', 'Z', 'W', 'U'] -> ['V']: False\n", "---- Checking ['A', 'D', 'E', 'G', 'H'] -> ['F', 'I']: True\n", "- Checking ['X', 'Z', 'W', 'U'] -> ['Y', 'V']: False\n", "---- Checking ['A', 'D', 'E', 'G', 'H'] -> ['B', 'F', 'I']: True\n", "- Checking ['X', 'Z', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'F', 'G', 'H', 'I'] -> ['B']: False\n", "- Checking ['X', 'Z', 'V', 'U'] -> ['W']: False\n", "---- Checking ['A', 'D', 'F', 'G', 'H', 'I'] -> ['E']: True\n", "- Checking ['X', 'Z', 'V', 'U'] -> ['Y', 'W']: False\n", "---- Checking ['A', 'D', 'F', 'G', 'H', 'I'] -> ['B', 'E']: True\n", "- Checking ['X', 'Y', 'W', 'V'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'W', 'V'] -> ['U']: False\n", "---- Checking ['A', 'B', 'E', 'F', 'I'] -> ['G']: False\n", "- Checking ['X', 'Y', 'W', 'V'] -> ['Z', 'U']: True\n", "- Checking ['X', 'Y', 'W', 'U'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'W', 'U'] -> ['V']: True\n", "- Checking ['X', 'Y', 'W', 'U'] -> ['Z', 'V']: True\n", "- Checking ['X', 'Y', 'V', 'U'] -> ['Z']: True\n", "- Checking ['X', 'Y', 'V', 'U'] -> ['W']: True\n", "- Checking ['X', 'Y', 'V', 'U'] -> ['Z', 'W']: True\n", "- Checking ['X', 'W', 'V', 'U'] -> ['Z']: True\n", "- Checking ['X', 'W', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'E', 'F', 'G', 'I'] -> ['B']: False\n", "- Checking ['X', 'W', 'V', 'U'] -> ['Z', 'Y']: True\n", "- Checking ['Z', 'Y', 'W', 'V'] -> ['X']: False\n", "---- Checking ['B', 'D', 'E', 'F', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'W', 'V'] -> ['U']: False\n", "---- Checking ['B', 'D', 'E', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['Z', 'Y', 'W', 'V'] -> ['X', 'U']: False\n", "---- Checking ['B', 'D', 'E', 'F', 'H', 'I'] -> ['A', 'G']: False\n", "- Checking ['Z', 'Y', 'W', 'U'] -> ['X']: False\n", "---- Checking ['B', 'D', 'E', 'G', 'H'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'W', 'U'] -> ['V']: True\n", "- Checking ['Z', 'Y', 'W', 'U'] -> ['X', 'V']: True\n", "- Checking ['Z', 'Y', 'V', 'U'] -> ['X']: False\n", "---- Checking ['B', 'D', 'F', 'G', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'Y', 'V', 'U'] -> ['W']: True\n", "- Checking ['Z', 'Y', 'V', 'U'] -> ['X', 'W']: True\n", "- Checking ['Z', 'W', 'V', 'U'] -> ['X']: False\n", "---- Checking ['D', 'E', 'F', 'G', 'H', 'I'] -> ['A']: False\n", "- Checking ['Z', 'W', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['D', 'E', 'F', 'G', 'H', 'I'] -> ['B']: False\n", "- Checking ['Z', 'W', 'V', 'U'] -> ['X', 'Y']: False\n", "---- Checking ['D', 'E', 'F', 'G', 'H', 'I'] -> ['A', 'B']: False\n", "- Checking ['Y', 'W', 'V', 'U'] -> ['X']: False\n", "---- Checking ['B', 'E', 'F', 'G', 'I'] -> ['A']: False\n", "- Checking ['Y', 'W', 'V', 'U'] -> ['Z']: False\n", "---- Checking ['B', 'E', 'F', 'G', 'I'] -> ['D', 'H']: True\n", "- Checking ['Y', 'W', 'V', 'U'] -> ['X', 'Z']: False\n", "---- Checking ['B', 'E', 'F', 'G', 'I'] -> ['A', 'D', 'H']: True\n", "- Checking ['X', 'Z', 'Y', 'W', 'V'] -> ['U']: False\n", "---- Checking ['A', 'B', 'D', 'E', 'F', 'H', 'I'] -> ['G']: False\n", "- Checking ['X', 'Z', 'Y', 'W', 'U'] -> ['V']: True\n", "- Checking ['X', 'Z', 'Y', 'V', 'U'] -> ['W']: True\n", "- Checking ['X', 'Z', 'W', 'V', 'U'] -> ['Y']: False\n", "---- Checking ['A', 'D', 'E', 'F', 'G', 'H', 'I'] -> ['B']: False\n", "- Checking ['X', 'Y', 'W', 'V', 'U'] -> ['Z']: True\n", "- Checking ['Z', 'Y', 'W', 'V', 'U'] -> ['X']: False\n", "---- Checking ['B', 'D', 'E', 'F', 'G', 'H', 'I'] -> ['A']: False\n", "\n", " 305 legitimate pairs of sets out of 3969 possbile pairs of sets\n", "\n", "M1: ['X'] -> ['Z']\n", "M0: ['A'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 3)\n", "M0 mechanism shape: (24, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565898, 0.12190811938213303, 0.1280838551187487]\n", "\n", "Abstraction error: 0.14671651019565898\n", "\n", "M1: ['X'] -> ['Z', 'Y']\n", "M0: ['A'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 3)\n", "M0 mechanism shape: (96, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658082, 0.1689907104973962, 0.16789680207707058]\n", "\n", "Abstraction error: 0.17608426608658082\n", "\n", "M1: ['X'] -> ['Z', 'W']\n", "M0: ['A'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 3)\n", "M0 mechanism shape: (72, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.2481310745422393, 0.25725674622460787, 0.2634095747826151]\n", "\n", "Abstraction error: 0.2634095747826151\n", "\n", "M1: ['X'] -> ['Z', 'V']\n", "M0: ['A'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 3)\n", "M0 mechanism shape: (360, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1944475123710473, 0.17935359708817672, 0.1827535077086051]\n", "\n", "Abstraction error: 0.1944475123710473\n", "\n", "M1: ['X'] -> ['Z', 'U']\n", "M0: ['A'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 3)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (48, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2769616321616567, 0.2661341116393368, 0.2700857185711583]\n", "\n", "Abstraction error: 0.2769616321616567\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'W']\n", "M0: ['A'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 3)\n", "M0 mechanism shape: (288, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.3427808206762295, 0.35419773536584853, 0.35522524503406877]\n", "\n", "Abstraction error: 0.35522524503406877\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'V']\n", "M0: ['A'] -> ['B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 3)\n", "M0 mechanism shape: (1440, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.28110674920375944, 0.2720271820224432, 0.2731384357167785]\n", "\n", "Abstraction error: 0.28110674920375944\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'U']\n", "M0: ['A'] -> ['B', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 3)\n", "M0 mechanism shape: (192, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (144, 192)\n", "All JS distances: [0.298556147369432, 0.2902566519104544, 0.2947506608063759]\n", "\n", "Abstraction error: 0.298556147369432\n", "\n", "M1: ['X'] -> ['Z', 'W', 'V']\n", "M0: ['A'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 3)\n", "M0 mechanism shape: (1080, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.3182422189515313, 0.3102018627433937, 0.3128511714646684]\n", "\n", "Abstraction error: 0.3182422189515313\n", "\n", "M1: ['X'] -> ['Z', 'W', 'U']\n", "M0: ['A'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 3)\n", "M0 mechanism shape: (144, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.34968192148698235, 0.34135716378151104, 0.34625050188033957]\n", "\n", "Abstraction error: 0.34968192148698235\n", "\n", "M1: ['X'] -> ['Z', 'V', 'U']\n", "M0: ['A'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 3)\n", "M0 mechanism shape: (720, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29864578015620025, 0.29179360402924703, 0.2929775776422845]\n", "\n", "Abstraction error: 0.29864578015620025\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'W', 'V']\n", "M0: ['A'] -> ['B', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 3)\n", "M0 mechanism shape: (4320, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (1152, 4320)\n", "All JS distances: [0.4163482355016841, 0.41182307768684834, 0.4125983745907082]\n", "\n", "Abstraction error: 0.4163482355016841\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'W', 'U']\n", "M0: ['A'] -> ['B', 'D', 'E', 'G', 'H']\n", "M1 mechanism shape: (288, 3)\n", "M0 mechanism shape: (576, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (288, 576)\n", "All JS distances: [0.41382556346877014, 0.41000991689621746, 0.41300266579057804]\n", "\n", "Abstraction error: 0.41382556346877014\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'V', 'U']\n", "M0: ['A'] -> ['B', 'D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (1152, 3)\n", "M0 mechanism shape: (2880, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (1152, 2880)\n", "All JS distances: [0.35028191225451477, 0.34679695557911117, 0.347648699875281]\n", "\n", "Abstraction error: 0.35028191225451477\n", "\n", "M1: ['X'] -> ['Z', 'W', 'V', 'U']\n", "M0: ['A'] -> ['D', 'E', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (768, 3)\n", "M0 mechanism shape: (2160, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (768, 2160)\n", "All JS distances: [0.3959288005789213, 0.3911860880350616, 0.3924179184638522]\n", "\n", "Abstraction error: 0.3959288005789213\n", "\n", "M1: ['X'] -> ['Z', 'Y', 'W', 'V', 'U']\n", "M0: ['A'] -> ['B', 'D', 'E', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (2304, 3)\n", "M0 mechanism shape: (8640, 3)\n", "Alpha_s shape: (3, 3)\n", "Alpha_t shape: (2304, 8640)\n", "All JS distances: [0.469134837136592, 0.4665992960764694, 0.46671166935350306]\n", "\n", "Abstraction error: 0.469134837136592\n", "\n", "M1: ['Y'] -> ['Z']\n", "M0: ['B'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 3)\n", "M0 mechanism shape: (24, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14583320915276315, 0.1418612126809944, 0.1399368402225962, 0.14625835179015392]\n", "\n", "Abstraction error: 0.14625835179015392\n", "\n", "M1: ['Y'] -> ['W']\n", "M0: ['B'] -> ['E']\n", "M1 mechanism shape: (2, 3)\n", "M0 mechanism shape: (3, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962745, 0.1735419811534571, 0.3394418600185987, 0.21218306043526702]\n", "\n", "Abstraction error: 0.3394418600185987\n", "\n", "M1: ['Y'] -> ['V']\n", "M0: ['B'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 3)\n", "M0 mechanism shape: (15, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285079, 0.16748634037318327, 0.12175151889575896, 0.09189169585012583]\n", "\n", "Abstraction error: 0.16748634037318327\n", "\n", "M1: ['Y'] -> ['X', 'Z']\n", "M0: ['B'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 3)\n", "M0 mechanism shape: (72, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.3254143942633815, 0.3242808903866604, 0.3268079445212499]\n", "\n", "Abstraction error: 0.32775728551966704\n", "\n", "M1: ['Y'] -> ['X', 'W']\n", "M0: ['B'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 3)\n", "M0 mechanism shape: (9, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.4088053365640753, 0.3205291540735976, 0.41918557822044117, 0.339807615261772]\n", "\n", "Abstraction error: 0.41918557822044117\n", "\n", "M1: ['Y'] -> ['X', 'V']\n", "M0: ['B'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 3)\n", "M0 mechanism shape: (45, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.2991638243761056, 0.318072573754108, 0.29956600113704535, 0.29032357801221254]\n", "\n", "Abstraction error: 0.318072573754108\n", "\n", "M1: ['Y'] -> ['Z', 'W']\n", "M0: ['B'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 3)\n", "M0 mechanism shape: (72, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.3136429437058418, 0.17361831087761584, 0.31706875141028595, 0.20016164165016945]\n", "\n", "Abstraction error: 0.31706875141028595\n", "\n", "M1: ['Y'] -> ['Z', 'V']\n", "M0: ['B'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 3)\n", "M0 mechanism shape: (360, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1919685284578916, 0.21697256295316963, 0.1892891707709742, 0.1697555341429652]\n", "\n", "Abstraction error: 0.21697256295316963\n", "\n", "M1: ['Y'] -> ['Z', 'U']\n", "M0: ['B'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 3)\n", "M0 mechanism shape: (48, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2782700468611738, 0.2753741929968432, 0.2742468058468797, 0.27534766804696686]\n", "\n", "Abstraction error: 0.2782700468611738\n", "\n", "M1: ['Y'] -> ['W', 'V']\n", "M0: ['B'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 3)\n", "M0 mechanism shape: (45, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.34912516804539734, 0.23789878129489664, 0.3641392077843359, 0.24240421566679024]\n", "\n", "Abstraction error: 0.3641392077843359\n", "\n", "M1: ['Y'] -> ['W', 'U']\n", "M0: ['B'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 3)\n", "M0 mechanism shape: (6, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.39438320471460564, 0.2972419273221465, 0.40425178887785795, 0.3187800630994384]\n", "\n", "Abstraction error: 0.40425178887785795\n", "\n", "M1: ['Y'] -> ['V', 'U']\n", "M0: ['B'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 3)\n", "M0 mechanism shape: (30, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.258593655183137, 0.287956919365726, 0.26220805003951686, 0.2542800363833757]\n", "\n", "Abstraction error: 0.287956919365726\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W']\n", "M0: ['B'] -> ['A', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 3)\n", "M0 mechanism shape: (216, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.4145702447669112, 0.3381252910853169, 0.4166161587940429, 0.3506858367124328]\n", "\n", "Abstraction error: 0.4166161587940429\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'V']\n", "M0: ['B'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 3)\n", "M0 mechanism shape: (1080, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.3469962948268254, 0.3589501830906501, 0.34498338295932235, 0.33645274166455186]\n", "\n", "Abstraction error: 0.3589501830906501\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'U']\n", "M0: ['B'] -> ['A', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 3)\n", "M0 mechanism shape: (144, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (144, 144)\n", "All JS distances: [0.3927709412636983, 0.3907152211904342, 0.3898061950345306, 0.3905816898721179]\n", "\n", "Abstraction error: 0.3927709412636983\n", "\n", "M1: ['Y'] -> ['X', 'W', 'V']\n", "M0: ['B'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 3)\n", "M0 mechanism shape: (135, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.42636337837605315, 0.3544161636639346, 0.43710601002863136, 0.3568584747625011]\n", "\n", "Abstraction error: 0.43710601002863136\n", "\n", "M1: ['Y'] -> ['X', 'W', 'U']\n", "M0: ['B'] -> ['A', 'E', 'G']\n", "M1 mechanism shape: (12, 3)\n", "M0 mechanism shape: (18, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (12, 18)\n", "All JS distances: [0.459607215109885, 0.39097437651142114, 0.4670078090389173, 0.4054226747920224]\n", "\n", "Abstraction error: 0.4670078090389173\n", "\n", "M1: ['Y'] -> ['X', 'V', 'U']\n", "M0: ['B'] -> ['A', 'F', 'G', 'I']\n", "M1 mechanism shape: (48, 3)\n", "M0 mechanism shape: (90, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (48, 90)\n", "All JS distances: [0.36648187670696886, 0.3850431423662941, 0.368739186470645, 0.36384918986539994]\n", "\n", "Abstraction error: 0.3850431423662941\n", "\n", "M1: ['Y'] -> ['Z', 'W', 'V']\n", "M0: ['B'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 3)\n", "M0 mechanism shape: (1080, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.34083486006772207, 0.2384598477865502, 0.3478641308744728, 0.2669749911396077]\n", "\n", "Abstraction error: 0.3478641308744728\n", "\n", "M1: ['Y'] -> ['Z', 'W', 'U']\n", "M0: ['B'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 3)\n", "M0 mechanism shape: (144, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.38333004375026625, 0.29398511372149194, 0.37996832411448994, 0.31466128299842316]\n", "\n", "Abstraction error: 0.38333004375026625\n", "\n", "M1: ['Y'] -> ['Z', 'V', 'U']\n", "M0: ['B'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 3)\n", "M0 mechanism shape: (720, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29567947707217684, 0.3152981514416879, 0.2962552570056811, 0.28740269791748396]\n", "\n", "Abstraction error: 0.3152981514416879\n", "\n", "M1: ['Y'] -> ['W', 'V', 'U']\n", "M0: ['B'] -> ['E', 'F', 'G', 'I']\n", "M1 mechanism shape: (32, 3)\n", "M0 mechanism shape: (90, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (32, 90)\n", "All JS distances: [0.40542677119257703, 0.32937410423810237, 0.41871107268883256, 0.33031006600997415]\n", "\n", "Abstraction error: 0.41871107268883256\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W', 'V']\n", "M0: ['B'] -> ['A', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 3)\n", "M0 mechanism shape: (3240, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (1152, 3240)\n", "All JS distances: [0.43259328144322, 0.37023857049128744, 0.436655534784244, 0.38591371156834237]\n", "\n", "Abstraction error: 0.436655534784244\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W', 'U']\n", "M0: ['B'] -> ['A', 'D', 'E', 'G', 'H']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (288, 3)\n", "M0 mechanism shape: (432, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (288, 432)\n", "All JS distances: [0.4617143875394613, 0.4020904921288046, 0.4591208669291066, 0.4151818879003503]\n", "\n", "Abstraction error: 0.4617143875394613\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'V', 'U']\n", "M0: ['B'] -> ['A', 'D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (1152, 3)\n", "M0 mechanism shape: (2160, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (1152, 2160)\n", "All JS distances: [0.40373896420788313, 0.4161271411198629, 0.4037902853702875, 0.39775628667449914]\n", "\n", "Abstraction error: 0.4161271411198629\n", "\n", "M1: ['Y'] -> ['X', 'W', 'V', 'U']\n", "M0: ['B'] -> ['A', 'E', 'F', 'G', 'I']\n", "M1 mechanism shape: (96, 3)\n", "M0 mechanism shape: (270, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (96, 270)\n", "All JS distances: [0.4680222241240685, 0.4128462190587115, 0.4781360723756702, 0.4134293189802729]\n", "\n", "Abstraction error: 0.4781360723756702\n", "\n", "M1: ['Y'] -> ['Z', 'W', 'V', 'U']\n", "M0: ['B'] -> ['D', 'E', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (768, 3)\n", "M0 mechanism shape: (2160, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (768, 2160)\n", "All JS distances: [0.4008073857031001, 0.3270188329370278, 0.45149062810817364, 0.33705791965972]\n", "\n", "Abstraction error: 0.45149062810817364\n", "\n", "M1: ['Y'] -> ['X', 'Z', 'W', 'V', 'U']\n", "M0: ['B'] -> ['A', 'D', 'E', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (2304, 3)\n", "M0 mechanism shape: (6480, 4)\n", "Alpha_s shape: (3, 4)\n", "Alpha_t shape: (2304, 6480)\n", "All JS distances: [0.4745705327622316, 0.4235448437567008, 0.5115628136399912, 0.429896561782647]\n", "\n", "Abstraction error: 0.5115628136399912\n", "\n", "M1: ['U'] -> ['W']\n", "M0: ['G'] -> ['E']\n", "M1 mechanism shape: (2, 2)\n", "M0 mechanism shape: (3, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347247, 0.28282402813485186]\n", "\n", "Abstraction error: 0.28365370223347247\n", "\n", "M1: ['U'] -> ['V']\n", "M0: ['G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 2)\n", "M0 mechanism shape: (15, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742401, 0.12508085160141344]\n", "\n", "Abstraction error: 0.12508085160141344\n", "\n", "M1: ['U'] -> ['X', 'W']\n", "M0: ['G'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 2)\n", "M0 mechanism shape: (9, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.38185667423989283, 0.38132934312009487]\n", "\n", "Abstraction error: 0.38185667423989283\n", "\n", "M1: ['U'] -> ['X', 'V']\n", "M0: ['G'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 2)\n", "M0 mechanism shape: (45, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.3006838209893557, 0.30074920378752945]\n", "\n", "Abstraction error: 0.30074920378752945\n", "\n", "M1: ['U'] -> ['Z', 'W']\n", "M0: ['G'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 2)\n", "M0 mechanism shape: (72, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.260256984969388, 0.2611099843496716]\n", "\n", "Abstraction error: 0.2611099843496716\n", "\n", "M1: ['U'] -> ['Z', 'V']\n", "M0: ['G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 2)\n", "M0 mechanism shape: (360, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19043043815867075, 0.19432657207417994]\n", "\n", "Abstraction error: 0.19432657207417994\n", "\n", "M1: ['U'] -> ['Y', 'W']\n", "M0: ['G'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 2)\n", "M0 mechanism shape: (12, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.37921353595613094]\n", "\n", "Abstraction error: 0.3822774086698545\n", "\n", "M1: ['U'] -> ['Y', 'V']\n", "M0: ['G'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 2)\n", "M0 mechanism shape: (60, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.254750211201766, 0.2560743634951334]\n", "\n", "Abstraction error: 0.2560743634951334\n", "\n", "M1: ['U'] -> ['W', 'V']\n", "M0: ['G'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 2)\n", "M0 mechanism shape: (45, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.31565860912713517, 0.3145615145859717]\n", "\n", "Abstraction error: 0.31565860912713517\n", "\n", "M1: ['U'] -> ['X', 'Z', 'W']\n", "M0: ['G'] -> ['A', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 2)\n", "M0 mechanism shape: (216, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.38222814199997895, 0.3825982298828456]\n", "\n", "Abstraction error: 0.3825982298828456\n", "\n", "M1: ['U'] -> ['X', 'Z', 'V']\n", "M0: ['G'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 2)\n", "M0 mechanism shape: (1080, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.34559852340491337, 0.34728564678116325]\n", "\n", "Abstraction error: 0.34728564678116325\n", "\n", "M1: ['U'] -> ['X', 'Y', 'W']\n", "M0: ['G'] -> ['A', 'B', 'E']\n", "M1 mechanism shape: (18, 2)\n", "M0 mechanism shape: (36, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (18, 36)\n", "All JS distances: [0.45148928028206436, 0.44924413091861465]\n", "\n", "Abstraction error: 0.45148928028206436\n", "\n", "M1: ['U'] -> ['X', 'Y', 'V']\n", "M0: ['G'] -> ['A', 'B', 'F', 'I']\n", "M1 mechanism shape: (72, 2)\n", "M0 mechanism shape: (180, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (72, 180)\n", "All JS distances: [0.3643987151500383, 0.3651824442016619]\n", "\n", "Abstraction error: 0.3651824442016619\n", "\n", "M1: ['U'] -> ['X', 'W', 'V']\n", "M0: ['G'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 2)\n", "M0 mechanism shape: (135, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.40328304196904785, 0.40254549259952893]\n", "\n", "Abstraction error: 0.40328304196904785\n", "\n", "M1: ['U'] -> ['Z', 'Y', 'W']\n", "M0: ['G'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 2)\n", "M0 mechanism shape: (288, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.352404290336872, 0.35244234740334995]\n", "\n", "Abstraction error: 0.35244234740334995\n", "\n", "M1: ['U'] -> ['Z', 'Y', 'V']\n", "M0: ['G'] -> ['B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 2)\n", "M0 mechanism shape: (1440, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.2759660114022123, 0.27978874364078304]\n", "\n", "Abstraction error: 0.27978874364078304\n", "\n", "M1: ['U'] -> ['Z', 'W', 'V']\n", "M0: ['G'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 2)\n", "M0 mechanism shape: (1080, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.3174489646385951, 0.31580810413130855]\n", "\n", "Abstraction error: 0.3174489646385951\n", "\n", "M1: ['U'] -> ['Y', 'W', 'V']\n", "M0: ['G'] -> ['B', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 2)\n", "M0 mechanism shape: (180, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (48, 180)\n", "All JS distances: [0.42271211321187113, 0.4203751677620154]\n", "\n", "Abstraction error: 0.42271211321187113\n", "\n", "M1: ['U'] -> ['X', 'Z', 'Y', 'W']\n", "M0: ['G'] -> ['A', 'B', 'D', 'E', 'H']\n", "M1 mechanism shape: (432, 2)\n", "M0 mechanism shape: (864, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (432, 864)\n", "All JS distances: [0.44183930491280465, 0.441866926184124]\n", "\n", "Abstraction error: 0.441866926184124\n", "\n", "M1: ['U'] -> ['X', 'Z', 'Y', 'V']\n", "M0: ['G'] -> ['A', 'B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (1728, 2)\n", "M0 mechanism shape: (4320, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (1728, 4320)\n", "All JS distances: [0.3916760158239113, 0.39381052591623633]\n", "\n", "Abstraction error: 0.39381052591623633\n", "\n", "M1: ['U'] -> ['X', 'Z', 'W', 'V']\n", "M0: ['G'] -> ['A', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 2)\n", "M0 mechanism shape: (3240, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (1152, 3240)\n", "All JS distances: [0.41687719829017855, 0.4157440975592888]\n", "\n", "Abstraction error: 0.41687719829017855\n", "\n", "M1: ['U'] -> ['X', 'Y', 'W', 'V']\n", "M0: ['G'] -> ['A', 'B', 'E', 'F', 'I']\n", "M1 mechanism shape: (144, 2)\n", "M0 mechanism shape: (540, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (144, 540)\n", "All JS distances: [0.4819880038368549, 0.4802087212167013]\n", "\n", "Abstraction error: 0.4819880038368549\n", "\n", "M1: ['U'] -> ['Z', 'Y', 'W', 'V']\n", "M0: ['G'] -> ['B', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 2)\n", "M0 mechanism shape: (4320, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (1152, 4320)\n", "All JS distances: [0.4172639512227314, 0.40962384323107615]\n", "\n", "Abstraction error: 0.4172639512227314\n", "\n", "M1: ['U'] -> ['X', 'Z', 'Y', 'W', 'V']\n", "M0: ['G'] -> ['A', 'B', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (3456, 2)\n", "M0 mechanism shape: (12960, 2)\n", "Alpha_s shape: (2, 2)\n", "Alpha_t shape: (3456, 12960)\n", "All JS distances: [0.48710061910726293, 0.48155128640502154]\n", "\n", "Abstraction error: 0.48710061910726293\n", "\n", "M1: ['X', 'Y'] -> ['Z']\n", "M0: ['A', 'B'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 9)\n", "M0 mechanism shape: (24, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137535, 0.14477921931232055, 0.14686181058189657, 0.15010120315965594, 0.14322994822209403, 0.12280811148432946, 0.11942718073653451, 0.12956066510934938, 0.12060711691901498, 0.13979964359918703, 0.1269272990419471, 0.1298119712581675]\n", "\n", "Abstraction error: 0.15010120315965594\n", "\n", "M1: ['X', 'Y'] -> ['W']\n", "M0: ['A', 'B'] -> ['E']\n", "M1 mechanism shape: (2, 9)\n", "M0 mechanism shape: (3, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.32437362039627454, 0.17354198115345706, 0.3394418600185988, 0.21218306043526702, 0.32437362039627426, 0.17354198115345687, 0.33944186001859855, 0.21218306043526705, 0.3243736203962744, 0.1735419811534571, 0.3394418600185988, 0.21218306043526702]\n", "\n", "Abstraction error: 0.3394418600185988\n", "\n", "M1: ['X', 'Y'] -> ['V']\n", "M0: ['A', 'B'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 9)\n", "M0 mechanism shape: (15, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285078, 0.1674863403731833, 0.12175151889575926, 0.09189169585012574, 0.12059895477285067, 0.16748634037318336, 0.12175151889575915, 0.09189169585012594, 0.12059895477285074, 0.16748634037318347, 0.12175151889575897, 0.0918916958501261]\n", "\n", "Abstraction error: 0.16748634037318347\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W']\n", "M0: ['A', 'B'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 9)\n", "M0 mechanism shape: (72, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.31524025575465625, 0.18634194563767592, 0.3068898074906512, 0.18584477657549822, 0.3132215906738382, 0.15484809565944999, 0.3168915795156973, 0.19559968618896081, 0.29791839666715264, 0.1742214982251845, 0.3144643331109569, 0.20593677218425346]\n", "\n", "Abstraction error: 0.3168915795156973\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'V']\n", "M0: ['A', 'B'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 9)\n", "M0 mechanism shape: (360, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19127630844616872, 0.21842778713325303, 0.19388609720299727, 0.1708797666794156, 0.18857546277248374, 0.2078468475138132, 0.17641278895149123, 0.1579332787626251, 0.177806384307109, 0.21388967790232216, 0.1811877424824734, 0.1583250780651464]\n", "\n", "Abstraction error: 0.21842778713325303\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'U']\n", "M0: ['A', 'B'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 9)\n", "M0 mechanism shape: (48, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.28298482901192257, 0.2800907217618497, 0.2787437643486997, 0.2758966179519917, 0.27656746522310505, 0.2656310464799127, 0.26617428345832916, 0.26843710086540823, 0.26483723363459705, 0.2753472579922986, 0.2683612765301676, 0.2720343370480691]\n", "\n", "Abstraction error: 0.28298482901192257\n", "\n", "M1: ['X', 'Y'] -> ['W', 'V']\n", "M0: ['A', 'B'] -> ['E', 'F', 'I']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (16, 9)\n", "M0 mechanism shape: (45, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.3491251680453974, 0.23789878129489667, 0.3641392077843359, 0.24240421566679018, 0.34912516804539734, 0.23789878129489664, 0.3641392077843359, 0.24240421566679018, 0.34912516804539734, 0.23789878129489664, 0.36413920778433584, 0.24240421566679024]\n", "\n", "Abstraction error: 0.3641392077843359\n", "\n", "M1: ['X', 'Y'] -> ['W', 'U']\n", "M0: ['A', 'B'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 9)\n", "M0 mechanism shape: (6, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.3943832047146057, 0.2972419273221465, 0.404251788877858, 0.31878006309943835, 0.39438320471460564, 0.2972419273221465, 0.404251788877858, 0.31878006309943846, 0.3943832047146056, 0.2972419273221465, 0.40425178887785806, 0.3187800630994384]\n", "\n", "Abstraction error: 0.40425178887785806\n", "\n", "M1: ['X', 'Y'] -> ['V', 'U']\n", "M0: ['A', 'B'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 9)\n", "M0 mechanism shape: (30, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.258593655183137, 0.28795691936572604, 0.26220805003951686, 0.2542800363833757, 0.25859365518313704, 0.28795691936572604, 0.26220805003951686, 0.25428003638337576, 0.25859365518313693, 0.287956919365726, 0.26220805003951686, 0.25428003638337576]\n", "\n", "Abstraction error: 0.28795691936572604\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W', 'V']\n", "M0: ['A', 'B'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 9)\n", "M0 mechanism shape: (1080, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.34022697261416096, 0.24241224903656333, 0.3497961649925819, 0.2675106158112102, 0.3395257480812267, 0.22930779072855179, 0.3413544789160718, 0.2607416132595406, 0.33414063854706944, 0.23972072538614778, 0.3446542645636457, 0.2615743256681776]\n", "\n", "Abstraction error: 0.3497961649925819\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W', 'U']\n", "M0: ['A', 'B'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 9)\n", "M0 mechanism shape: (144, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.38928149096433073, 0.3018455521060331, 0.3844350318863644, 0.3141461569097123, 0.3825734716938089, 0.2834151290160743, 0.37429119504763586, 0.30899404315320994, 0.37311535674244317, 0.2973425794468723, 0.3763292860989567, 0.3144067715994976]\n", "\n", "Abstraction error: 0.38928149096433073\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'V', 'U']\n", "M0: ['A', 'B'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 9)\n", "M0 mechanism shape: (720, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29497669457620096, 0.316324564958404, 0.29961428299158566, 0.2877808054067474, 0.2942458014279417, 0.31179855929673794, 0.2907285234983983, 0.28087635232985686, 0.2923188145601126, 0.31315047879600083, 0.29384754091440074, 0.2799297081009121]\n", "\n", "Abstraction error: 0.316324564958404\n", "\n", "M1: ['X', 'Y'] -> ['W', 'V', 'U']\n", "M0: ['A', 'B'] -> ['E', 'F', 'G', 'I']\n", "M1 mechanism shape: (32, 9)\n", "M0 mechanism shape: (90, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (32, 90)\n", "All JS distances: [0.405426771192577, 0.32937410423810237, 0.4187110726888325, 0.3303100660099741, 0.405426771192577, 0.32937410423810237, 0.41871107268883256, 0.33031006600997415, 0.40542677119257703, 0.32937410423810237, 0.4187110726888325, 0.33031006600997415]\n", "\n", "Abstraction error: 0.41871107268883256\n", "\n", "M1: ['X', 'Y'] -> ['Z', 'W', 'V', 'U']\n", "M0: ['A', 'B'] -> ['D', 'E', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (768, 9)\n", "M0 mechanism shape: (2160, 12)\n", "Alpha_s shape: (9, 12)\n", "Alpha_t shape: (768, 2160)\n", "All JS distances: [0.39973021767551487, 0.32992196427396286, 0.4526503892321359, 0.33792044926318304, 0.40058892543929475, 0.3213555287340874, 0.4478572914674657, 0.3327225588243928, 0.39698050333465595, 0.3280283350230562, 0.4497822086638764, 0.33257820528191384]\n", "\n", "Abstraction error: 0.4526503892321359\n", "\n", "M1: ['X', 'W'] -> ['Z']\n", "M0: ['A', 'E'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (24, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565898, 0.14671651019565896, 0.1467165101956589, 0.12190811938213303, 0.12190811938213311, 0.12190811938213304, 0.12808385511874865, 0.12808385511874854, 0.12808385511874867]\n", "\n", "Abstraction error: 0.14671651019565898\n", "\n", "M1: ['X', 'W'] -> ['Z', 'Y']\n", "M0: ['A', 'E'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 6)\n", "M0 mechanism shape: (96, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706]\n", "\n", "Abstraction error: 0.17608426608658084\n", "\n", "M1: ['X', 'W'] -> ['Z', 'V']\n", "M0: ['A', 'E'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 6)\n", "M0 mechanism shape: (360, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19444751237104732, 0.19444751237104732, 0.19444751237104738, 0.17935359708817675, 0.1793535970881767, 0.17935359708817672, 0.18275350770860507, 0.1827535077086051, 0.1827535077086051]\n", "\n", "Abstraction error: 0.19444751237104738\n", "\n", "M1: ['X', 'W'] -> ['Z', 'U']\n", "M0: ['A', 'E'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (48, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583]\n", "\n", "Abstraction error: 0.2769616321616567\n", "\n", "M1: ['X', 'W'] -> ['Z', 'Y', 'V']\n", "M0: ['A', 'E'] -> ['B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 6)\n", "M0 mechanism shape: (1440, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.28110674920375944, 0.2811067492037594, 0.28110674920375944, 0.2720271820224432, 0.2720271820224432, 0.2720271820224432, 0.2731384357167785, 0.2731384357167784, 0.2731384357167785]\n", "\n", "Abstraction error: 0.28110674920375944\n", "\n", "M1: ['X', 'W'] -> ['Z', 'Y', 'U']\n", "M0: ['A', 'E'] -> ['B', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 6)\n", "M0 mechanism shape: (192, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (144, 192)\n", "All JS distances: [0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.29025665191045436, 0.29025665191045436, 0.29025665191045436, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759]\n", "\n", "Abstraction error: 0.298556147369432\n", "\n", "M1: ['X', 'W'] -> ['Z', 'V', 'U']\n", "M0: ['A', 'E'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 6)\n", "M0 mechanism shape: (720, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29864578015620025, 0.29864578015620025, 0.29864578015620025, 0.29179360402924703, 0.29179360402924703, 0.29179360402924703, 0.2929775776422845, 0.2929775776422845, 0.2929775776422845]\n", "\n", "Abstraction error: 0.29864578015620025\n", "\n", "M1: ['X', 'W'] -> ['Z', 'Y', 'V', 'U']\n", "M0: ['A', 'E'] -> ['B', 'D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (1152, 6)\n", "M0 mechanism shape: (2880, 9)\n", "Alpha_s shape: (6, 9)\n", "Alpha_t shape: (1152, 2880)\n", "All JS distances: [0.35028191225451477, 0.3502819122545147, 0.35028191225451477, 0.34679695557911117, 0.34679695557911117, 0.34679695557911117, 0.347648699875281, 0.347648699875281, 0.347648699875281]\n", "\n", "Abstraction error: 0.35028191225451477\n", "\n", "M1: ['X', 'V'] -> ['Z']\n", "M0: ['A', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 24)\n", "M0 mechanism shape: (24, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565893, 0.14671651019565898, 0.14671651019565896, 0.14671651019565898, 0.14671651019565893, 0.14671651019565893, 0.14671651019565898, 0.14671651019565893, 0.14671651019565896, 0.14671651019565898, 0.14671651019565893, 0.146716510195659, 0.14671651019565896, 0.14671651019565893, 0.14671651019565898, 0.12190811938213302, 0.121908119382133, 0.12190811938213293, 0.12190811938213303, 0.12190811938213303, 0.12190811938213302, 0.12190811938213303, 0.12190811938213283, 0.12190811938213317, 0.12190811938213304, 0.12190811938213297, 0.12190811938213296, 0.12190811938213293, 0.12190811938213303, 0.1219081193821329, 0.1280838551187487, 0.12808385511874867, 0.12808385511874862, 0.12808385511874862, 0.12808385511874862, 0.1280838551187486, 0.1280838551187487, 0.12808385511874867, 0.12808385511874862, 0.12808385511874867, 0.12808385511874862, 0.12808385511874862, 0.12808385511874865, 0.12808385511874867, 0.1280838551187487]\n", "\n", "Abstraction error: 0.146716510195659\n", "\n", "M1: ['X', 'V'] -> ['Z', 'Y']\n", "M0: ['A', 'F', 'I'] -> ['B', 'D', 'H']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (72, 24)\n", "M0 mechanism shape: (96, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658082, 0.17608426608658087, 0.17608426608658082, 0.17608426608658084, 0.17608426608658087, 0.17608426608658082, 0.17608426608658082, 0.17608426608658087, 0.1760842660865808, 0.17608426608658087, 0.17608426608658087, 0.17608426608658087, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.1689907104973962, 0.16899071049739625, 0.16899071049739625, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739625, 0.16899071049739622, 0.16899071049739625, 0.16899071049739622, 0.16899071049739622, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058]\n", "\n", "Abstraction error: 0.17608426608658087\n", "\n", "M1: ['X', 'V'] -> ['Z', 'W']\n", "M0: ['A', 'F', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 24)\n", "M0 mechanism shape: (72, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.24813107454223934, 0.24813107454223937, 0.24813107454223926, 0.2481310745422393, 0.24813107454223934, 0.24813107454223932, 0.24813107454223934, 0.24813107454223932, 0.24813107454223934, 0.2481310745422393, 0.24813107454223934, 0.24813107454223932, 0.24813107454223934, 0.24813107454223934, 0.2481310745422393, 0.25725674622460787, 0.2572567462246079, 0.2572567462246078, 0.25725674622460787, 0.25725674622460787, 0.25725674622460787, 0.2572567462246079, 0.25725674622460787, 0.25725674622460787, 0.2572567462246079, 0.2572567462246078, 0.25725674622460787, 0.2572567462246079, 0.2572567462246079, 0.25725674622460787, 0.2634095747826151, 0.26340957478261506, 0.2634095747826152, 0.2634095747826151, 0.2634095747826151, 0.2634095747826151, 0.2634095747826152, 0.26340957478261506, 0.2634095747826152, 0.2634095747826151, 0.2634095747826151, 0.2634095747826151, 0.2634095747826151, 0.2634095747826151, 0.2634095747826151]\n", "\n", "Abstraction error: 0.2634095747826152\n", "\n", "M1: ['X', 'V'] -> ['Z', 'U']\n", "M0: ['A', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 24)\n", "M0 mechanism shape: (48, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2769616321616567, 0.27696163216165676, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.27696163216165665, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393368, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583]\n", "\n", "Abstraction error: 0.27696163216165676\n", "\n", "M1: ['X', 'V'] -> ['Z', 'Y', 'W']\n", "M0: ['A', 'F', 'I'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 24)\n", "M0 mechanism shape: (288, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.3427808206762295, 0.34278082067622956, 0.34278082067622956, 0.3427808206762295, 0.34278082067622956, 0.34278082067622956, 0.3427808206762295, 0.3427808206762295, 0.3427808206762295, 0.3427808206762295, 0.3427808206762295, 0.3427808206762295, 0.34278082067622956, 0.3427808206762295, 0.34278082067622956, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.3541977353658485, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.35419773536584853, 0.3552252450340687, 0.3552252450340687, 0.3552252450340688, 0.3552252450340687, 0.3552252450340687, 0.3552252450340688, 0.3552252450340687, 0.3552252450340687, 0.3552252450340687, 0.35522524503406877, 0.3552252450340688, 0.35522524503406877, 0.3552252450340687, 0.3552252450340687, 0.35522524503406877]\n", "\n", "Abstraction error: 0.3552252450340688\n", "\n", "M1: ['X', 'V'] -> ['Z', 'Y', 'U']\n", "M0: ['A', 'F', 'I'] -> ['B', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 24)\n", "M0 mechanism shape: (192, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (144, 192)\n", "All JS distances: [0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.29475066080637596, 0.2947506608063759, 0.29475066080637596]\n", "\n", "Abstraction error: 0.298556147369432\n", "\n", "M1: ['X', 'V'] -> ['Z', 'W', 'U']\n", "M0: ['A', 'F', 'I'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 24)\n", "M0 mechanism shape: (144, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.34968192148698235, 0.34968192148698235, 0.3496819214869823, 0.34968192148698235, 0.34968192148698235, 0.34968192148698235, 0.34968192148698235, 0.34968192148698235, 0.34968192148698235, 0.3496819214869824, 0.3496819214869823, 0.34968192148698235, 0.3496819214869823, 0.34968192148698235, 0.34968192148698235, 0.34135716378151104, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.34135716378151104, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.3413571637815111, 0.34135716378151104, 0.34135716378151104, 0.3413571637815111, 0.34625050188033957, 0.3462505018803395, 0.3462505018803395, 0.3462505018803396, 0.3462505018803396, 0.3462505018803396, 0.34625050188033957, 0.3462505018803396, 0.34625050188033957, 0.34625050188033957, 0.3462505018803396, 0.3462505018803396, 0.34625050188033957, 0.34625050188033957, 0.34625050188033957]\n", "\n", "Abstraction error: 0.3496819214869824\n", "\n", "M1: ['X', 'V'] -> ['Z', 'Y', 'W', 'U']\n", "M0: ['A', 'F', 'I'] -> ['B', 'D', 'E', 'G', 'H']\n", "M1 mechanism shape: (288, 24)\n", "M0 mechanism shape: (576, 45)\n", "Alpha_s shape: (24, 45)\n", "Alpha_t shape: (288, 576)\n", "All JS distances: [0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41382556346877014, 0.41000991689621746, 0.41000991689621746, 0.4100099168962174, 0.41000991689621746, 0.41000991689621746, 0.41000991689621746, 0.41000991689621746, 0.4100099168962174, 0.41000991689621746, 0.41000991689621746, 0.41000991689621746, 0.4100099168962174, 0.41000991689621746, 0.4100099168962174, 0.4100099168962174, 0.413002665790578, 0.41300266579057804, 0.41300266579057804, 0.413002665790578, 0.41300266579057804, 0.413002665790578, 0.4130026657905781, 0.41300266579057804, 0.413002665790578, 0.413002665790578, 0.4130026657905781, 0.41300266579057804, 0.41300266579057804, 0.41300266579057804, 0.41300266579057804]\n", "\n", "Abstraction error: 0.41382556346877014\n", "\n", "M1: ['X', 'U'] -> ['Z']\n", "M0: ['A', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (24, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565898, 0.14671651019565887, 0.12190811938213302, 0.12190811938213296, 0.12808385511874867, 0.12808385511874873]\n", "\n", "Abstraction error: 0.14671651019565898\n", "\n", "M1: ['X', 'U'] -> ['W']\n", "M0: ['A', 'G'] -> ['E']\n", "M1 mechanism shape: (2, 6)\n", "M0 mechanism shape: (3, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347247, 0.28282402813485197, 0.28365370223347247, 0.28282402813485186, 0.28365370223347247, 0.28282402813485186]\n", "\n", "Abstraction error: 0.28365370223347247\n", "\n", "M1: ['X', 'U'] -> ['V']\n", "M0: ['A', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (15, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742403, 0.12508085160141333, 0.12491355211742408, 0.12508085160141316, 0.12491355211742415, 0.12508085160141336]\n", "\n", "Abstraction error: 0.12508085160141336\n", "\n", "M1: ['X', 'U'] -> ['Z', 'Y']\n", "M0: ['A', 'G'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 6)\n", "M0 mechanism shape: (96, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658087, 0.17608426608658082, 0.16899071049739617, 0.16899071049739617, 0.16789680207707064, 0.16789680207707056]\n", "\n", "Abstraction error: 0.17608426608658087\n", "\n", "M1: ['X', 'U'] -> ['Z', 'W']\n", "M0: ['A', 'G'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (72, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.2487407301129614, 0.2471985979532554, 0.25704910159709954, 0.2578838613013556, 0.2634662693319804, 0.2634656709845331]\n", "\n", "Abstraction error: 0.2634662693319804\n", "\n", "M1: ['X', 'U'] -> ['Z', 'V']\n", "M0: ['A', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 6)\n", "M0 mechanism shape: (360, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1941390150598212, 0.19539733305082624, 0.17793216270040604, 0.18255656209991944, 0.18194585025204763, 0.18464478506138912]\n", "\n", "Abstraction error: 0.19539733305082624\n", "\n", "M1: ['X', 'U'] -> ['Y', 'W']\n", "M0: ['A', 'G'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 6)\n", "M0 mechanism shape: (12, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.37921353595613094, 0.38227740866985455, 0.3792135359561309, 0.3822774086698545, 0.3792135359561309]\n", "\n", "Abstraction error: 0.38227740866985455\n", "\n", "M1: ['X', 'U'] -> ['Y', 'V']\n", "M0: ['A', 'G'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (60, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.254750211201766, 0.25607436349513335, 0.254750211201766, 0.2560743634951334, 0.25475021120176594, 0.2560743634951334]\n", "\n", "Abstraction error: 0.2560743634951334\n", "\n", "M1: ['X', 'U'] -> ['W', 'V']\n", "M0: ['A', 'G'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 6)\n", "M0 mechanism shape: (45, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.3156586091271352, 0.3145615145859717, 0.31565860912713517, 0.3145615145859717, 0.31565860912713517, 0.3145615145859717]\n", "\n", "Abstraction error: 0.3156586091271352\n", "\n", "M1: ['X', 'U'] -> ['Z', 'Y', 'W']\n", "M0: ['A', 'G'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 6)\n", "M0 mechanism shape: (288, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.3432884805446631, 0.342005111274922, 0.35422418753182844, 0.3544217578451525, 0.35529623405803906, 0.35527777913605035]\n", "\n", "Abstraction error: 0.35529623405803906\n", "\n", "M1: ['X', 'U'] -> ['Z', 'Y', 'V']\n", "M0: ['A', 'G'] -> ['B', 'D', 'F', 'H', 'I']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (576, 6)\n", "M0 mechanism shape: (1440, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.280867833979249, 0.2821296039708743, 0.2712336944254569, 0.27422099191597266, 0.2715413990392777, 0.27669219342839985]\n", "\n", "Abstraction error: 0.2821296039708743\n", "\n", "M1: ['X', 'U'] -> ['Z', 'W', 'V']\n", "M0: ['A', 'G'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 6)\n", "M0 mechanism shape: (1080, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.31958979884175076, 0.3159265957641189, 0.3108271950811182, 0.3093360144361637, 0.3138420500764171, 0.31121871047548305]\n", "\n", "Abstraction error: 0.31958979884175076\n", "\n", "M1: ['X', 'U'] -> ['Y', 'W', 'V']\n", "M0: ['A', 'G'] -> ['B', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (180, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (48, 180)\n", "All JS distances: [0.4227121132118712, 0.4203751677620154, 0.42271211321187113, 0.4203751677620154, 0.42271211321187113, 0.4203751677620154]\n", "\n", "Abstraction error: 0.4227121132118712\n", "\n", "M1: ['X', 'U'] -> ['Z', 'Y', 'W', 'V']\n", "M0: ['A', 'G'] -> ['B', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 6)\n", "M0 mechanism shape: (4320, 6)\n", "Alpha_s shape: (6, 6)\n", "Alpha_t shape: (1152, 4320)\n", "All JS distances: [0.4195494038543588, 0.41066182990035927, 0.41455707931866315, 0.40716935308345226, 0.4154378225305543, 0.40764810714187083]\n", "\n", "Abstraction error: 0.4195494038543588\n", "\n", "M1: ['Z', 'Y'] -> ['W']\n", "M0: ['B', 'D', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 72)\n", "M0 mechanism shape: (3, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962745, 0.15211218969749027, 0.32737726890087365, 0.20772528694790407, 0.3243736203962745, 0.15211218969749082, 0.3273772689008734, 0.20772528694790407, 0.3243736203962745, 0.1521121896974908, 0.3273772689008734, 0.20772528694790407, 0.3243736203962745, 0.15211218969749082, 0.32737726890087354, 0.2077252869479041, 0.3243736203962744, 0.15211218969749057, 0.32737726890087365, 0.20772528694790407, 0.3243736203962742, 0.15211218969749055, 0.3273772689008734, 0.20772528694790407, 0.34484411570226187, 0.1735419811534569, 0.34782680469637967, 0.22889733085472044, 0.3448441157022619, 0.17354198115345695, 0.3478268046963797, 0.22889733085472028, 0.34484411570226187, 0.17354198115345687, 0.3478268046963797, 0.22889733085472025, 0.3448441157022619, 0.17354198115345687, 0.34782680469637955, 0.2288973308547203, 0.344844115702262, 0.17354198115345698, 0.3478268046963797, 0.22889733085472044, 0.3448441157022619, 0.17354198115345693, 0.34782680469637955, 0.2288973308547202, 0.33645042135049913, 0.164743036105472, 0.3394418600185987, 0.2202085088659417, 0.33645042135049924, 0.16474303610547175, 0.3394418600185987, 0.22020850886594198, 0.33645042135049924, 0.1647430361054718, 0.3394418600185986, 0.22020850886594198, 0.3364504213504991, 0.16474303610547175, 0.3394418600185986, 0.2202085088659417, 0.33645042135049924, 0.16474303610547175, 0.33944186001859883, 0.22020850886594198, 0.33645042135049896, 0.1647430361054718, 0.3394418600185988, 0.22020850886594193, 0.3286886073035678, 0.15662127315532776, 0.33168794390767475, 0.21218306043526683, 0.32868860730356786, 0.1566212731553278, 0.33168794390767475, 0.21218306043526702, 0.32868860730356775, 0.15662127315532767, 0.33168794390767475, 0.2121830604352672, 0.3286886073035679, 0.15662127315532784, 0.33168794390767475, 0.21218306043526716, 0.3286886073035677, 0.15662127315532734, 0.33168794390767475, 0.21218306043526694, 0.3286886073035678, 0.15662127315532787, 0.33168794390767464, 0.21218306043526702]\n", "\n", "Abstraction error: 0.3478268046963797\n", "\n", "M1: ['Z', 'Y'] -> ['V']\n", "M0: ['B', 'D', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 72)\n", "M0 mechanism shape: (15, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285086, 0.16461649482620247, 0.12441147613953613, 0.0920804934336397, 0.12059895477285075, 0.16461649482620255, 0.12441147613953614, 0.09208049343363983, 0.12059895477285086, 0.16461649482620244, 0.12441147613953622, 0.09208049343363993, 0.12059895477285079, 0.16461649482620244, 0.12441147613953633, 0.09208049343363972, 0.12059895477285068, 0.16461649482620255, 0.12441147613953622, 0.09208049343363997, 0.12059895477285078, 0.1646164948262024, 0.12441147613953629, 0.09208049343363983, 0.12024251924615571, 0.16748634037318316, 0.12414767918008246, 0.09374331046460979, 0.12024251924615553, 0.16748634037318338, 0.12414767918008233, 0.09374331046460974, 0.12024251924615578, 0.16748634037318336, 0.12414767918008225, 0.09374331046460962, 0.12024251924615569, 0.16748634037318333, 0.12414767918008233, 0.09374331046460974, 0.12024251924615577, 0.1674863403731833, 0.12414767918008243, 0.09374331046460957, 0.12024251924615567, 0.16748634037318333, 0.12414767918008245, 0.09374331046460972, 0.11803412367187929, 0.16790291026041623, 0.12175151889575893, 0.09580872957869215, 0.11803412367187914, 0.1679029102604162, 0.1217515188957591, 0.09580872957869203, 0.11803412367187899, 0.16790291026041626, 0.1217515188957589, 0.09580872957869224, 0.11803412367187892, 0.16790291026041615, 0.12175151889575912, 0.09580872957869245, 0.11803412367187918, 0.16790291026041626, 0.12175151889575904, 0.09580872957869231, 0.11803412367187911, 0.16790291026041626, 0.12175151889575886, 0.09580872957869203, 0.1190756500862472, 0.15925877106784023, 0.1224311609345235, 0.09189169585012594, 0.11907565008624736, 0.1592587710678404, 0.1224311609345237, 0.09189169585012594, 0.11907565008624735, 0.15925877106784023, 0.12243116093452361, 0.09189169585012585, 0.11907565008624732, 0.15925877106784014, 0.12243116093452353, 0.09189169585012591, 0.11907565008624739, 0.15925877106784034, 0.1224311609345235, 0.0918916958501257, 0.11907565008624742, 0.1592587710678402, 0.12243116093452347, 0.09189169585012572]\n", "\n", "Abstraction error: 0.16790291026041626\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'W']\n", "M0: ['B', 'D', 'H'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 72)\n", "M0 mechanism shape: (9, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.40880533656407525, 0.3111127812492301, 0.41086388309195004, 0.33744839849582076, 0.4088053365640753, 0.31111278124923, 0.4108638830919501, 0.33744839849582076, 0.4088053365640752, 0.3111127812492301, 0.41086388309195004, 0.3374483984958207, 0.40880533656407525, 0.31111278124923003, 0.41086388309195004, 0.33744839849582065, 0.40880533656407536, 0.3111127812492301, 0.4108638830919501, 0.3374483984958207, 0.4088053365640753, 0.31111278124923, 0.41086388309195004, 0.3374483984958208, 0.422947855199684, 0.3205291540735976, 0.4250498107939696, 0.34894798983015657, 0.422947855199684, 0.3205291540735976, 0.4250498107939695, 0.34894798983015657, 0.422947855199684, 0.3205291540735976, 0.42504981079396953, 0.3489479898301565, 0.422947855199684, 0.3205291540735976, 0.4250498107939696, 0.3489479898301565, 0.422947855199684, 0.3205291540735976, 0.4250498107939696, 0.3489479898301565, 0.4229478551996839, 0.3205291540735976, 0.42504981079396953, 0.34894798983015646, 0.4171005460171852, 0.3165465187590903, 0.4191855782204413, 0.34413943545955067, 0.4171005460171852, 0.3165465187590903, 0.4191855782204413, 0.3441394354595507, 0.4171005460171852, 0.31654651875909035, 0.41918557822044117, 0.34413943545955067, 0.41710054601718527, 0.3165465187590903, 0.4191855782204413, 0.3441394354595508, 0.4171005460171852, 0.3165465187590903, 0.4191855782204413, 0.3441394354595507, 0.4171005460171852, 0.3165465187590903, 0.4191855782204413, 0.3441394354595507, 0.4117528416077283, 0.3130133706897362, 0.41382114723966096, 0.339807615261772, 0.41175284160772824, 0.3130133706897363, 0.41382114723966096, 0.33980761526177194, 0.41175284160772824, 0.31301337068973645, 0.4138211472396609, 0.33980761526177206, 0.4117528416077283, 0.3130133706897364, 0.41382114723966085, 0.339807615261772, 0.4117528416077283, 0.3130133706897363, 0.4138211472396609, 0.339807615261772, 0.4117528416077283, 0.3130133706897363, 0.4138211472396609, 0.33980761526177194]\n", "\n", "Abstraction error: 0.4250498107939696\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'V']\n", "M0: ['B', 'D', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 72)\n", "M0 mechanism shape: (45, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.2991638243761056, 0.31677035332580605, 0.3005007770124829, 0.2903711668984961, 0.2991638243761056, 0.31677035332580605, 0.30050077701248296, 0.29037116689849607, 0.29916382437610567, 0.31677035332580605, 0.300500777012483, 0.2903711668984961, 0.2991638243761056, 0.3167703533258061, 0.30050077701248296, 0.2903711668984961, 0.2991638243761056, 0.31677035332580605, 0.30050077701248296, 0.2903711668984961, 0.2991638243761056, 0.31677035332580605, 0.3005007770124829, 0.2903711668984961, 0.2990368205866147, 0.3180725737541079, 0.3004024130243228, 0.29082471552319605, 0.2990368205866146, 0.318072573754108, 0.3004024130243228, 0.290824715523196, 0.2990368205866147, 0.31807257375410797, 0.30040241302432275, 0.29082471552319605, 0.2990368205866146, 0.31807257375410797, 0.30040241302432275, 0.29082471552319594, 0.2990368205866146, 0.3180725737541079, 0.3004024130243228, 0.290824715523196, 0.2990368205866147, 0.31807257375410797, 0.30040241302432275, 0.29082471552319594, 0.298287302372281, 0.3182336614953352, 0.2995660011370453, 0.29139751463660996, 0.29828730237228107, 0.3182336614953353, 0.29956600113704535, 0.29139751463660996, 0.2982873023722811, 0.3182336614953352, 0.29956600113704535, 0.29139751463660996, 0.29828730237228107, 0.3182336614953352, 0.29956600113704535, 0.29139751463661, 0.2982873023722811, 0.3182336614953352, 0.2995660011370453, 0.29139751463660996, 0.29828730237228107, 0.3182336614953353, 0.2995660011370453, 0.29139751463661, 0.29865810647493135, 0.31435753418546325, 0.2998223450847281, 0.29032357801221265, 0.29865810647493135, 0.3143575341854633, 0.29982234508472816, 0.2903235780122126, 0.2986581064749313, 0.31435753418546325, 0.29982234508472816, 0.2903235780122127, 0.29865810647493135, 0.31435753418546325, 0.2998223450847282, 0.2903235780122126, 0.29865810647493135, 0.31435753418546325, 0.29982234508472816, 0.2903235780122126, 0.29865810647493135, 0.3143575341854633, 0.29982234508472816, 0.2903235780122126]\n", "\n", "Abstraction error: 0.3182336614953353\n", "\n", "M1: ['Z', 'Y'] -> ['W', 'V']\n", "M0: ['B', 'D', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 72)\n", "M0 mechanism shape: (45, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.34912516804539734, 0.22182611592893187, 0.35328020564033563, 0.23846745662288427, 0.3491251680453973, 0.221826115928932, 0.3532802056403356, 0.2384674566228843, 0.3491251680453974, 0.221826115928932, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.2384674566228843, 0.3491251680453974, 0.22182611592893198, 0.3532802056403356, 0.23846745662288438, 0.34912516804539734, 0.2218261159289319, 0.3532802056403356, 0.23846745662288435, 0.36786398829704264, 0.2378987812948967, 0.37197809045499175, 0.25775306695920785, 0.3678639882970427, 0.23789878129489664, 0.3719780904549917, 0.25775306695920797, 0.3678639882970427, 0.23789878129489667, 0.3719780904549918, 0.2577530669592079, 0.3678639882970427, 0.23789878129489664, 0.37197809045499175, 0.257753066959208, 0.3678639882970427, 0.2378987812948967, 0.37197809045499175, 0.2577530669592079, 0.36786398829704275, 0.2378987812948967, 0.3719780904549917, 0.25775306695920797, 0.36011403371253203, 0.23245205890598, 0.3641392077843358, 0.2515371348569704, 0.36011403371253203, 0.23245205890598, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890597995, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890598, 0.36413920778433584, 0.2515371348569704, 0.36011403371253203, 0.23245205890598, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890597997, 0.36413920778433584, 0.25153713485697027, 0.35246399095523406, 0.22107126033470448, 0.35643335103761986, 0.24240421566679024, 0.35246399095523406, 0.22107126033470442, 0.3564333510376199, 0.2424042156667902, 0.352463990955234, 0.2210712603347045, 0.35643335103761986, 0.2424042156667902, 0.35246399095523406, 0.22107126033470456, 0.35643335103761986, 0.24240421566679027, 0.35246399095523406, 0.22107126033470445, 0.35643335103761986, 0.24240421566679027, 0.35246399095523406, 0.22107126033470442, 0.35643335103761986, 0.24240421566679013]\n", "\n", "Abstraction error: 0.3719780904549918\n", "\n", "M1: ['Z', 'Y'] -> ['W', 'U']\n", "M0: ['B', 'D', 'H'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 72)\n", "M0 mechanism shape: (6, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.39438320471460553, 0.28744410140961674, 0.3965858523638051, 0.31685098948759366, 0.3943832047146057, 0.2874441014096168, 0.39658585236380517, 0.3168509894875937, 0.39438320471460553, 0.2874441014096168, 0.39658585236380517, 0.31685098948759355, 0.39438320471460553, 0.28744410140961674, 0.39658585236380517, 0.31685098948759366, 0.39438320471460553, 0.2874441014096169, 0.3965858523638051, 0.3168509894875935, 0.39438320471460575, 0.2874441014096169, 0.3965858523638052, 0.31685098948759366, 0.4084821481717384, 0.29724192732214655, 0.41071940592929074, 0.32863657532604384, 0.40848214817173845, 0.2972419273221464, 0.4107194059292909, 0.32863657532604373, 0.4084821481717384, 0.2972419273221463, 0.4107194059292909, 0.32863657532604384, 0.4084821481717383, 0.2972419273221464, 0.4107194059292908, 0.32863657532604384, 0.40848214817173845, 0.2972419273221465, 0.4107194059292908, 0.32863657532604384, 0.40848214817173845, 0.2972419273221463, 0.4107194059292908, 0.32863657532604384, 0.40202977286935604, 0.2926611143985863, 0.404251788877858, 0.3231905998367968, 0.40202977286935593, 0.2926611143985864, 0.404251788877858, 0.32319059983679693, 0.402029772869356, 0.2926611143985862, 0.404251788877858, 0.32319059983679677, 0.402029772869356, 0.2926611143985863, 0.404251788877858, 0.3231905998367969, 0.402029772869356, 0.29266111439858644, 0.40425178887785795, 0.3231905998367969, 0.402029772869356, 0.2926611143985864, 0.40425178887785806, 0.3231905998367969, 0.3967331072317267, 0.28901066872747594, 0.3989418529466808, 0.31878006309943846, 0.3967331072317268, 0.28901066872747583, 0.3989418529466807, 0.3187800630994386, 0.3967331072317268, 0.28901066872747594, 0.3989418529466807, 0.3187800630994384, 0.39673310723172667, 0.28901066872747583, 0.39894185294668083, 0.31878006309943846, 0.39673310723172667, 0.28901066872747594, 0.39894185294668083, 0.3187800630994385, 0.3967331072317268, 0.289010668727476, 0.3989418529466808, 0.3187800630994386]\n", "\n", "Abstraction error: 0.4107194059292909\n", "\n", "M1: ['Z', 'Y'] -> ['V', 'U']\n", "M0: ['B', 'D', 'H'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 72)\n", "M0 mechanism shape: (30, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.25859365518313704, 0.2860417639995478, 0.2603185226142081, 0.25136522716498905, 0.258593655183137, 0.28604176399954784, 0.2603185226142081, 0.251365227164989, 0.258593655183137, 0.2860417639995479, 0.2603185226142081, 0.25136522716498905, 0.25859365518313704, 0.2860417639995478, 0.2603185226142083, 0.251365227164989, 0.2585936551831371, 0.28604176399954795, 0.2603185226142081, 0.25136522716498905, 0.2585936551831371, 0.28604176399954784, 0.2603185226142082, 0.251365227164989, 0.25867990572253974, 0.2879569193657261, 0.2604521666996601, 0.25222765547373277, 0.2586799057225398, 0.2879569193657259, 0.26045216669966004, 0.2522276554737328, 0.25867990572253974, 0.28795691936572604, 0.2604521666996601, 0.2522276554737328, 0.2586799057225397, 0.287956919365726, 0.2604521666996601, 0.2522276554737328, 0.25867990572253974, 0.2879569193657259, 0.26045216669966015, 0.25222765547373277, 0.2586799057225398, 0.287956919365726, 0.26045216669966004, 0.2522276554737328, 0.2603228201300665, 0.2884746603524752, 0.2622080500395168, 0.25254416836240134, 0.2603228201300665, 0.2884746603524752, 0.2622080500395168, 0.2525441683624014, 0.2603228201300666, 0.2884746603524752, 0.26220805003951686, 0.25254416836240146, 0.2603228201300665, 0.28847466035247515, 0.26220805003951686, 0.2525441683624014, 0.26032282013006647, 0.28847466035247527, 0.26220805003951686, 0.25254416836240146, 0.2603228201300665, 0.2884746603524753, 0.2622080500395169, 0.2525441683624014, 0.26710308259731463, 0.2825483928120622, 0.2686398426675365, 0.2542800363833759, 0.26710308259731463, 0.2825483928120622, 0.2686398426675365, 0.25428003638337576, 0.26710308259731463, 0.2825483928120622, 0.2686398426675365, 0.2542800363833757, 0.26710308259731463, 0.28254839281206223, 0.26863984266753654, 0.2542800363833757, 0.2671030825973146, 0.2825483928120623, 0.2686398426675365, 0.2542800363833758, 0.26710308259731463, 0.2825483928120623, 0.26863984266753654, 0.2542800363833757]\n", "\n", "Abstraction error: 0.2884746603524753\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'W', 'V']\n", "M0: ['B', 'D', 'H'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 72)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (135, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.42636337837605315, 0.34534262938368604, 0.4293566393313273, 0.3546027536098169, 0.42636337837605315, 0.3453426293836861, 0.4293566393313273, 0.3546027536098169, 0.42636337837605315, 0.34534262938368604, 0.4293566393313273, 0.35460275360981697, 0.42636337837605315, 0.34534262938368604, 0.42935663933132734, 0.35460275360981697, 0.4263633783760531, 0.3453426293836861, 0.42935663933132734, 0.3546027536098169, 0.42636337837605315, 0.3453426293836861, 0.4293566393313273, 0.35460275360981686, 0.4397519325059378, 0.3544161636639346, 0.442781554547398, 0.3659966320708905, 0.4397519325059378, 0.3544161636639346, 0.442781554547398, 0.3659966320708905, 0.4397519325059378, 0.3544161636639346, 0.442781554547398, 0.3659966320708905, 0.4397519325059378, 0.3544161636639346, 0.4427815545473979, 0.3659966320708905, 0.4397519325059378, 0.3544161636639345, 0.442781554547398, 0.36599663207089056, 0.4397519325059378, 0.3544161636639346, 0.4427815545473979, 0.36599663207089045, 0.43416934376610145, 0.35128470662191663, 0.43710601002863136, 0.3622661795207941, 0.43416934376610145, 0.35128470662191663, 0.4371060100286313, 0.3622661795207941, 0.43416934376610145, 0.3512847066219166, 0.4371060100286313, 0.3622661795207941, 0.4341693437661014, 0.3512847066219166, 0.4371060100286313, 0.3622661795207941, 0.43416934376610145, 0.3512847066219166, 0.4371060100286313, 0.3622661795207941, 0.43416934376610145, 0.3512847066219166, 0.43710601002863136, 0.3622661795207941, 0.4286827442762165, 0.34487662756946746, 0.4315509357003252, 0.356858474762501, 0.42868274427621655, 0.34487662756946746, 0.4315509357003252, 0.3568584747625011, 0.42868274427621655, 0.34487662756946746, 0.4315509357003252, 0.35685847476250104, 0.4286827442762165, 0.3448766275694675, 0.43155093570032516, 0.35685847476250104, 0.4286827442762165, 0.3448766275694674, 0.4315509357003252, 0.35685847476250104, 0.42868274427621655, 0.34487662756946746, 0.4315509357003252, 0.35685847476250104]\n", "\n", "Abstraction error: 0.442781554547398\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'W', 'U']\n", "M0: ['B', 'D', 'H'] -> ['A', 'E', 'G']\n", "M1 mechanism shape: (12, 72)\n", "M0 mechanism shape: (18, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (12, 18)\n", "All JS distances: [0.45960721510988506, 0.38457206213520384, 0.4612560455139111, 0.4041070780080405, 0.45960721510988506, 0.3845720621352039, 0.4612560455139109, 0.4041070780080405, 0.45960721510988506, 0.3845720621352039, 0.461256045513911, 0.4041070780080405, 0.459607215109885, 0.3845720621352039, 0.461256045513911, 0.4041070780080406, 0.459607215109885, 0.38457206213520384, 0.461256045513911, 0.4041070780080404, 0.45960721510988506, 0.38457206213520384, 0.4612560455139111, 0.4041070780080404, 0.47019222432399815, 0.39097437651142114, 0.4718884600613193, 0.4121889161880714, 0.4701922243239981, 0.39097437651142114, 0.47188846006131924, 0.41218891618807135, 0.4701922243239981, 0.3909743765114212, 0.47188846006131924, 0.4121889161880714, 0.47019222432399815, 0.39097437651142114, 0.4718884600613193, 0.4121889161880714, 0.47019222432399815, 0.39097437651142114, 0.4718884600613192, 0.4121889161880714, 0.4701922243239981, 0.39097437651142114, 0.47188846006131924, 0.4121889161880714, 0.4653327137867957, 0.38797015796993994, 0.46700780903891737, 0.4084393107882799, 0.4653327137867957, 0.38797015796993994, 0.4670078090389173, 0.40843931078827994, 0.4653327137867958, 0.38797015796994, 0.4670078090389173, 0.4084393107882799, 0.46533271378679575, 0.38797015796993994, 0.46700780903891737, 0.40843931078827994, 0.46533271378679564, 0.38797015796993994, 0.46700780903891737, 0.4084393107882799, 0.46533271378679575, 0.38797015796993994, 0.46700780903891737, 0.4084393107882799, 0.46136393013941684, 0.38559110398875185, 0.4630209763304938, 0.40542267479202243, 0.4613639301394169, 0.38559110398875185, 0.4630209763304938, 0.4054226747920224, 0.46136393013941684, 0.3855911039887518, 0.4630209763304938, 0.4054226747920224, 0.46136393013941684, 0.38559110398875185, 0.4630209763304939, 0.40542267479202243, 0.46136393013941684, 0.38559110398875185, 0.46302097633049377, 0.40542267479202243, 0.46136393013941684, 0.38559110398875185, 0.4630209763304939, 0.40542267479202243]\n", "\n", "Abstraction error: 0.4718884600613193\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'V', 'U']\n", "M0: ['B', 'D', 'H'] -> ['A', 'F', 'G', 'I']\n", "M1 mechanism shape: (48, 72)\n", "M0 mechanism shape: (90, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (48, 90)\n", "All JS distances: [0.3664818767069689, 0.38380063830755273, 0.36754035949010233, 0.36208983893162316, 0.3664818767069689, 0.3838006383075527, 0.36754035949010244, 0.36208983893162316, 0.3664818767069689, 0.38380063830755273, 0.36754035949010244, 0.3620898389316231, 0.3664818767069689, 0.38380063830755273, 0.36754035949010233, 0.36208983893162316, 0.3664818767069689, 0.3838006383075527, 0.3675403594901024, 0.36208983893162316, 0.3664818767069689, 0.38380063830755273, 0.3675403594901024, 0.36208983893162316, 0.3665325891006172, 0.3850431423662941, 0.36762007427313126, 0.3626074149466041, 0.36653258910061726, 0.38504314236629406, 0.36762007427313126, 0.36260741494660403, 0.3665325891006172, 0.38504314236629406, 0.36762007427313126, 0.3626074149466041, 0.3665325891006172, 0.3850431423662941, 0.3676200742731312, 0.3626074149466041, 0.36653258910061726, 0.3850431423662941, 0.36762007427313126, 0.3626074149466041, 0.3665325891006172, 0.38504314236629406, 0.3676200742731312, 0.36260741494660403, 0.3675768867377368, 0.3853969751815981, 0.36873918647064496, 0.3628264884232426, 0.3675768867377368, 0.3853969751815981, 0.36873918647064496, 0.3628264884232426, 0.3675768867377368, 0.3853969751815981, 0.3687391864706449, 0.3628264884232426, 0.3675768867377368, 0.38539697518159804, 0.36873918647064496, 0.3628264884232426, 0.3675768867377368, 0.38539697518159804, 0.36873918647064496, 0.36282648842324267, 0.36757688673773675, 0.3853969751815981, 0.36873918647064496, 0.3628264884232426, 0.3717343559725993, 0.38155178659369016, 0.37269621755691984, 0.3638491898654, 0.3717343559725993, 0.38155178659369016, 0.3726962175569199, 0.36384918986539994, 0.37173435597259924, 0.38155178659369027, 0.3726962175569199, 0.3638491898654, 0.3717343559725993, 0.3815517865936902, 0.3726962175569199, 0.36384918986539994, 0.3717343559725993, 0.38155178659369016, 0.37269621755691984, 0.3638491898654, 0.3717343559725993, 0.38155178659369016, 0.37269621755691984, 0.36384918986539994]\n", "\n", "Abstraction error: 0.3853969751815981\n", "\n", "M1: ['Z', 'Y'] -> ['W', 'V', 'U']\n", "M0: ['B', 'D', 'H'] -> ['E', 'F', 'G', 'I']\n", "M1 mechanism shape: (32, 72)\n", "M0 mechanism shape: (90, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (32, 90)\n", "All JS distances: [0.4054267711925769, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.31887597377856264, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.405426771192577, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.405426771192577, 0.31887597377856264, 0.4087103041084734, 0.3272228922787054, 0.4205839967496819, 0.3293741042381023, 0.4238782621119741, 0.34064180297839264, 0.4205839967496819, 0.3293741042381024, 0.42387826211197405, 0.34064180297839264, 0.4205839967496819, 0.3293741042381023, 0.42387826211197405, 0.34064180297839264, 0.42058399674968183, 0.32937410423810237, 0.4238782621119741, 0.3406418029783926, 0.4205839967496819, 0.32937410423810237, 0.42387826211197405, 0.3406418029783926, 0.4205839967496819, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.4153445760858343, 0.32593287278558847, 0.41871107268883256, 0.3355839353054377, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.41871107268883256, 0.3355839353054377, 0.41534457608583436, 0.3259328727855884, 0.4187110726888325, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.33031006600997415, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677354, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741]\n", "\n", "Abstraction error: 0.4238782621119741\n", "\n", "M1: ['Z', 'Y'] -> ['X', 'W', 'V', 'U']\n", "M0: ['B', 'D', 'H'] -> ['A', 'E', 'F', 'G', 'I']\n", "M1 mechanism shape: (96, 72)\n", "M0 mechanism shape: (270, 96)\n", "Alpha_s shape: (72, 96)\n", "Alpha_t shape: (96, 270)\n", "All JS distances: [0.4680222241240685, 0.4056231689675544, 0.47053074221833496, 0.41129959384402504, 0.46802222412406846, 0.40562316896755446, 0.47053074221833496, 0.41129959384402504, 0.4680222241240686, 0.4056231689675544, 0.47053074221833496, 0.41129959384402504, 0.4680222241240685, 0.40562316896755446, 0.47053074221833496, 0.41129959384402504, 0.4680222241240685, 0.4056231689675544, 0.47053074221833496, 0.41129959384402515, 0.4680222241240685, 0.4056231689675544, 0.47053074221833496, 0.4112995938440251, 0.47952999864099455, 0.4128462190587115, 0.4820795922943742, 0.4206479151341468, 0.47952999864099455, 0.4128462190587115, 0.4820795922943742, 0.42064791513414673, 0.47952999864099455, 0.4128462190587115, 0.4820795922943742, 0.4206479151341468, 0.47952999864099455, 0.4128462190587115, 0.4820795922943742, 0.4206479151341468, 0.4795299986409945, 0.41284621905871144, 0.4820795922943742, 0.42064791513414673, 0.47952999864099455, 0.4128462190587115, 0.4820795922943742, 0.4206479151341468, 0.4755397774805603, 0.4104758458139255, 0.4781360723756702, 0.41710633971861727, 0.4755397774805604, 0.4104758458139255, 0.47813607237567024, 0.41710633971861727, 0.4755397774805604, 0.41047584581392543, 0.4781360723756702, 0.41710633971861727, 0.4755397774805603, 0.4104758458139255, 0.47813607237567024, 0.41710633971861727, 0.4755397774805603, 0.4104758458139255, 0.47813607237567024, 0.4171063397186172, 0.4755397774805603, 0.4104758458139255, 0.4781360723756702, 0.41710633971861727, 0.4723774342729483, 0.4045626303217239, 0.47485669437565464, 0.4134293189802729, 0.4723774342729483, 0.4045626303217239, 0.4748566943756547, 0.4134293189802729, 0.4723774342729483, 0.40456263032172385, 0.4748566943756547, 0.41342931898027296, 0.4723774342729483, 0.4045626303217239, 0.4748566943756547, 0.4134293189802729, 0.47237743427294826, 0.40456263032172396, 0.4748566943756547, 0.4134293189802729, 0.4723774342729483, 0.4045626303217239, 0.4748566943756547, 0.4134293189802729]\n", "\n", "Abstraction error: 0.4820795922943742\n", "\n", "M1: ['Z', 'U'] -> ['W']\n", "M0: ['D', 'G', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 48)\n", "M0 mechanism shape: (3, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.282824028134852, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485163, 0.2828240281348519, 0.2836537022334725, 0.2836537022334726, 0.28365370223347264, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.2828240281348518, 0.2828240281348519, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485197]\n", "\n", "Abstraction error: 0.28365370223347264\n", "\n", "M1: ['Z', 'U'] -> ['V']\n", "M0: ['D', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 48)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (15, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742426, 0.12491355211742422, 0.12491355211742432, 0.12491355211742418, 0.12491355211742415, 0.12491355211742428, 0.12508085160141325, 0.12508085160141333, 0.1250808516014133, 0.12508085160141336, 0.12508085160141333, 0.1250808516014133, 0.12491355211742415, 0.12491355211742411, 0.12491355211742416, 0.12491355211742408, 0.12491355211742411, 0.12491355211742416, 0.12508085160141322, 0.12508085160141325, 0.12508085160141333, 0.12508085160141338, 0.12508085160141327, 0.1250808516014134, 0.12491355211742425, 0.1249135521174243, 0.12491355211742435, 0.12491355211742415, 0.12491355211742412, 0.12491355211742437, 0.12508085160141333, 0.1250808516014133, 0.12508085160141325, 0.12508085160141333, 0.12508085160141325, 0.12508085160141316, 0.12491355211742422, 0.1249135521174241, 0.12491355211742408, 0.12491355211742414, 0.12491355211742411, 0.1249135521174243, 0.12508085160141333, 0.12508085160141336, 0.1250808516014131, 0.1250808516014134, 0.125080851601413, 0.1250808516014133]\n", "\n", "Abstraction error: 0.1250808516014134\n", "\n", "M1: ['Z', 'U'] -> ['X', 'W']\n", "M0: ['D', 'G', 'H'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 48)\n", "M0 mechanism shape: (9, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3813293431200948, 0.3813293431200948, 0.3813293431200948, 0.38132934312009475, 0.3813293431200948, 0.38132934312009475, 0.3818566742398927, 0.3818566742398929, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3813293431200948, 0.3813293431200947, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3813293431200947, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487]\n", "\n", "Abstraction error: 0.3818566742398929\n", "\n", "M1: ['Z', 'U'] -> ['X', 'V']\n", "M0: ['D', 'G', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (45, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.3006838209893557, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.30074920378752945, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.30068382098935564, 0.30068382098935564, 0.3006838209893557, 0.30068382098935575, 0.3006838209893557, 0.30068382098935575, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.3006838209893557, 0.30068382098935564, 0.30068382098935575, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.30074920378752945, 0.30074920378752945, 0.30074920378752945, 0.3007492037875294, 0.30074920378752945, 0.3007492037875294]\n", "\n", "Abstraction error: 0.30074920378752945\n", "\n", "M1: ['Z', 'U'] -> ['Y', 'W']\n", "M0: ['D', 'G', 'H'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 48)\n", "M0 mechanism shape: (12, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094]\n", "\n", "Abstraction error: 0.38227740866985455\n", "\n", "M1: ['Z', 'U'] -> ['Y', 'V']\n", "M0: ['D', 'G', 'H'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (60, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.25475021120176605, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334]\n", "\n", "Abstraction error: 0.25607436349513346\n", "\n", "M1: ['Z', 'U'] -> ['W', 'V']\n", "M0: ['D', 'G', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 48)\n", "M0 mechanism shape: (45, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.31565860912713517, 0.31565860912713517, 0.31565860912713506, 0.31565860912713506, 0.3156586091271351, 0.31565860912713506, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3156586091271351, 0.3156586091271351, 0.3156586091271352, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.31456151458597176, 0.3145615145859717, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.31456151458597165, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.31456151458597176, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.3156586091271351, 0.3156586091271351, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717]\n", "\n", "Abstraction error: 0.3156586091271352\n", "\n", "M1: ['Z', 'U'] -> ['X', 'Y', 'W']\n", "M0: ['D', 'G', 'H'] -> ['A', 'B', 'E']\n", "M1 mechanism shape: (18, 48)\n", "M0 mechanism shape: (36, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (18, 36)\n", "All JS distances: [0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.4514892802820643, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465]\n", "\n", "Abstraction error: 0.4514892802820644\n", "\n", "M1: ['Z', 'U'] -> ['X', 'Y', 'V']\n", "M0: ['D', 'G', 'H'] -> ['A', 'B', 'F', 'I']\n", "M1 mechanism shape: (72, 48)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (180, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (72, 180)\n", "All JS distances: [0.36439871515003824, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36518244420166185, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.36439871515003824, 0.3643987151500383, 0.36439871515003835, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36518244420166185, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.36439871515003824, 0.36439871515003824, 0.3643987151500383, 0.36439871515003824, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36518244420166185, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.36439871515003824, 0.3643987151500383, 0.3643987151500383, 0.36518244420166185, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619]\n", "\n", "Abstraction error: 0.3651824442016619\n", "\n", "M1: ['Z', 'U'] -> ['X', 'W', 'V']\n", "M0: ['D', 'G', 'H'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 48)\n", "M0 mechanism shape: (135, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40328304196904785, 0.4032830419690479, 0.4032830419690479, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.402545492599529, 0.402545492599529, 0.40254549259952893, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40254549259952893, 0.4025454925995289, 0.40254549259952893, 0.40254549259952893, 0.402545492599529, 0.40254549259952893, 0.4032830419690479, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40328304196904785, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893, 0.40254549259952893]\n", "\n", "Abstraction error: 0.4032830419690479\n", "\n", "M1: ['Z', 'U'] -> ['Y', 'W', 'V']\n", "M0: ['D', 'G', 'H'] -> ['B', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 48)\n", "M0 mechanism shape: (180, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (48, 180)\n", "All JS distances: [0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118712, 0.4203751677620154, 0.42037516776201533, 0.42037516776201544, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118712, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.4203751677620154, 0.42037516776201544, 0.42037516776201533, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.42037516776201533, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118712, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.42037516776201533, 0.42037516776201533]\n", "\n", "Abstraction error: 0.4227121132118712\n", "\n", "M1: ['Z', 'U'] -> ['X', 'Y', 'W', 'V']\n", "M0: ['D', 'G', 'H'] -> ['A', 'B', 'E', 'F', 'I']\n", "M1 mechanism shape: (144, 48)\n", "M0 mechanism shape: (540, 48)\n", "Alpha_s shape: (48, 48)\n", "Alpha_t shape: (144, 540)\n", "All JS distances: [0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.481988003836855, 0.4819880038368549, 0.4802087212167013, 0.4802087212167013, 0.4802087212167013, 0.4802087212167013, 0.48020872121670133, 0.4802087212167013, 0.4819880038368549, 0.4819880038368549, 0.481988003836855, 0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.48020872121670133, 0.4802087212167013, 0.4802087212167013, 0.4802087212167013, 0.4802087212167013, 0.4802087212167013, 0.4819880038368549, 0.4819880038368549, 0.481988003836855, 0.4819880038368549, 0.4819880038368549, 0.481988003836855, 0.48020872121670133, 0.48020872121670133, 0.48020872121670133, 0.4802087212167013, 0.48020872121670133, 0.4802087212167013, 0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.4819880038368549, 0.481988003836855, 0.4802087212167013, 0.4802087212167013, 0.48020872121670133, 0.4802087212167013, 0.4802087212167013, 0.48020872121670133]\n", "\n", "Abstraction error: 0.481988003836855\n", "\n", "M1: ['Y', 'W'] -> ['Z']\n", "M0: ['B', 'E'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (24, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.145833209152763, 0.14583320915276318, 0.14583320915276307, 0.14186121268099433, 0.1418612126809944, 0.14186121268099436, 0.13993684022259617, 0.13993684022259623, 0.1399368402225962, 0.14625835179015398, 0.14625835179015395, 0.14625835179015392]\n", "\n", "Abstraction error: 0.14625835179015398\n", "\n", "M1: ['Y', 'W'] -> ['V']\n", "M0: ['B', 'E'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (15, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285085, 0.12059895477285087, 0.12059895477285074, 0.16748634037318333, 0.16748634037318325, 0.16748634037318327, 0.12175151889575912, 0.12175151889575919, 0.1217515188957591, 0.09189169585012597, 0.09189169585012581, 0.09189169585012581]\n", "\n", "Abstraction error: 0.16748634037318333\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z']\n", "M0: ['B', 'E'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 6)\n", "M0 mechanism shape: (72, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995]\n", "\n", "Abstraction error: 0.32775728551966704\n", "\n", "M1: ['Y', 'W'] -> ['X', 'V']\n", "M0: ['B', 'E'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (45, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.2991638243761056, 0.2991638243761056, 0.2991638243761056, 0.31807257375410797, 0.31807257375410797, 0.31807257375410797, 0.29956600113704523, 0.2995660011370453, 0.2995660011370453, 0.2903235780122126, 0.2903235780122126, 0.2903235780122126]\n", "\n", "Abstraction error: 0.31807257375410797\n", "\n", "M1: ['Y', 'W'] -> ['Z', 'V']\n", "M0: ['B', 'E'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 6)\n", "M0 mechanism shape: (360, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1919685284578916, 0.1919685284578916, 0.19196852845789159, 0.21697256295316963, 0.21697256295316963, 0.21697256295316966, 0.1892891707709742, 0.18928917077097424, 0.1892891707709742, 0.16975553414296526, 0.16975553414296524, 0.16975553414296526]\n", "\n", "Abstraction error: 0.21697256295316966\n", "\n", "M1: ['Y', 'W'] -> ['Z', 'U']\n", "M0: ['B', 'E'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (48, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.27537419299684324, 0.2753741929968432, 0.27537419299684324, 0.27424680584687977, 0.2742468058468798, 0.27424680584687977, 0.2753476680469669, 0.2753476680469669, 0.27534766804696686]\n", "\n", "Abstraction error: 0.2782700468611738\n", "\n", "M1: ['Y', 'W'] -> ['V', 'U']\n", "M0: ['B', 'E'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 6)\n", "M0 mechanism shape: (30, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.25859365518313704, 0.25859365518313704, 0.258593655183137, 0.287956919365726, 0.287956919365726, 0.28795691936572604, 0.26220805003951686, 0.26220805003951686, 0.2622080500395169, 0.2542800363833758, 0.25428003638337576, 0.2542800363833758]\n", "\n", "Abstraction error: 0.28795691936572604\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z', 'V']\n", "M0: ['B', 'E'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 6)\n", "M0 mechanism shape: (1080, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.3469962948268254, 0.3469962948268254, 0.3469962948268254, 0.3589501830906501, 0.3589501830906501, 0.3589501830906501, 0.34498338295932235, 0.3449833829593224, 0.3449833829593224, 0.33645274166455186, 0.33645274166455186, 0.33645274166455186]\n", "\n", "Abstraction error: 0.3589501830906501\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z', 'U']\n", "M0: ['B', 'E'] -> ['A', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 6)\n", "M0 mechanism shape: (144, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (144, 144)\n", "All JS distances: [0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39071522119043434, 0.3907152211904343, 0.3907152211904342, 0.38980619503453073, 0.3898061950345306, 0.3898061950345306, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179]\n", "\n", "Abstraction error: 0.3927709412636983\n", "\n", "M1: ['Y', 'W'] -> ['X', 'V', 'U']\n", "M0: ['B', 'E'] -> ['A', 'F', 'G', 'I']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (90, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (48, 90)\n", "All JS distances: [0.3664818767069689, 0.36648187670696886, 0.36648187670696886, 0.38504314236629406, 0.3850431423662941, 0.3850431423662941, 0.36873918647064496, 0.368739186470645, 0.36873918647064496, 0.36384918986539994, 0.36384918986539994, 0.36384918986539994]\n", "\n", "Abstraction error: 0.3850431423662941\n", "\n", "M1: ['Y', 'W'] -> ['Z', 'V', 'U']\n", "M0: ['B', 'E'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 6)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (720, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29567947707217684, 0.29567947707217684, 0.29567947707217684, 0.3152981514416879, 0.3152981514416879, 0.3152981514416879, 0.2962552570056811, 0.2962552570056811, 0.2962552570056811, 0.28740269791748396, 0.28740269791748396, 0.28740269791748396]\n", "\n", "Abstraction error: 0.3152981514416879\n", "\n", "M1: ['Y', 'W'] -> ['X', 'Z', 'V', 'U']\n", "M0: ['B', 'E'] -> ['A', 'D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (1152, 6)\n", "M0 mechanism shape: (2160, 12)\n", "Alpha_s shape: (6, 12)\n", "Alpha_t shape: (1152, 2160)\n", "All JS distances: [0.4037389642078832, 0.4037389642078832, 0.4037389642078832, 0.41612714111986276, 0.4161271411198628, 0.41612714111986276, 0.4037902853702875, 0.4037902853702875, 0.4037902853702875, 0.39775628667449914, 0.3977562866744991, 0.3977562866744991]\n", "\n", "Abstraction error: 0.4161271411198628\n", "\n", "M1: ['Y', 'V'] -> ['Z']\n", "M0: ['B', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 24)\n", "M0 mechanism shape: (24, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14583320915276313, 0.14583320915276296, 0.14583320915276313, 0.14583320915276315, 0.14583320915276307, 0.14583320915276307, 0.14583320915276315, 0.1458332091527631, 0.14583320915276315, 0.14583320915276315, 0.14583320915276302, 0.1458332091527631, 0.14583320915276324, 0.1458332091527631, 0.1458332091527631, 0.1418612126809943, 0.14186121268099436, 0.14186121268099447, 0.1418612126809944, 0.14186121268099428, 0.14186121268099433, 0.14186121268099433, 0.14186121268099433, 0.1418612126809944, 0.1418612126809943, 0.1418612126809943, 0.14186121268099436, 0.1418612126809943, 0.14186121268099436, 0.14186121268099441, 0.13993684022259623, 0.13993684022259623, 0.13993684022259617, 0.13993684022259623, 0.1399368402225962, 0.13993684022259617, 0.13993684022259611, 0.13993684022259617, 0.13993684022259628, 0.1399368402225962, 0.13993684022259623, 0.13993684022259614, 0.13993684022259623, 0.13993684022259614, 0.1399368402225962, 0.14625835179015403, 0.1462583517901539, 0.14625835179015395, 0.14625835179015398, 0.14625835179015392, 0.14625835179015392, 0.14625835179015398, 0.1462583517901539, 0.14625835179015392, 0.1462583517901539, 0.1462583517901539, 0.14625835179015387, 0.14625835179015398, 0.1462583517901539, 0.14625835179015387]\n", "\n", "Abstraction error: 0.14625835179015403\n", "\n", "M1: ['Y', 'V'] -> ['W']\n", "M0: ['B', 'F', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 24)\n", "M0 mechanism shape: (3, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.17354198115345718, 0.17354198115345706, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.17354198115345687, 0.1735419811534571, 0.17354198115345715, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345693, 0.1735419811534571, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.2121830604352671, 0.21218306043526722, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702]\n", "\n", "Abstraction error: 0.33944186001859883\n", "\n", "M1: ['Y', 'V'] -> ['X', 'Z']\n", "M0: ['B', 'F', 'I'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 24)\n", "M0 mechanism shape: (72, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633814, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633814, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995]\n", "\n", "Abstraction error: 0.3277572855196671\n", "\n", "M1: ['Y', 'V'] -> ['X', 'W']\n", "M0: ['B', 'F', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 24)\n", "M0 mechanism shape: (9, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.40880533656407525, 0.4088053365640753, 0.40880533656407536, 0.40880533656407525, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640753, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.40880533656407525, 0.32052915407359756, 0.3205291540735975, 0.3205291540735975, 0.3205291540735976, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.3205291540735976, 0.3205291540735977, 0.3205291540735975, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.32052915407359767, 0.4191855782204413, 0.4191855782204412, 0.4191855782204412, 0.4191855782204413, 0.4191855782204411, 0.41918557822044117, 0.4191855782204412, 0.4191855782204412, 0.4191855782204413, 0.4191855782204413, 0.4191855782204413, 0.41918557822044117, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.339807615261772, 0.33980761526177206, 0.3398076152617721, 0.339807615261772, 0.3398076152617721, 0.33980761526177194, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177206]\n", "\n", "Abstraction error: 0.4191855782204413\n", "\n", "M1: ['Y', 'V'] -> ['Z', 'W']\n", "M0: ['B', 'F', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 24)\n", "M0 mechanism shape: (72, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.3136429437058418, 0.3136429437058417, 0.3136429437058417, 0.3136429437058418, 0.3136429437058417, 0.3136429437058417, 0.3136429437058418, 0.3136429437058418, 0.3136429437058417, 0.3136429437058417, 0.31364294370584167, 0.3136429437058417, 0.3136429437058417, 0.3136429437058417, 0.3136429437058417, 0.17361831087761587, 0.1736183108776158, 0.17361831087761587, 0.1736183108776159, 0.17361831087761587, 0.1736183108776158, 0.17361831087761587, 0.17361831087761584, 0.17361831087761584, 0.1736183108776158, 0.17361831087761587, 0.17361831087761584, 0.17361831087761587, 0.17361831087761584, 0.17361831087761587, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.317068751410286, 0.317068751410286, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.317068751410286, 0.31706875141028595, 0.31706875141028595, 0.31706875141028595, 0.20016164165016945, 0.2001616416501694, 0.20016164165016945, 0.2001616416501694, 0.20016164165016945, 0.20016164165016945, 0.20016164165016936, 0.20016164165016945, 0.20016164165016945, 0.20016164165016948, 0.20016164165016942, 0.20016164165016945, 0.20016164165016942, 0.20016164165016942, 0.20016164165016945]\n", "\n", "Abstraction error: 0.317068751410286\n", "\n", "M1: ['Y', 'V'] -> ['Z', 'U']\n", "M0: ['B', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 24)\n", "M0 mechanism shape: (48, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.27424680584687977, 0.2742468058468797, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468798, 0.2742468058468797, 0.2742468058468797, 0.2742468058468797, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.2753476680469669, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669]\n", "\n", "Abstraction error: 0.2782700468611738\n", "\n", "M1: ['Y', 'V'] -> ['W', 'U']\n", "M0: ['B', 'F', 'I'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 24)\n", "M0 mechanism shape: (6, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.3943832047146057, 0.39438320471460575, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460575, 0.39438320471460564, 0.39438320471460564, 0.2972419273221463, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.29724192732214655, 0.29724192732214655, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.2972419273221463, 0.2972419273221465, 0.2972419273221466, 0.2972419273221465, 0.2972419273221465, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785806, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.3187800630994385, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846]\n", "\n", "Abstraction error: 0.40425178887785806\n", "\n", "M1: ['Y', 'V'] -> ['X', 'Z', 'W']\n", "M0: ['B', 'F', 'I'] -> ['A', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 24)\n", "M0 mechanism shape: (216, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669111, 0.4145702447669111, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.4145702447669112, 0.3381252910853169, 0.33812529108531686, 0.3381252910853169, 0.3381252910853169, 0.3381252910853169, 0.3381252910853169, 0.33812529108531686, 0.3381252910853169, 0.33812529108531686, 0.3381252910853169, 0.3381252910853169, 0.3381252910853169, 0.3381252910853169, 0.33812529108531697, 0.3381252910853169, 0.416616158794043, 0.4166161587940429, 0.4166161587940429, 0.4166161587940429, 0.41661615879404296, 0.4166161587940429, 0.4166161587940429, 0.4166161587940429, 0.41661615879404296, 0.41661615879404296, 0.4166161587940429, 0.41661615879404296, 0.41661615879404296, 0.4166161587940429, 0.41661615879404296, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.3506858367124328, 0.35068583671243275, 0.3506858367124328]\n", "\n", "Abstraction error: 0.416616158794043\n", "\n", "M1: ['Y', 'V'] -> ['X', 'Z', 'U']\n", "M0: ['B', 'F', 'I'] -> ['A', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 24)\n", "M0 mechanism shape: (144, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (144, 144)\n", "All JS distances: [0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39071522119043434, 0.3907152211904343, 0.3907152211904343, 0.3907152211904343, 0.3907152211904343, 0.3907152211904343, 0.39071522119043434, 0.3907152211904343, 0.39071522119043434, 0.39071522119043434, 0.39071522119043434, 0.39071522119043434, 0.3907152211904342, 0.3907152211904342, 0.3907152211904342, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.39058168987211794, 0.39058168987211794, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179]\n", "\n", "Abstraction error: 0.3927709412636983\n", "\n", "M1: ['Y', 'V'] -> ['X', 'W', 'U']\n", "M0: ['B', 'F', 'I'] -> ['A', 'E', 'G']\n", "M1 mechanism shape: (12, 24)\n", "M0 mechanism shape: (18, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (12, 18)\n", "All JS distances: [0.45960721510988506, 0.459607215109885, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.4596072151098851, 0.4596072151098851, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.39097437651142125, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.46700780903891737, 0.4670078090389174, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.4054226747920224, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243]\n", "\n", "Abstraction error: 0.4670078090389174\n", "\n", "M1: ['Y', 'V'] -> ['Z', 'W', 'U']\n", "M0: ['B', 'F', 'I'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 24)\n", "M0 mechanism shape: (144, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.38333004375026625, 0.38333004375026625, 0.38333004375026625, 0.3833300437502663, 0.38333004375026636, 0.3833300437502663, 0.38333004375026625, 0.3833300437502663, 0.38333004375026625, 0.38333004375026625, 0.38333004375026625, 0.38333004375026625, 0.38333004375026636, 0.3833300437502663, 0.38333004375026636, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.2939851137214919, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.29398511372149194, 0.2939851137214919, 0.29398511372149194, 0.37996832411448994, 0.37996832411448994, 0.37996832411448994, 0.37996832411449, 0.37996832411448994, 0.37996832411448994, 0.3799683241144899, 0.37996832411448994, 0.37996832411448994, 0.37996832411448994, 0.37996832411448994, 0.37996832411448994, 0.37996832411449, 0.37996832411449, 0.37996832411448994, 0.31466128299842316, 0.31466128299842316, 0.31466128299842316, 0.3146612829984232, 0.3146612829984231, 0.3146612829984231, 0.3146612829984232, 0.3146612829984232, 0.31466128299842316, 0.3146612829984231, 0.31466128299842316, 0.3146612829984232, 0.3146612829984232, 0.3146612829984232, 0.3146612829984232]\n", "\n", "Abstraction error: 0.38333004375026636\n", "\n", "M1: ['Y', 'V'] -> ['X', 'Z', 'W', 'U']\n", "M0: ['B', 'F', 'I'] -> ['A', 'D', 'E', 'G', 'H']\n", "M1 mechanism shape: (288, 24)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (432, 60)\n", "Alpha_s shape: (24, 60)\n", "Alpha_t shape: (288, 432)\n", "All JS distances: [0.4617143875394613, 0.4617143875394613, 0.46171438753946137, 0.4617143875394613, 0.46171438753946137, 0.4617143875394613, 0.4617143875394613, 0.4617143875394613, 0.46171438753946137, 0.4617143875394613, 0.4617143875394613, 0.4617143875394613, 0.46171438753946137, 0.4617143875394613, 0.4617143875394613, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.40209049212880454, 0.40209049212880454, 0.40209049212880454, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4020904921288046, 0.4591208669291066, 0.4591208669291066, 0.45912086692910664, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.45912086692910664, 0.4591208669291066, 0.4591208669291066, 0.4591208669291066, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.41518188790035027, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503, 0.4151818879003503]\n", "\n", "Abstraction error: 0.46171438753946137\n", "\n", "M1: ['Y', 'U'] -> ['Z']\n", "M0: ['B', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (24, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14583320915276307, 0.14583320915276304, 0.14186121268099444, 0.1418612126809943, 0.13993684022259625, 0.13993684022259614, 0.14625835179015387, 0.14625835179015395]\n", "\n", "Abstraction error: 0.14625835179015395\n", "\n", "M1: ['Y', 'U'] -> ['W']\n", "M0: ['B', 'G'] -> ['E']\n", "M1 mechanism shape: (2, 6)\n", "M0 mechanism shape: (3, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812607, 0.3766134869765127, 0.1749141623779283, 0.1709625093153165, 0.34589274267479236, 0.3274205912795625, 0.20653206434445784, 0.2229546006580525]\n", "\n", "Abstraction error: 0.3766134869765127\n", "\n", "M1: ['Y', 'U'] -> ['V']\n", "M0: ['B', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 6)\n", "M0 mechanism shape: (15, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390308, 0.12252356816251672, 0.1730625652332352, 0.15830340008608315, 0.12201407815303315, 0.12686079266207706, 0.09123226769717184, 0.09553296052602438]\n", "\n", "Abstraction error: 0.1730625652332352\n", "\n", "M1: ['Y', 'U'] -> ['X', 'Z']\n", "M0: ['B', 'G'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 6)\n", "M0 mechanism shape: (72, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.32428089038666036, 0.32428089038666036, 0.32680794452124995, 0.3268079445212499]\n", "\n", "Abstraction error: 0.32775728551966704\n", "\n", "M1: ['Y', 'U'] -> ['X', 'W']\n", "M0: ['B', 'G'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 6)\n", "M0 mechanism shape: (9, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.3912078892290811, 0.44564638634077564, 0.321164405809033, 0.31934524566115585, 0.4236914577172504, 0.410893513208309, 0.33682270148879356, 0.3456460497429382]\n", "\n", "Abstraction error: 0.44564638634077564\n", "\n", "M1: ['Y', 'U'] -> ['X', 'V']\n", "M0: ['B', 'G'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 6)\n", "M0 mechanism shape: (45, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.2993136611212339, 0.2998538776726296, 0.32066082631345927, 0.31395277214231715, 0.2996513176276926, 0.30138758112587005, 0.29014929962975916, 0.2913205071664122]\n", "\n", "Abstraction error: 0.32066082631345927\n", "\n", "M1: ['Y', 'U'] -> ['Z', 'W']\n", "M0: ['B', 'G'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (72, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.3130207577720901, 0.31743253421515044, 0.17371545001072652, 0.1734921441373651, 0.3168662285185716, 0.31785256626164204, 0.20008350423637805, 0.20034944833338658]\n", "\n", "Abstraction error: 0.31785256626164204\n", "\n", "M1: ['Y', 'U'] -> ['Z', 'V']\n", "M0: ['B', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 6)\n", "M0 mechanism shape: (360, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19129452639619982, 0.19431970315544095, 0.21735145720528778, 0.21735057291113336, 0.18569200396167573, 0.1980464150423841, 0.17060629235865454, 0.1688843287476018]\n", "\n", "Abstraction error: 0.21735145720528778\n", "\n", "M1: ['Y', 'U'] -> ['W', 'V']\n", "M0: ['B', 'G'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 6)\n", "M0 mechanism shape: (45, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.3265160932300134, 0.3959952981885882, 0.24255275249512306, 0.2301287319658475, 0.3706734760341123, 0.3534521615212335, 0.23686325378749373, 0.25371587554237884]\n", "\n", "Abstraction error: 0.3959952981885882\n", "\n", "M1: ['Y', 'U'] -> ['X', 'Z', 'W']\n", "M0: ['B', 'G'] -> ['A', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 6)\n", "M0 mechanism shape: (216, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.4144296716117345, 0.41658208785894263, 0.33820233967062135, 0.33800483640076456, 0.41655527274842186, 0.4170197895973102, 0.35066830452123143, 0.35073786251482586]\n", "\n", "Abstraction error: 0.4170197895973102\n", "\n", "M1: ['Y', 'U'] -> ['X', 'Z', 'V']\n", "M0: ['B', 'G'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 6)\n", "M0 mechanism shape: (1080, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.3468563286213184, 0.3477814286082159, 0.3594009472496477, 0.35866483159369816, 0.3435178677630776, 0.3488239717716873, 0.3367335155546453, 0.3362292672526205]\n", "\n", "Abstraction error: 0.3594009472496477\n", "\n", "M1: ['Y', 'U'] -> ['X', 'W', 'V']\n", "M0: ['B', 'G'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 6)\n", "M0 mechanism shape: (135, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.41067566527770993, 0.4603103004218948, 0.35715340179465144, 0.34992142911681356, 0.44183476042696657, 0.42946031327092793, 0.35364697028334674, 0.36355662196619243]\n", "\n", "Abstraction error: 0.4603103004218948\n", "\n", "M1: ['Y', 'U'] -> ['Z', 'W', 'V']\n", "M0: ['B', 'G'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 6)\n", "M0 mechanism shape: (1080, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.32845805920936094, 0.3682016229614314, 0.23282091785211398, 0.25358694247971614, 0.34431590260005457, 0.3553545224139341, 0.2736413573014615, 0.2552322653012118]\n", "\n", "Abstraction error: 0.3682016229614314\n", "\n", "M1: ['Y', 'U'] -> ['X', 'Z', 'W', 'V']\n", "M0: ['B', 'G'] -> ['A', 'D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (1152, 6)\n", "M0 mechanism shape: (3240, 8)\n", "Alpha_s shape: (6, 8)\n", "Alpha_t shape: (1152, 3240)\n", "All JS distances: [0.42473517256736076, 0.4506464134865297, 0.36734410455503996, 0.3783757219073105, 0.4343342710415051, 0.44165242046299746, 0.3898198747261076, 0.3791738931693864]\n", "\n", "Abstraction error: 0.4506464134865297\n", "\n", "M1: ['W', 'U'] -> ['V']\n", "M0: ['E', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 4)\n", "M0 mechanism shape: (15, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742416, 0.12508085160141336, 0.12491355211742432, 0.12508085160141336, 0.1249135521174243, 0.12508085160141336]\n", "\n", "Abstraction error: 0.12508085160141336\n", "\n", "M1: ['W', 'U'] -> ['X', 'V']\n", "M0: ['E', 'G'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 4)\n", "M0 mechanism shape: (45, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.3006838209893557, 0.30074920378752945, 0.3006838209893557, 0.3007492037875294, 0.30068382098935564, 0.3007492037875294]\n", "\n", "Abstraction error: 0.30074920378752945\n", "\n", "M1: ['W', 'U'] -> ['Z', 'V']\n", "M0: ['E', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 4)\n", "M0 mechanism shape: (360, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19043043815867078, 0.19432657207417992, 0.1904304381586708, 0.19432657207417992, 0.1904304381586708, 0.1943265720741799]\n", "\n", "Abstraction error: 0.19432657207417992\n", "\n", "M1: ['W', 'U'] -> ['Y', 'V']\n", "M0: ['E', 'G'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 4)\n", "M0 mechanism shape: (60, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.25475021120176594, 0.2560743634951334, 0.25475021120176594, 0.2560743634951334, 0.25475021120176594, 0.25607436349513335]\n", "\n", "Abstraction error: 0.2560743634951334\n", "\n", "M1: ['W', 'U'] -> ['X', 'Z', 'V']\n", "M0: ['E', 'G'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 4)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (1080, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.3455985234049133, 0.34728564678116325, 0.34559852340491337, 0.34728564678116325, 0.3455985234049133, 0.34728564678116325]\n", "\n", "Abstraction error: 0.34728564678116325\n", "\n", "M1: ['W', 'U'] -> ['X', 'Y', 'V']\n", "M0: ['E', 'G'] -> ['A', 'B', 'F', 'I']\n", "M1 mechanism shape: (72, 4)\n", "M0 mechanism shape: (180, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (72, 180)\n", "All JS distances: [0.3643987151500383, 0.3651824442016619, 0.3643987151500383, 0.3651824442016619, 0.3643987151500383, 0.3651824442016619]\n", "\n", "Abstraction error: 0.3651824442016619\n", "\n", "M1: ['W', 'U'] -> ['Z', 'Y', 'V']\n", "M0: ['E', 'G'] -> ['B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 4)\n", "M0 mechanism shape: (1440, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.2759660114022123, 0.27978874364078304, 0.2759660114022123, 0.27978874364078304, 0.2759660114022123, 0.27978874364078304]\n", "\n", "Abstraction error: 0.27978874364078304\n", "\n", "M1: ['W', 'U'] -> ['X', 'Z', 'Y', 'V']\n", "M0: ['E', 'G'] -> ['A', 'B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (1728, 4)\n", "M0 mechanism shape: (4320, 6)\n", "Alpha_s shape: (4, 6)\n", "Alpha_t shape: (1728, 4320)\n", "All JS distances: [0.3916760158239113, 0.3938105259162363, 0.3916760158239113, 0.3938105259162363, 0.3916760158239113, 0.3938105259162363]\n", "\n", "Abstraction error: 0.3938105259162363\n", "\n", "M1: ['V', 'U'] -> ['W']\n", "M0: ['F', 'G', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 16)\n", "M0 mechanism shape: (3, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28282402813485175, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.2828240281348519, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186]\n", "\n", "Abstraction error: 0.2836537022334726\n", "\n", "M1: ['V', 'U'] -> ['X', 'W']\n", "M0: ['F', 'G', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 16)\n", "M0 mechanism shape: (9, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3818566742398929, 0.3818566742398929, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948]\n", "\n", "Abstraction error: 0.38185667423989295\n", "\n", "M1: ['V', 'U'] -> ['Z', 'W']\n", "M0: ['F', 'G', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 16)\n", "M0 mechanism shape: (72, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.26025698496938793, 0.26025698496938793, 0.260256984969388, 0.260256984969388, 0.260256984969388, 0.2611099843496716, 0.26110998434967153, 0.2611099843496716, 0.2611099843496716, 0.26110998434967153, 0.26025698496938793, 0.26025698496938793, 0.260256984969388, 0.26025698496938793, 0.260256984969388, 0.2611099843496716, 0.26110998434967153, 0.26110998434967153, 0.26110998434967153, 0.2611099843496716, 0.26025698496938793, 0.26025698496938793, 0.260256984969388, 0.260256984969388, 0.26025698496938793, 0.2611099843496716, 0.2611099843496716, 0.2611099843496716, 0.2611099843496716, 0.2611099843496716]\n", "\n", "Abstraction error: 0.2611099843496716\n", "\n", "M1: ['V', 'U'] -> ['Y', 'W']\n", "M0: ['F', 'G', 'I'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 16)\n", "M0 mechanism shape: (12, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3822774086698544, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309]\n", "\n", "Abstraction error: 0.38227740866985455\n", "\n", "M1: ['V', 'U'] -> ['X', 'Z', 'W']\n", "M0: ['F', 'G', 'I'] -> ['A', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 16)\n", "M0 mechanism shape: (216, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.3822281419999789, 0.3822281419999789, 0.38222814199997895, 0.38222814199997895, 0.3822281419999789, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3822281419999789, 0.3822281419999789, 0.3822281419999789, 0.3822281419999789, 0.3822281419999789, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3822281419999789, 0.3822281419999789, 0.3822281419999789, 0.38222814199997895, 0.38222814199997895, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456, 0.3825982298828456]\n", "\n", "Abstraction error: 0.3825982298828456\n", "\n", "M1: ['V', 'U'] -> ['X', 'Y', 'W']\n", "M0: ['F', 'G', 'I'] -> ['A', 'B', 'E']\n", "M1 mechanism shape: (18, 16)\n", "M0 mechanism shape: (36, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (18, 36)\n", "All JS distances: [0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465]\n", "\n", "Abstraction error: 0.4514892802820644\n", "\n", "M1: ['V', 'U'] -> ['Z', 'Y', 'W']\n", "M0: ['F', 'G', 'I'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 16)\n", "M0 mechanism shape: (288, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.352404290336872, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.35244234740334995, 0.35244234740335, 0.35244234740335, 0.35244234740335, 0.35244234740335, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.35244234740335, 0.35244234740335, 0.35244234740335, 0.35244234740335, 0.35244234740334995, 0.352404290336872, 0.352404290336872, 0.352404290336872, 0.35240429033687193, 0.352404290336872, 0.35244234740335, 0.35244234740335, 0.35244234740335, 0.35244234740334995, 0.35244234740335]\n", "\n", "Abstraction error: 0.35244234740335\n", "\n", "M1: ['V', 'U'] -> ['X', 'Z', 'Y', 'W']\n", "M0: ['F', 'G', 'I'] -> ['A', 'B', 'D', 'E', 'H']\n", "M1 mechanism shape: (432, 16)\n", "M0 mechanism shape: (864, 30)\n", "Alpha_s shape: (16, 30)\n", "Alpha_t shape: (432, 864)\n", "All JS distances: [0.44183930491280465, 0.44183930491280465, 0.4418393049128046, 0.4418393049128046, 0.4418393049128046, 0.441866926184124, 0.44186692618412393, 0.441866926184124, 0.441866926184124, 0.441866926184124, 0.44183930491280465, 0.44183930491280465, 0.44183930491280465, 0.4418393049128046, 0.44183930491280465, 0.441866926184124, 0.441866926184124, 0.44186692618412393, 0.441866926184124, 0.441866926184124, 0.44183930491280465, 0.4418393049128046, 0.4418393049128046, 0.44183930491280465, 0.4418393049128046, 0.441866926184124, 0.441866926184124, 0.44186692618412393, 0.441866926184124, 0.441866926184124]\n", "\n", "Abstraction error: 0.441866926184124\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['W']\n", "M0: ['A', 'B', 'D', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 216)\n", "M0 mechanism shape: (3, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962744, 0.15211218969749077, 0.3273772689008736, 0.20772528694790424, 0.32437362039627454, 0.1521121896974907, 0.32737726890087326, 0.20772528694790435, 0.32437362039627426, 0.15211218969749052, 0.3273772689008736, 0.2077252869479044, 0.3243736203962744, 0.15211218969749088, 0.3273772689008736, 0.2077252869479041, 0.3243736203962743, 0.15211218969749088, 0.3273772689008735, 0.2077252869479043, 0.32437362039627426, 0.15211218969749052, 0.3273772689008736, 0.20772528694790426, 0.344844115702262, 0.17354198115345704, 0.34782680469637967, 0.22889733085472022, 0.344844115702262, 0.17354198115345715, 0.34782680469637967, 0.22889733085472044, 0.344844115702262, 0.17354198115345695, 0.3478268046963797, 0.22889733085472042, 0.344844115702262, 0.1735419811534571, 0.3478268046963797, 0.2288973308547202, 0.34484411570226187, 0.17354198115345715, 0.3478268046963797, 0.22889733085472044, 0.344844115702262, 0.17354198115345715, 0.3478268046963797, 0.22889733085472044, 0.3364504213504992, 0.16474303610547159, 0.33944186001859883, 0.22020850886594176, 0.33645042135049913, 0.16474303610547192, 0.33944186001859883, 0.22020850886594198, 0.3364504213504993, 0.1647430361054719, 0.33944186001859855, 0.22020850886594168, 0.33645042135049913, 0.1647430361054716, 0.3394418600185988, 0.22020850886594168, 0.33645042135049913, 0.16474303610547203, 0.33944186001859883, 0.2202085088659417, 0.33645042135049913, 0.1647430361054719, 0.3394418600185988, 0.2202085088659417, 0.3286886073035678, 0.15662127315532773, 0.33168794390767475, 0.21218306043526697, 0.3286886073035678, 0.1566212731553279, 0.33168794390767475, 0.21218306043526713, 0.3286886073035677, 0.15662127315532784, 0.33168794390767464, 0.21218306043526722, 0.3286886073035678, 0.15662127315532767, 0.33168794390767453, 0.21218306043526666, 0.3286886073035678, 0.15662127315532767, 0.33168794390767453, 0.21218306043526727, 0.32868860730356775, 0.15662127315532764, 0.33168794390767453, 0.21218306043526702, 0.3243736203962743, 0.15211218969749082, 0.3273772689008736, 0.20772528694790415, 0.32437362039627454, 0.1521121896974907, 0.3273772689008736, 0.20772528694790432, 0.32437362039627426, 0.15211218969749032, 0.32737726890087326, 0.20772528694790418, 0.32437362039627426, 0.15211218969749082, 0.3273772689008736, 0.20772528694790426, 0.32437362039627426, 0.15211218969749057, 0.3273772689008736, 0.20772528694790426, 0.3243736203962744, 0.15211218969749082, 0.32737726890087365, 0.2077252869479042, 0.344844115702262, 0.17354198115345718, 0.34782680469637967, 0.22889733085472022, 0.344844115702262, 0.1735419811534571, 0.34782680469637983, 0.22889733085472025, 0.344844115702262, 0.1735419811534571, 0.34782680469637967, 0.2288973308547204, 0.344844115702262, 0.1735419811534569, 0.3478268046963798, 0.2288973308547204, 0.344844115702262, 0.17354198115345715, 0.34782680469637967, 0.2288973308547202, 0.3448441157022618, 0.17354198115345695, 0.3478268046963796, 0.22889733085472044, 0.3364504213504991, 0.164743036105472, 0.33944186001859883, 0.22020850886594168, 0.33645042135049913, 0.164743036105472, 0.3394418600185987, 0.22020850886594157, 0.33645042135049924, 0.1647430361054718, 0.3394418600185988, 0.22020850886594173, 0.33645042135049924, 0.164743036105472, 0.33944186001859883, 0.22020850886594165, 0.33645042135049913, 0.16474303610547197, 0.33944186001859883, 0.22020850886594157, 0.33645042135049924, 0.16474303610547192, 0.33944186001859883, 0.220208508865942, 0.32868860730356786, 0.15662127315532776, 0.3316879439076747, 0.21218306043526697, 0.3286886073035678, 0.1566212731553276, 0.3316879439076747, 0.212183060435267, 0.32868860730356775, 0.15662127315532756, 0.3316879439076748, 0.2121830604352669, 0.3286886073035679, 0.15662127315532773, 0.3316879439076747, 0.212183060435267, 0.32868860730356786, 0.1566212731553276, 0.33168794390767475, 0.21218306043526727, 0.32868860730356775, 0.15662127315532748, 0.3316879439076745, 0.21218306043526727, 0.3243736203962743, 0.15211218969749074, 0.3273772689008735, 0.20772528694790418, 0.32437362039627426, 0.1521121896974907, 0.3273772689008736, 0.20772528694790418, 0.3243736203962744, 0.15211218969749063, 0.3273772689008735, 0.20772528694790418, 0.32437362039627426, 0.15211218969749063, 0.3273772689008734, 0.20772528694790435, 0.3243736203962744, 0.15211218969749088, 0.3273772689008736, 0.2077252869479041, 0.32437362039627426, 0.15211218969749044, 0.3273772689008734, 0.20772528694790418, 0.344844115702262, 0.17354198115345718, 0.34782680469637967, 0.22889733085472022, 0.3448441157022618, 0.17354198115345698, 0.34782680469637967, 0.2288973308547202, 0.3448441157022619, 0.17354198115345695, 0.3478268046963796, 0.22889733085472042, 0.34484411570226203, 0.17354198115345687, 0.3478268046963797, 0.2288973308547204, 0.344844115702262, 0.17354198115345695, 0.3478268046963798, 0.22889733085472025, 0.344844115702262, 0.17354198115345704, 0.34782680469637967, 0.22889733085472053, 0.33645042135049913, 0.16474303610547208, 0.33944186001859883, 0.22020850886594168, 0.33645042135049924, 0.16474303610547192, 0.33944186001859855, 0.22020850886594193, 0.33645042135049913, 0.1647430361054722, 0.33944186001859866, 0.22020850886594173, 0.3364504213504993, 0.1647430361054719, 0.3394418600185987, 0.22020850886594184, 0.33645042135049924, 0.16474303610547147, 0.3394418600185987, 0.22020850886594176, 0.33645042135049924, 0.16474303610547208, 0.33944186001859883, 0.2202085088659415, 0.3286886073035678, 0.15662127315532742, 0.3316879439076746, 0.21218306043526705, 0.3286886073035678, 0.1566212731553276, 0.33168794390767464, 0.21218306043526716, 0.32868860730356786, 0.15662127315532756, 0.33168794390767486, 0.21218306043526694, 0.32868860730356775, 0.15662127315532767, 0.3316879439076745, 0.21218306043526683, 0.32868860730356775, 0.1566212731553276, 0.33168794390767464, 0.21218306043526686, 0.3286886073035679, 0.15662127315532773, 0.3316879439076746, 0.21218306043526686]\n", "\n", "Abstraction error: 0.34782680469637983\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['V']\n", "M0: ['A', 'B', 'D', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 216)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (15, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285076, 0.16461649482620236, 0.12441147613953625, 0.09208049343363986, 0.12059895477285093, 0.1646164948262026, 0.12441147613953618, 0.09208049343363979, 0.1205989547728507, 0.16461649482620247, 0.12441147613953625, 0.09208049343363985, 0.12059895477285058, 0.16461649482620244, 0.12441147613953629, 0.09208049343363973, 0.12059895477285097, 0.16461649482620241, 0.12441147613953621, 0.09208049343363989, 0.1205989547728507, 0.16461649482620253, 0.12441147613953625, 0.09208049343363965, 0.1202425192461558, 0.16748634037318327, 0.12414767918008225, 0.09374331046460954, 0.1202425192461558, 0.16748634037318336, 0.12414767918008222, 0.0937433104646097, 0.1202425192461557, 0.16748634037318336, 0.12414767918008222, 0.0937433104646097, 0.12024251924615575, 0.16748634037318333, 0.12414767918008236, 0.09374331046460964, 0.12024251924615599, 0.1674863403731833, 0.12414767918008235, 0.09374331046460974, 0.12024251924615577, 0.16748634037318336, 0.12414767918008245, 0.09374331046460976, 0.11803412367187935, 0.1679029102604163, 0.121751518895759, 0.09580872957869216, 0.11803412367187933, 0.16790291026041618, 0.121751518895759, 0.09580872957869238, 0.11803412367187915, 0.1679029102604162, 0.12175151889575912, 0.09580872957869228, 0.11803412367187918, 0.16790291026041634, 0.12175151889575907, 0.09580872957869233, 0.11803412367187918, 0.16790291026041623, 0.121751518895759, 0.09580872957869217, 0.11803412367187917, 0.16790291026041623, 0.12175151889575889, 0.09580872957869237, 0.11907565008624753, 0.15925877106784017, 0.12243116093452355, 0.09189169585012615, 0.11907565008624756, 0.15925877106784023, 0.12243116093452357, 0.09189169585012585, 0.11907565008624726, 0.1592587710678403, 0.12243116093452334, 0.0918916958501258, 0.11907565008624749, 0.15925877106784034, 0.12243116093452347, 0.09189169585012594, 0.11907565008624726, 0.15925877106784037, 0.12243116093452365, 0.09189169585012583, 0.11907565008624743, 0.1592587710678403, 0.12243116093452346, 0.09189169585012588, 0.12059895477285085, 0.1646164948262024, 0.12441147613953618, 0.09208049343363979, 0.1205989547728509, 0.16461649482620247, 0.12441147613953636, 0.09208049343364015, 0.12059895477285079, 0.16461649482620255, 0.12441147613953614, 0.09208049343364007, 0.12059895477285076, 0.1646164948262025, 0.1244114761395362, 0.09208049343363976, 0.12059895477285086, 0.1646164948262024, 0.12441147613953617, 0.09208049343363993, 0.1205989547728508, 0.1646164948262024, 0.12441147613953621, 0.0920804934336396, 0.12024251924615587, 0.1674863403731833, 0.1241476791800824, 0.09374331046460983, 0.12024251924615577, 0.16748634037318333, 0.1241476791800825, 0.09374331046460942, 0.12024251924615575, 0.16748634037318327, 0.12414767918008222, 0.09374331046460943, 0.12024251924615577, 0.16748634037318327, 0.12414767918008227, 0.09374331046460972, 0.12024251924615571, 0.16748634037318338, 0.1241476791800822, 0.09374331046460982, 0.12024251924615591, 0.16748634037318338, 0.12414767918008214, 0.0937433104646097, 0.1180341236718791, 0.1679029102604163, 0.121751518895759, 0.0958087295786923, 0.11803412367187913, 0.1679029102604163, 0.121751518895759, 0.09580872957869192, 0.11803412367187921, 0.1679029102604162, 0.12175151889575905, 0.09580872957869266, 0.11803412367187906, 0.1679029102604163, 0.1217515188957592, 0.09580872957869199, 0.1180341236718792, 0.16790291026041626, 0.1217515188957591, 0.09580872957869234, 0.1180341236718792, 0.16790291026041623, 0.12175151889575911, 0.09580872957869215, 0.1190756500862474, 0.15925877106784023, 0.12243116093452365, 0.09189169585012603, 0.11907565008624733, 0.15925877106784028, 0.12243116093452355, 0.09189169585012597, 0.11907565008624749, 0.15925877106784042, 0.12243116093452355, 0.09189169585012587, 0.1190756500862476, 0.15925877106784034, 0.12243116093452357, 0.09189169585012595, 0.11907565008624742, 0.1592587710678401, 0.12243116093452344, 0.09189169585012591, 0.1190756500862474, 0.1592587710678404, 0.12243116093452358, 0.09189169585012608, 0.12059895477285082, 0.16461649482620228, 0.12441147613953636, 0.09208049343363961, 0.12059895477285085, 0.16461649482620244, 0.12441147613953624, 0.09208049343363979, 0.12059895477285094, 0.1646164948262025, 0.12441147613953614, 0.09208049343363967, 0.12059895477285083, 0.16461649482620244, 0.1244114761395362, 0.09208049343363997, 0.12059895477285065, 0.16461649482620244, 0.12441147613953606, 0.09208049343363994, 0.12059895477285083, 0.16461649482620236, 0.12441147613953617, 0.09208049343363969, 0.12024251924615571, 0.16748634037318325, 0.12414767918008235, 0.09374331046460979, 0.12024251924615569, 0.16748634037318333, 0.12414767918008243, 0.09374331046460958, 0.12024251924615577, 0.16748634037318327, 0.1241476791800823, 0.09374331046460946, 0.12024251924615585, 0.1674863403731833, 0.12414767918008228, 0.09374331046460975, 0.12024251924615587, 0.16748634037318322, 0.1241476791800822, 0.09374331046460985, 0.12024251924615569, 0.16748634037318347, 0.12414767918008232, 0.09374331046460976, 0.11803412367187903, 0.16790291026041626, 0.12175151889575896, 0.09580872957869228, 0.11803412367187893, 0.1679029102604162, 0.12175151889575903, 0.09580872957869217, 0.11803412367187908, 0.16790291026041623, 0.12175151889575898, 0.09580872957869212, 0.11803412367187924, 0.16790291026041618, 0.12175151889575897, 0.09580872957869212, 0.11803412367187922, 0.1679029102604163, 0.12175151889575914, 0.09580872957869219, 0.11803412367187914, 0.16790291026041623, 0.12175151889575911, 0.09580872957869223, 0.11907565008624758, 0.15925877106784034, 0.12243116093452364, 0.09189169585012603, 0.11907565008624732, 0.1592587710678402, 0.12243116093452362, 0.09189169585012598, 0.11907565008624744, 0.15925877106784023, 0.1224311609345234, 0.09189169585012597, 0.11907565008624733, 0.15925877106784023, 0.12243116093452337, 0.09189169585012583, 0.11907565008624732, 0.15925877106784014, 0.12243116093452355, 0.09189169585012595, 0.11907565008624728, 0.1592587710678403, 0.12243116093452348, 0.09189169585012612]\n", "\n", "Abstraction error: 0.16790291026041634\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['W', 'V']\n", "M0: ['A', 'B', 'D', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 216)\n", "M0 mechanism shape: (45, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.2384674566228844, 0.3491251680453974, 0.22182611592893203, 0.35328020564033563, 0.23846745662288443, 0.34912516804539734, 0.221826115928932, 0.35328020564033563, 0.2384674566228843, 0.3491251680453973, 0.2218261159289319, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.2384674566228843, 0.34912516804539734, 0.22182611592893206, 0.35328020564033563, 0.23846745662288438, 0.3678639882970427, 0.2378987812948966, 0.3719780904549917, 0.25775306695920797, 0.36786398829704264, 0.2378987812948967, 0.37197809045499175, 0.2577530669592079, 0.3678639882970427, 0.23789878129489664, 0.3719780904549917, 0.2577530669592079, 0.36786398829704275, 0.23789878129489664, 0.3719780904549917, 0.25775306695920797, 0.3678639882970427, 0.2378987812948967, 0.37197809045499175, 0.2577530669592079, 0.3678639882970427, 0.23789878129489672, 0.3719780904549917, 0.2577530669592079, 0.36011403371253203, 0.23245205890598, 0.3641392077843359, 0.2515371348569703, 0.36011403371253203, 0.23245205890597997, 0.36413920778433584, 0.25153713485697043, 0.36011403371253203, 0.23245205890598003, 0.36413920778433584, 0.2515371348569703, 0.3601140337125321, 0.23245205890597997, 0.36413920778433584, 0.2515371348569704, 0.36011403371253203, 0.23245205890597995, 0.3641392077843359, 0.2515371348569703, 0.36011403371253203, 0.23245205890598, 0.3641392077843359, 0.2515371348569704, 0.35246399095523406, 0.22107126033470445, 0.35643335103761986, 0.2424042156667903, 0.35246399095523406, 0.2210712603347045, 0.3564333510376199, 0.24240421566679027, 0.35246399095523406, 0.22107126033470456, 0.3564333510376199, 0.2424042156667903, 0.35246399095523406, 0.2210712603347046, 0.35643335103761997, 0.24240421566679024, 0.35246399095523406, 0.22107126033470445, 0.3564333510376199, 0.2424042156667902, 0.352463990955234, 0.22107126033470445, 0.35643335103761986, 0.24240421566679024, 0.3491251680453974, 0.22182611592893198, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.22182611592893198, 0.3532802056403356, 0.2384674566228843, 0.34912516804539734, 0.22182611592893198, 0.3532802056403356, 0.2384674566228844, 0.34912516804539745, 0.22182611592893192, 0.3532802056403356, 0.23846745662288435, 0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.23846745662288438, 0.34912516804539734, 0.22182611592893195, 0.35328020564033563, 0.2384674566228843, 0.3678639882970427, 0.23789878129489667, 0.3719780904549917, 0.25775306695920785, 0.3678639882970427, 0.23789878129489664, 0.37197809045499175, 0.25775306695920797, 0.36786398829704275, 0.23789878129489672, 0.3719780904549917, 0.2577530669592079, 0.3678639882970427, 0.23789878129489667, 0.3719780904549917, 0.25775306695920797, 0.3678639882970427, 0.23789878129489672, 0.3719780904549917, 0.25775306695920797, 0.3678639882970427, 0.23789878129489664, 0.3719780904549917, 0.25775306695920785, 0.3601140337125321, 0.23245205890598003, 0.3641392077843359, 0.2515371348569704, 0.3601140337125321, 0.23245205890598003, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890598006, 0.3641392077843359, 0.2515371348569704, 0.360114033712532, 0.23245205890597997, 0.36413920778433584, 0.2515371348569703, 0.3601140337125321, 0.23245205890597997, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890597997, 0.3641392077843358, 0.2515371348569704, 0.3524639909552341, 0.22107126033470456, 0.3564333510376199, 0.2424042156667903, 0.35246399095523406, 0.22107126033470453, 0.35643335103761986, 0.24240421566679035, 0.35246399095523406, 0.22107126033470445, 0.35643335103761986, 0.24240421566679013, 0.3524639909552341, 0.22107126033470442, 0.3564333510376199, 0.24240421566679013, 0.35246399095523406, 0.22107126033470453, 0.35643335103761986, 0.2424042156667903, 0.35246399095523406, 0.22107126033470442, 0.3564333510376199, 0.2424042156667902, 0.3491251680453974, 0.22182611592893192, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.22182611592893198, 0.3532802056403356, 0.23846745662288438, 0.34912516804539734, 0.22182611592893198, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.23846745662288435, 0.34912516804539734, 0.2218261159289319, 0.35328020564033563, 0.2384674566228844, 0.34912516804539734, 0.22182611592893198, 0.3532802056403356, 0.23846745662288435, 0.3678639882970427, 0.2378987812948966, 0.37197809045499175, 0.2577530669592079, 0.3678639882970427, 0.23789878129489664, 0.3719780904549917, 0.257753066959208, 0.3678639882970427, 0.23789878129489658, 0.3719780904549917, 0.25775306695920797, 0.3678639882970427, 0.23789878129489672, 0.37197809045499175, 0.25775306695920797, 0.36786398829704264, 0.23789878129489664, 0.3719780904549917, 0.25775306695920785, 0.3678639882970427, 0.2378987812948967, 0.3719780904549917, 0.2577530669592079, 0.36011403371253203, 0.23245205890598, 0.36413920778433584, 0.2515371348569704, 0.3601140337125321, 0.23245205890598006, 0.3641392077843359, 0.25153713485697027, 0.36011403371253203, 0.23245205890598003, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890598009, 0.3641392077843359, 0.2515371348569704, 0.36011403371253203, 0.23245205890598, 0.3641392077843359, 0.2515371348569704, 0.3601140337125321, 0.23245205890598003, 0.3641392077843358, 0.2515371348569704, 0.35246399095523406, 0.2210712603347044, 0.35643335103761986, 0.2424042156667902, 0.35246399095523406, 0.22107126033470445, 0.35643335103761986, 0.24240421566679032, 0.3524639909552341, 0.22107126033470453, 0.35643335103761986, 0.24240421566679016, 0.35246399095523406, 0.2210712603347044, 0.35643335103761986, 0.2424042156667902, 0.352463990955234, 0.2210712603347045, 0.35643335103761997, 0.24240421566679016, 0.35246399095523406, 0.2210712603347044, 0.3564333510376199, 0.2424042156667903]\n", "\n", "Abstraction error: 0.37197809045499175\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['W', 'U']\n", "M0: ['A', 'B', 'D', 'H'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 216)\n", "M0 mechanism shape: (6, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.39438320471460564, 0.28744410140961685, 0.39658585236380534, 0.3168509894875937, 0.39438320471460553, 0.2874441014096166, 0.39658585236380517, 0.31685098948759366, 0.39438320471460564, 0.2874441014096168, 0.39658585236380517, 0.3168509894875937, 0.3943832047146056, 0.2874441014096168, 0.3965858523638052, 0.31685098948759366, 0.39438320471460564, 0.28744410140961685, 0.39658585236380517, 0.31685098948759355, 0.3943832047146056, 0.28744410140961674, 0.39658585236380517, 0.31685098948759366, 0.4084821481717384, 0.2972419273221465, 0.4107194059292909, 0.32863657532604373, 0.4084821481717384, 0.2972419273221465, 0.41071940592929074, 0.32863657532604384, 0.40848214817173834, 0.2972419273221464, 0.4107194059292909, 0.3286365753260437, 0.40848214817173845, 0.2972419273221465, 0.4107194059292908, 0.32863657532604384, 0.40848214817173845, 0.2972419273221465, 0.4107194059292908, 0.32863657532604373, 0.4084821481717384, 0.29724192732214655, 0.41071940592929074, 0.3286365753260437, 0.402029772869356, 0.29266111439858644, 0.40425178887785784, 0.3231905998367968, 0.402029772869356, 0.2926611143985863, 0.4042517888778579, 0.3231905998367969, 0.40202977286935604, 0.2926611143985864, 0.40425178887785784, 0.3231905998367968, 0.402029772869356, 0.29266111439858633, 0.404251788877858, 0.32319059983679693, 0.40202977286935593, 0.2926611143985862, 0.40425178887785795, 0.32319059983679693, 0.402029772869356, 0.29266111439858633, 0.4042517888778579, 0.32319059983679693, 0.3967331072317267, 0.2890106687274759, 0.3989418529466808, 0.31878006309943835, 0.39673310723172667, 0.2890106687274758, 0.3989418529466807, 0.3187800630994384, 0.39673310723172683, 0.2890106687274759, 0.39894185294668083, 0.3187800630994385, 0.3967331072317268, 0.28901066872747594, 0.3989418529466807, 0.3187800630994384, 0.3967331072317267, 0.28901066872747594, 0.3989418529466808, 0.31878006309943846, 0.3967331072317268, 0.28901066872747594, 0.39894185294668083, 0.31878006309943846, 0.39438320471460564, 0.28744410140961674, 0.3965858523638051, 0.3168509894875937, 0.3943832047146057, 0.2874441014096168, 0.39658585236380517, 0.31685098948759366, 0.3943832047146057, 0.2874441014096168, 0.39658585236380517, 0.31685098948759366, 0.39438320471460553, 0.2874441014096168, 0.39658585236380517, 0.31685098948759377, 0.39438320471460564, 0.28744410140961674, 0.3965858523638051, 0.3168509894875936, 0.39438320471460564, 0.2874441014096166, 0.3965858523638052, 0.3168509894875936, 0.4084821481717384, 0.2972419273221465, 0.4107194059292908, 0.3286365753260438, 0.4084821481717384, 0.2972419273221465, 0.4107194059292908, 0.3286365753260437, 0.4084821481717385, 0.2972419273221463, 0.4107194059292908, 0.3286365753260437, 0.40848214817173845, 0.2972419273221465, 0.41071940592929085, 0.32863657532604373, 0.40848214817173845, 0.2972419273221465, 0.4107194059292907, 0.32863657532604384, 0.4084821481717384, 0.29724192732214644, 0.4107194059292908, 0.3286365753260437, 0.402029772869356, 0.2926611143985863, 0.404251788877858, 0.323190599836797, 0.402029772869356, 0.2926611143985862, 0.404251788877858, 0.32319059983679693, 0.402029772869356, 0.29266111439858633, 0.404251788877858, 0.3231905998367969, 0.40202977286935604, 0.2926611143985864, 0.40425178887785795, 0.3231905998367969, 0.402029772869356, 0.29266111439858633, 0.40425178887785795, 0.323190599836797, 0.402029772869356, 0.2926611143985863, 0.40425178887785795, 0.32319059983679693, 0.39673310723172667, 0.2890106687274759, 0.3989418529466807, 0.31878006309943846, 0.3967331072317267, 0.2890106687274758, 0.3989418529466808, 0.3187800630994383, 0.39673310723172667, 0.2890106687274759, 0.3989418529466808, 0.3187800630994387, 0.39673310723172667, 0.28901066872747583, 0.3989418529466807, 0.31878006309943835, 0.39673310723172683, 0.28901066872747594, 0.39894185294668083, 0.31878006309943824, 0.3967331072317268, 0.2890106687274759, 0.39894185294668083, 0.31878006309943835, 0.3943832047146057, 0.2874441014096168, 0.3965858523638051, 0.3168509894875937, 0.3943832047146057, 0.28744410140961674, 0.39658585236380517, 0.31685098948759366, 0.39438320471460575, 0.2874441014096168, 0.39658585236380517, 0.3168509894875937, 0.39438320471460575, 0.28744410140961685, 0.39658585236380506, 0.3168509894875937, 0.39438320471460553, 0.28744410140961674, 0.39658585236380517, 0.3168509894875936, 0.39438320471460575, 0.2874441014096167, 0.39658585236380517, 0.3168509894875937, 0.40848214817173845, 0.2972419273221465, 0.41071940592929085, 0.3286365753260438, 0.4084821481717384, 0.2972419273221465, 0.4107194059292908, 0.3286365753260438, 0.4084821481717384, 0.29724192732214644, 0.4107194059292909, 0.32863657532604384, 0.40848214817173834, 0.2972419273221465, 0.41071940592929085, 0.32863657532604373, 0.40848214817173845, 0.2972419273221464, 0.41071940592929096, 0.32863657532604373, 0.4084821481717384, 0.2972419273221466, 0.41071940592929096, 0.3286365753260438, 0.40202977286935615, 0.29266111439858644, 0.40425178887785795, 0.32319059983679677, 0.402029772869356, 0.29266111439858633, 0.4042517888778579, 0.3231905998367968, 0.402029772869356, 0.2926611143985864, 0.40425178887785795, 0.3231905998367969, 0.40202977286935593, 0.2926611143985864, 0.404251788877858, 0.32319059983679693, 0.402029772869356, 0.2926611143985864, 0.404251788877858, 0.32319059983679693, 0.4020297728693561, 0.2926611143985863, 0.404251788877858, 0.32319059983679693, 0.3967331072317266, 0.28901066872747594, 0.3989418529466808, 0.3187800630994384, 0.3967331072317268, 0.28901066872747594, 0.3989418529466807, 0.3187800630994384, 0.3967331072317268, 0.28901066872747594, 0.3989418529466809, 0.3187800630994385, 0.3967331072317267, 0.28901066872747583, 0.3989418529466809, 0.3187800630994384, 0.3967331072317269, 0.2890106687274758, 0.39894185294668083, 0.31878006309943857, 0.3967331072317268, 0.2890106687274759, 0.39894185294668083, 0.31878006309943857]\n", "\n", "Abstraction error: 0.41071940592929096\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['V', 'U']\n", "M0: ['A', 'B', 'D', 'H'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 216)\n", "M0 mechanism shape: (30, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.2585936551831371, 0.2860417639995478, 0.2603185226142081, 0.25136522716498905, 0.258593655183137, 0.2860417639995478, 0.26031852261420807, 0.251365227164989, 0.25859365518313704, 0.2860417639995479, 0.26031852261420807, 0.25136522716498894, 0.258593655183137, 0.28604176399954784, 0.2603185226142081, 0.251365227164989, 0.25859365518313704, 0.28604176399954784, 0.26031852261420824, 0.251365227164989, 0.25859365518313704, 0.28604176399954784, 0.2603185226142082, 0.2513652271649891, 0.25867990572253974, 0.287956919365726, 0.2604521666996601, 0.2522276554737329, 0.2586799057225397, 0.287956919365726, 0.2604521666996601, 0.2522276554737329, 0.25867990572253974, 0.287956919365726, 0.26045216669966015, 0.2522276554737329, 0.2586799057225398, 0.28795691936572604, 0.26045216669966015, 0.2522276554737328, 0.2586799057225398, 0.2879569193657259, 0.2604521666996601, 0.25222765547373277, 0.2586799057225396, 0.28795691936572604, 0.26045216669966015, 0.2522276554737329, 0.2603228201300665, 0.2884746603524752, 0.26220805003951686, 0.2525441683624014, 0.26032282013006647, 0.28847466035247527, 0.26220805003951686, 0.2525441683624014, 0.2603228201300665, 0.28847466035247527, 0.26220805003951686, 0.2525441683624014, 0.2603228201300665, 0.28847466035247515, 0.26220805003951686, 0.2525441683624014, 0.2603228201300665, 0.2884746603524752, 0.26220805003951686, 0.2525441683624014, 0.2603228201300665, 0.2884746603524751, 0.26220805003951686, 0.25254416836240146, 0.26710308259731463, 0.2825483928120623, 0.26863984266753643, 0.2542800363833758, 0.2671030825973147, 0.2825483928120622, 0.26863984266753654, 0.2542800363833757, 0.2671030825973146, 0.28254839281206223, 0.26863984266753643, 0.2542800363833758, 0.26710308259731463, 0.2825483928120622, 0.26863984266753643, 0.2542800363833757, 0.26710308259731463, 0.2825483928120622, 0.26863984266753643, 0.2542800363833757, 0.26710308259731463, 0.2825483928120622, 0.26863984266753654, 0.2542800363833757, 0.258593655183137, 0.2860417639995479, 0.2603185226142081, 0.251365227164989, 0.25859365518313704, 0.28604176399954784, 0.2603185226142082, 0.25136522716498894, 0.25859365518313704, 0.28604176399954784, 0.2603185226142082, 0.2513652271649891, 0.25859365518313704, 0.2860417639995477, 0.2603185226142082, 0.251365227164989, 0.258593655183137, 0.2860417639995479, 0.2603185226142081, 0.251365227164989, 0.25859365518313704, 0.2860417639995479, 0.2603185226142082, 0.251365227164989, 0.25867990572253974, 0.287956919365726, 0.2604521666996601, 0.2522276554737328, 0.25867990572253974, 0.28795691936572604, 0.26045216669966015, 0.25222765547373294, 0.2586799057225396, 0.287956919365726, 0.26045216669966015, 0.2522276554737328, 0.2586799057225398, 0.28795691936572604, 0.26045216669966004, 0.2522276554737328, 0.2586799057225397, 0.2879569193657259, 0.2604521666996601, 0.2522276554737329, 0.2586799057225397, 0.287956919365726, 0.2604521666996601, 0.2522276554737328, 0.2603228201300665, 0.2884746603524752, 0.26220805003951686, 0.25254416836240146, 0.2603228201300665, 0.28847466035247515, 0.2622080500395168, 0.25254416836240134, 0.2603228201300665, 0.2884746603524753, 0.26220805003951686, 0.25254416836240146, 0.26032282013006647, 0.2884746603524751, 0.26220805003951686, 0.2525441683624014, 0.2603228201300666, 0.28847466035247527, 0.26220805003951686, 0.2525441683624014, 0.2603228201300665, 0.2884746603524752, 0.2622080500395168, 0.2525441683624014, 0.2671030825973146, 0.2825483928120622, 0.2686398426675365, 0.25428003638337576, 0.26710308259731463, 0.2825483928120622, 0.2686398426675365, 0.2542800363833757, 0.26710308259731463, 0.2825483928120623, 0.2686398426675365, 0.2542800363833757, 0.2671030825973145, 0.28254839281206223, 0.2686398426675365, 0.2542800363833757, 0.26710308259731463, 0.28254839281206223, 0.26863984266753654, 0.25428003638337576, 0.2671030825973146, 0.28254839281206234, 0.26863984266753643, 0.25428003638337576, 0.258593655183137, 0.2860417639995478, 0.2603185226142081, 0.25136522716498894, 0.25859365518313704, 0.2860417639995478, 0.2603185226142082, 0.251365227164989, 0.258593655183137, 0.2860417639995478, 0.2603185226142081, 0.251365227164989, 0.2585936551831371, 0.2860417639995478, 0.2603185226142082, 0.251365227164989, 0.2585936551831371, 0.28604176399954784, 0.2603185226142082, 0.251365227164989, 0.25859365518313704, 0.28604176399954784, 0.2603185226142081, 0.25136522716498894, 0.25867990572253974, 0.28795691936572604, 0.2604521666996601, 0.2522276554737328, 0.25867990572253974, 0.28795691936572604, 0.2604521666996601, 0.2522276554737328, 0.25867990572253974, 0.28795691936572604, 0.26045216669966015, 0.2522276554737328, 0.2586799057225398, 0.2879569193657259, 0.2604521666996601, 0.2522276554737328, 0.25867990572253974, 0.287956919365726, 0.26045216669966004, 0.2522276554737329, 0.25867990572253974, 0.2879569193657259, 0.2604521666996601, 0.2522276554737328, 0.2603228201300665, 0.2884746603524752, 0.26220805003951686, 0.25254416836240146, 0.26032282013006647, 0.2884746603524752, 0.2622080500395169, 0.25254416836240146, 0.26032282013006647, 0.28847466035247527, 0.2622080500395168, 0.25254416836240146, 0.2603228201300665, 0.2884746603524752, 0.26220805003951686, 0.2525441683624014, 0.26032282013006647, 0.28847466035247515, 0.26220805003951686, 0.25254416836240134, 0.2603228201300665, 0.2884746603524752, 0.2622080500395168, 0.2525441683624014, 0.26710308259731463, 0.28254839281206223, 0.26863984266753654, 0.2542800363833757, 0.26710308259731463, 0.2825483928120622, 0.2686398426675365, 0.25428003638337576, 0.2671030825973147, 0.2825483928120623, 0.26863984266753654, 0.25428003638337576, 0.2671030825973146, 0.2825483928120621, 0.2686398426675365, 0.25428003638337576, 0.26710308259731463, 0.2825483928120622, 0.2686398426675364, 0.25428003638337576, 0.2671030825973146, 0.2825483928120622, 0.2686398426675365, 0.2542800363833757]\n", "\n", "Abstraction error: 0.2884746603524753\n", "\n", "M1: ['X', 'Z', 'Y'] -> ['W', 'V', 'U']\n", "M0: ['A', 'B', 'D', 'H'] -> ['E', 'F', 'G', 'I']\n", "M1 mechanism shape: (32, 216)\n", "M0 mechanism shape: (90, 288)\n", "Alpha_s shape: (216, 288)\n", "Alpha_t shape: (32, 90)\n", "All JS distances: [0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.31887597377856264, 0.4087103041084734, 0.3272228922787054, 0.405426771192577, 0.3188759737785627, 0.4087103041084735, 0.32722289227870544, 0.40542677119257703, 0.31887597377856275, 0.4087103041084735, 0.3272228922787053, 0.40542677119257703, 0.31887597377856264, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.42058399674968183, 0.32937410423810237, 0.4238782621119741, 0.34064180297839264, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.4205839967496819, 0.32937410423810237, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.41534457608583436, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.3259328727855885, 0.41871107268883256, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.41871107268883256, 0.33558393530543773, 0.4153445760858343, 0.32593287278558847, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.32593287278558847, 0.4187110726888325, 0.3355839353054377, 0.41534457608583436, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894334, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.33031006600997415, 0.4111830515894335, 0.3173275538327636, 0.4144106213677354, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.40542677119257703, 0.31887597377856264, 0.4087103041084735, 0.3272228922787054, 0.405426771192577, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084734, 0.32722289227870544, 0.40542677119257703, 0.31887597377856264, 0.4087103041084735, 0.32722289227870544, 0.405426771192577, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.4205839967496819, 0.3293741042381023, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.34064180297839264, 0.42058399674968183, 0.32937410423810237, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.4153445760858343, 0.3259328727855884, 0.41871107268883256, 0.33558393530543773, 0.41534457608583425, 0.3259328727855884, 0.4187110726888325, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.41534457608583436, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.32593287278558847, 0.4187110726888325, 0.3355839353054377, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894336, 0.3173275538327637, 0.41441062136773527, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677354, 0.33031006600997415, 0.4111830515894335, 0.3173275538327637, 0.4144106213677354, 0.3303100660099741, 0.41118305158943347, 0.3173275538327636, 0.4144106213677354, 0.3303100660099741, 0.40542677119257703, 0.3188759737785627, 0.4087103041084734, 0.3272228922787054, 0.40542677119257703, 0.31887597377856275, 0.4087103041084734, 0.3272228922787054, 0.405426771192577, 0.3188759737785627, 0.4087103041084734, 0.3272228922787054, 0.40542677119257703, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.40542677119257703, 0.31887597377856275, 0.4087103041084735, 0.3272228922787054, 0.405426771192577, 0.3188759737785627, 0.4087103041084735, 0.3272228922787054, 0.42058399674968183, 0.3293741042381024, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.3293741042381023, 0.42387826211197405, 0.3406418029783926, 0.4205839967496819, 0.32937410423810226, 0.4238782621119741, 0.3406418029783926, 0.42058399674968183, 0.32937410423810237, 0.4238782621119741, 0.34064180297839264, 0.42058399674968183, 0.3293741042381023, 0.4238782621119742, 0.3406418029783926, 0.42058399674968183, 0.3293741042381024, 0.42387826211197405, 0.34064180297839264, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.3259328727855884, 0.41871107268883256, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.3355839353054377, 0.4153445760858343, 0.32593287278558847, 0.4187110726888325, 0.33558393530543773, 0.4153445760858343, 0.3259328727855884, 0.4187110726888325, 0.33558393530543773, 0.41118305158943347, 0.3173275538327637, 0.4144106213677354, 0.33031006600997415, 0.4111830515894336, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327637, 0.4144106213677353, 0.3303100660099741, 0.4111830515894335, 0.3173275538327636, 0.4144106213677354, 0.3303100660099741]\n", "\n", "Abstraction error: 0.4238782621119742\n", "\n", "M1: ['X', 'Z', 'U'] -> ['W']\n", "M0: ['A', 'D', 'G', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 144)\n", "M0 mechanism shape: (3, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2836537022334724, 0.28365370223347236, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.2836537022334724, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2828240281348519, 0.2828240281348519, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.28365370223347264, 0.2836537022334726, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485197]\n", "\n", "Abstraction error: 0.28365370223347264\n", "\n", "M1: ['X', 'Z', 'U'] -> ['V']\n", "M0: ['A', 'D', 'G', 'H'] -> ['F', 'I']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (8, 144)\n", "M0 mechanism shape: (15, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742418, 0.12491355211742446, 0.12491355211742423, 0.12491355211742423, 0.12491355211742423, 0.12491355211742429, 0.1250808516014132, 0.12508085160141316, 0.12508085160141316, 0.12508085160141338, 0.12508085160141325, 0.12508085160141336, 0.12491355211742415, 0.12491355211742422, 0.1249135521174243, 0.12491355211742428, 0.12491355211742415, 0.12491355211742437, 0.1250808516014132, 0.1250808516014132, 0.12508085160141322, 0.12508085160141344, 0.12508085160141333, 0.12508085160141333, 0.12491355211742422, 0.12491355211742436, 0.12491355211742419, 0.12491355211742433, 0.1249135521174242, 0.12491355211742416, 0.1250808516014131, 0.12508085160141322, 0.12508085160141316, 0.1250808516014132, 0.12508085160141325, 0.12508085160141338, 0.12491355211742418, 0.12491355211742432, 0.12491355211742419, 0.12491355211742426, 0.12491355211742404, 0.12491355211742428, 0.1250808516014134, 0.1250808516014134, 0.12508085160141338, 0.1250808516014133, 0.12508085160141322, 0.1250808516014133, 0.12491355211742443, 0.12491355211742414, 0.12491355211742428, 0.12491355211742419, 0.12491355211742422, 0.12491355211742419, 0.1250808516014134, 0.12508085160141325, 0.1250808516014132, 0.12508085160141336, 0.12508085160141327, 0.12508085160141338, 0.12491355211742415, 0.12491355211742423, 0.12491355211742426, 0.1249135521174242, 0.12491355211742418, 0.12491355211742432, 0.1250808516014132, 0.12508085160141333, 0.1250808516014132, 0.12508085160141347, 0.12508085160141336, 0.1250808516014134, 0.12491355211742422, 0.1249135521174243, 0.12491355211742428, 0.12491355211742415, 0.12491355211742436, 0.1249135521174242, 0.1250808516014133, 0.12508085160141325, 0.12508085160141325, 0.12508085160141322, 0.12508085160141305, 0.1250808516014133, 0.12491355211742435, 0.1249135521174244, 0.12491355211742436, 0.12491355211742422, 0.12491355211742435, 0.12491355211742415, 0.12508085160141327, 0.1250808516014132, 0.12508085160141316, 0.12508085160141322, 0.12508085160141347, 0.12508085160141333, 0.1249135521174243, 0.12491355211742422, 0.12491355211742429, 0.12491355211742416, 0.1249135521174242, 0.12491355211742428, 0.12508085160141344, 0.12508085160141338, 0.12508085160141333, 0.12508085160141333, 0.12508085160141322, 0.12508085160141338, 0.1249135521174242, 0.1249135521174242, 0.12491355211742418, 0.12491355211742423, 0.12491355211742437, 0.12491355211742407, 0.12508085160141313, 0.12508085160141325, 0.12508085160141322, 0.12508085160141325, 0.12508085160141327, 0.12508085160141305, 0.12491355211742401, 0.12491355211742423, 0.12491355211742432, 0.1249135521174243, 0.1249135521174241, 0.12491355211742423, 0.1250808516014133, 0.12508085160141327, 0.12508085160141333, 0.12508085160141333, 0.12508085160141316, 0.12508085160141344, 0.12491355211742436, 0.1249135521174243, 0.12491355211742428, 0.12491355211742414, 0.12491355211742433, 0.12491355211742429, 0.1250808516014133, 0.12508085160141347, 0.1250808516014133, 0.1250808516014132, 0.12508085160141313, 0.12508085160141333]\n", "\n", "Abstraction error: 0.12508085160141347\n", "\n", "M1: ['X', 'Z', 'U'] -> ['Y', 'W']\n", "M0: ['A', 'D', 'G', 'H'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 144)\n", "M0 mechanism shape: (12, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.37921353595613094, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561308, 0.3792135359561309, 0.37921353595613083, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698543, 0.38227740866985443, 0.3822774086698545, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.37921353595613083]\n", "\n", "Abstraction error: 0.38227740866985455\n", "\n", "M1: ['X', 'Z', 'U'] -> ['Y', 'V']\n", "M0: ['A', 'D', 'G', 'H'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 144)\n", "M0 mechanism shape: (60, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.25475021120176605, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176605, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25607436349513346, 0.25607436349513346, 0.25607436349513335, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.2560743634951334, 0.2560743634951335, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25607436349513335, 0.25607436349513335, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176605, 0.254750211201766, 0.2560743634951334, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.25475021120176594, 0.25475021120176605, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25475021120176605, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.25475021120176605, 0.254750211201766, 0.25475021120176594, 0.25475021120176605, 0.25475021120176594, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334]\n", "\n", "Abstraction error: 0.2560743634951335\n", "\n", "M1: ['X', 'Z', 'U'] -> ['W', 'V']\n", "M0: ['A', 'D', 'G', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 144)\n", "M0 mechanism shape: (45, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.31565860912713517, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.31565860912713517, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.3156586091271352, 0.31565860912713517, 0.31565860912713517, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.3156586091271352, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.3145615145859717, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.31565860912713517, 0.31565860912713506, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.3156586091271352, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3145615145859716, 0.3145615145859717, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.3145615145859717, 0.3145615145859717, 0.31456151458597176, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.3145615145859717, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3156586091271351, 0.3156586091271351, 0.3156586091271352, 0.31565860912713517, 0.31565860912713517, 0.31565860912713517, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.3145615145859717, 0.31565860912713517, 0.3156586091271351, 0.3156586091271351, 0.3156586091271352, 0.31565860912713517, 0.31565860912713517, 0.31456151458597165, 0.31456151458597165, 0.3145615145859716, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.31565860912713517, 0.3156586091271351, 0.31565860912713517, 0.31565860912713517, 0.31565860912713517, 0.31565860912713517, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3145615145859717, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.31565860912713506, 0.3145615145859717, 0.3145615145859717, 0.31456151458597165, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3156586091271351, 0.3156586091271351, 0.3156586091271351, 0.31565860912713517, 0.3156586091271351, 0.3156586091271351, 0.3145615145859717, 0.3145615145859717, 0.3145615145859716, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3156586091271351, 0.3156586091271351, 0.3156586091271352, 0.31565860912713517, 0.31565860912713517, 0.31565860912713517, 0.3145615145859717, 0.3145615145859717, 0.31456151458597165, 0.31456151458597165, 0.3145615145859717, 0.3145615145859716]\n", "\n", "Abstraction error: 0.3156586091271352\n", "\n", "M1: ['X', 'Z', 'U'] -> ['Y', 'W', 'V']\n", "M0: ['A', 'D', 'G', 'H'] -> ['B', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 144)\n", "M0 mechanism shape: (180, 144)\n", "Alpha_s shape: (144, 144)\n", "Alpha_t shape: (48, 180)\n", "All JS distances: [0.42271211321187113, 0.4227121132118712, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.4227121132118712, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4203751677620154, 0.42037516776201544, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118712, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.42037516776201533, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.4227121132118712, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42037516776201544, 0.4203751677620154, 0.42037516776201533, 0.42037516776201533, 0.42037516776201544, 0.4203751677620154, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.42271211321187113, 0.4227121132118711, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42037516776201544, 0.42037516776201544, 0.4203751677620154, 0.42037516776201544, 0.4203751677620154, 0.42037516776201544, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.4227121132118711, 0.42271211321187113, 0.4227121132118712, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4227121132118712, 0.4203751677620154, 0.42037516776201533, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.4227121132118711, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4227121132118711, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.42037516776201544, 0.42037516776201533, 0.42037516776201544, 0.4203751677620154, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4227121132118711, 0.42271211321187113, 0.4227121132118711, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.42037516776201533, 0.42271211321187113, 0.4227121132118711, 0.4227121132118711, 0.42271211321187113, 0.42271211321187113, 0.42271211321187113, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154, 0.4203751677620154]\n", "\n", "Abstraction error: 0.4227121132118712\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z']\n", "M0: ['A', 'B', 'E'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 18)\n", "M0 mechanism shape: (24, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.1475025854713753, 0.1475025854713754, 0.14750258547137524, 0.14477921931232055, 0.14477921931232066, 0.14477921931232052, 0.14686181058189643, 0.1468618105818965, 0.14686181058189643, 0.15010120315965592, 0.15010120315965592, 0.15010120315965594, 0.143229948222094, 0.14322994822209403, 0.14322994822209398, 0.12280811148432948, 0.12280811148432948, 0.12280811148432949, 0.11942718073653454, 0.11942718073653447, 0.11942718073653451, 0.12956066510934933, 0.12956066510934935, 0.12956066510934935, 0.12060711691901507, 0.12060711691901507, 0.12060711691901506, 0.13979964359918712, 0.13979964359918706, 0.1397996435991871, 0.12692729904194713, 0.12692729904194705, 0.12692729904194702, 0.12981197125816765, 0.12981197125816754, 0.12981197125816762]\n", "\n", "Abstraction error: 0.15010120315965594\n", "\n", "M1: ['X', 'Y', 'W'] -> ['V']\n", "M0: ['A', 'B', 'E'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 18)\n", "M0 mechanism shape: (15, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.1205989547728507, 0.12059895477285065, 0.12059895477285067, 0.16748634037318333, 0.16748634037318333, 0.16748634037318327, 0.12175151889575898, 0.12175151889575925, 0.12175151889575907, 0.091891695850126, 0.09189169585012606, 0.09189169585012587, 0.12059895477285094, 0.1205989547728509, 0.1205989547728508, 0.16748634037318336, 0.16748634037318336, 0.16748634037318338, 0.1217515188957591, 0.12175151889575893, 0.12175151889575912, 0.09189169585012595, 0.09189169585012567, 0.09189169585012606, 0.12059895477285071, 0.12059895477285086, 0.1205989547728507, 0.16748634037318344, 0.16748634037318344, 0.16748634037318336, 0.12175151889575907, 0.121751518895759, 0.121751518895759, 0.09189169585012585, 0.0918916958501258, 0.09189169585012609]\n", "\n", "Abstraction error: 0.16748634037318344\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z', 'V']\n", "M0: ['A', 'B', 'E'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 18)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (360, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1912763084461687, 0.19127630844616872, 0.1912763084461687, 0.21842778713325303, 0.21842778713325303, 0.2184277871332531, 0.19388609720299727, 0.19388609720299727, 0.1938860972029973, 0.17087976667941562, 0.1708797666794156, 0.1708797666794156, 0.18857546277248374, 0.18857546277248374, 0.18857546277248372, 0.20784684751381322, 0.20784684751381324, 0.20784684751381324, 0.1764127889514912, 0.17641278895149123, 0.1764127889514913, 0.15793327876262514, 0.1579332787626251, 0.15793327876262514, 0.17780638430710893, 0.17780638430710893, 0.1778063843071089, 0.21388967790232222, 0.2138896779023222, 0.21388967790232216, 0.1811877424824734, 0.18118774248247338, 0.18118774248247338, 0.15832507806514637, 0.1583250780651464, 0.15832507806514645]\n", "\n", "Abstraction error: 0.2184277871332531\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z', 'U']\n", "M0: ['A', 'B', 'E'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 18)\n", "M0 mechanism shape: (48, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.28009072176184974, 0.28009072176184974, 0.28009072176184974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.2661742834583291, 0.26617428345832916, 0.2661742834583291, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.2648372336345971, 0.264837233634597, 0.264837233634597, 0.2753472579922986, 0.2753472579922986, 0.2753472579922986, 0.26836127653016767, 0.2683612765301676, 0.26836127653016767, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906]\n", "\n", "Abstraction error: 0.28298482901192257\n", "\n", "M1: ['X', 'Y', 'W'] -> ['V', 'U']\n", "M0: ['A', 'B', 'E'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 18)\n", "M0 mechanism shape: (30, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.287956919365726, 0.28795691936572604, 0.2879569193657261, 0.26220805003951686, 0.2622080500395169, 0.2622080500395169, 0.25428003638337576, 0.2542800363833758, 0.25428003638337576, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.287956919365726, 0.28795691936572604, 0.287956919365726, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25428003638337576, 0.2542800363833758, 0.2542800363833758, 0.25859365518313704, 0.2585936551831371, 0.258593655183137, 0.287956919365726, 0.287956919365726, 0.2879569193657259, 0.26220805003951675, 0.26220805003951686, 0.2622080500395168, 0.25428003638337576, 0.25428003638337576, 0.25428003638337576]\n", "\n", "Abstraction error: 0.2879569193657261\n", "\n", "M1: ['X', 'Y', 'W'] -> ['Z', 'V', 'U']\n", "M0: ['A', 'B', 'E'] -> ['D', 'F', 'G', 'H', 'I']\n", "M1 mechanism shape: (384, 18)\n", "M0 mechanism shape: (720, 36)\n", "Alpha_s shape: (18, 36)\n", "Alpha_t shape: (384, 720)\n", "All JS distances: [0.29497669457620096, 0.29497669457620096, 0.29497669457620096, 0.31632456495840394, 0.31632456495840394, 0.316324564958404, 0.2996142829915857, 0.29961428299158566, 0.29961428299158566, 0.2877808054067474, 0.2877808054067474, 0.28778080540674744, 0.2942458014279417, 0.2942458014279417, 0.2942458014279417, 0.3117985592967379, 0.31179855929673794, 0.31179855929673794, 0.2907285234983983, 0.2907285234983983, 0.29072852349839823, 0.2808763523298568, 0.2808763523298568, 0.2808763523298568, 0.2923188145601126, 0.2923188145601126, 0.2923188145601126, 0.31315047879600083, 0.31315047879600083, 0.31315047879600083, 0.29384754091440074, 0.29384754091440074, 0.2938475409144008, 0.2799297081009121, 0.2799297081009121, 0.2799297081009121]\n", "\n", "Abstraction error: 0.316324564958404\n", "\n", "M1: ['X', 'Y', 'V'] -> ['Z']\n", "M0: ['A', 'B', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 72)\n", "M0 mechanism shape: (24, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137537, 0.14750258547137546, 0.1475025854713753, 0.1475025854713753, 0.1475025854713753, 0.14750258547137535, 0.14750258547137532, 0.14750258547137546, 0.1475025854713753, 0.14750258547137535, 0.14750258547137532, 0.14750258547137535, 0.14750258547137532, 0.14750258547137532, 0.14750258547137535, 0.14477921931232057, 0.14477921931232055, 0.14477921931232063, 0.14477921931232052, 0.14477921931232063, 0.1447792193123206, 0.14477921931232055, 0.14477921931232052, 0.14477921931232055, 0.14477921931232057, 0.14477921931232057, 0.1447792193123206, 0.1447792193123205, 0.14477921931232057, 0.14477921931232055, 0.14686181058189648, 0.14686181058189643, 0.14686181058189654, 0.14686181058189646, 0.14686181058189643, 0.14686181058189643, 0.14686181058189643, 0.14686181058189648, 0.14686181058189643, 0.14686181058189637, 0.14686181058189646, 0.14686181058189643, 0.14686181058189646, 0.14686181058189654, 0.14686181058189657, 0.15010120315965583, 0.15010120315965594, 0.15010120315965597, 0.15010120315965586, 0.15010120315965594, 0.15010120315965592, 0.15010120315965594, 0.15010120315965594, 0.150101203159656, 0.15010120315965592, 0.15010120315965597, 0.15010120315965597, 0.15010120315965597, 0.15010120315965594, 0.15010120315965597, 0.1432299482220941, 0.14322994822209398, 0.14322994822209406, 0.14322994822209403, 0.1432299482220941, 0.143229948222094, 0.143229948222094, 0.143229948222094, 0.14322994822209406, 0.14322994822209395, 0.143229948222094, 0.14322994822209406, 0.143229948222094, 0.14322994822209403, 0.14322994822209395, 0.12280811148432942, 0.12280811148432948, 0.12280811148432949, 0.12280811148432952, 0.1228081114843295, 0.1228081114843295, 0.12280811148432945, 0.12280811148432948, 0.1228081114843295, 0.12280811148432945, 0.12280811148432935, 0.12280811148432952, 0.12280811148432945, 0.12280811148432946, 0.12280811148432955, 0.11942718073653452, 0.1194271807365345, 0.11942718073653454, 0.11942718073653451, 0.1194271807365345, 0.11942718073653454, 0.11942718073653444, 0.11942718073653465, 0.11942718073653458, 0.11942718073653445, 0.11942718073653456, 0.11942718073653447, 0.11942718073653456, 0.11942718073653451, 0.11942718073653455, 0.12956066510934935, 0.12956066510934924, 0.12956066510934927, 0.12956066510934935, 0.1295606651093493, 0.12956066510934938, 0.12956066510934924, 0.12956066510934935, 0.12956066510934933, 0.12956066510934935, 0.12956066510934935, 0.1295606651093493, 0.12956066510934933, 0.12956066510934933, 0.12956066510934927, 0.12060711691901509, 0.12060711691901517, 0.12060711691901493, 0.12060711691901504, 0.12060711691901507, 0.12060711691901496, 0.12060711691901506, 0.12060711691901514, 0.1206071169190151, 0.120607116919015, 0.12060711691901506, 0.12060711691901506, 0.12060711691901498, 0.12060711691901502, 0.12060711691901506, 0.13979964359918712, 0.1397996435991871, 0.13979964359918715, 0.13979964359918703, 0.13979964359918712, 0.13979964359918703, 0.13979964359918712, 0.13979964359918712, 0.13979964359918717, 0.13979964359918703, 0.13979964359918717, 0.13979964359918706, 0.13979964359918706, 0.13979964359918706, 0.13979964359918712, 0.1269272990419471, 0.12692729904194702, 0.12692729904194713, 0.1269272990419472, 0.12692729904194716, 0.1269272990419471, 0.12692729904194708, 0.12692729904194713, 0.12692729904194705, 0.12692729904194713, 0.12692729904194713, 0.126927299041947, 0.1269272990419471, 0.12692729904194722, 0.12692729904194708, 0.12981197125816757, 0.12981197125816749, 0.12981197125816735, 0.12981197125816754, 0.12981197125816754, 0.12981197125816762, 0.1298119712581675, 0.12981197125816735, 0.12981197125816757, 0.12981197125816754, 0.12981197125816765, 0.12981197125816757, 0.12981197125816754, 0.12981197125816757, 0.12981197125816754]\n", "\n", "Abstraction error: 0.150101203159656\n", "\n", "M1: ['X', 'Y', 'V'] -> ['W']\n", "M0: ['A', 'B', 'F', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 72)\n", "M0 mechanism shape: (3, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962744, 0.32437362039627454, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627443, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962743, 0.17354198115345706, 0.17354198115345687, 0.1735419811534569, 0.17354198115345706, 0.17354198115345706, 0.17354198115345693, 0.173541981153457, 0.17354198115345695, 0.17354198115345706, 0.17354198115345693, 0.1735419811534571, 0.17354198115345718, 0.17354198115345715, 0.17354198115345693, 0.17354198115345723, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.21218306043526716, 0.2121830604352668, 0.21218306043526694, 0.21218306043526702, 0.21218306043526677, 0.21218306043526716, 0.2121830604352672, 0.21218306043526716, 0.21218306043526686, 0.2121830604352672, 0.21218306043526686, 0.21218306043526702, 0.2121830604352672, 0.21218306043526702, 0.2121830604352669, 0.32437362039627426, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.32437362039627454, 0.3243736203962742, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.17354198115345715, 0.17354198115345706, 0.17354198115345718, 0.1735419811534571, 0.17354198115345704, 0.17354198115345695, 0.17354198115345706, 0.17354198115345718, 0.17354198115345693, 0.17354198115345687, 0.17354198115345715, 0.1735419811534571, 0.17354198115345706, 0.17354198115345695, 0.17354198115345712, 0.3394418600185987, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185987, 0.33944186001859883, 0.33944186001859855, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.21218306043526683, 0.21218306043526702, 0.21218306043526697, 0.2121830604352672, 0.21218306043526702, 0.21218306043526722, 0.21218306043526713, 0.2121830604352668, 0.21218306043526727, 0.2121830604352669, 0.2121830604352669, 0.21218306043526702, 0.21218306043526705, 0.212183060435267, 0.2121830604352672, 0.3243736203962743, 0.32437362039627454, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.17354198115345693, 0.17354198115345687, 0.17354198115345687, 0.1735419811534571, 0.17354198115345693, 0.17354198115345718, 0.1735419811534571, 0.17354198115345693, 0.1735419811534571, 0.17354198115345706, 0.17354198115345715, 0.17354198115345704, 0.17354198115345718, 0.17354198115345718, 0.1735419811534574, 0.3394418600185987, 0.3394418600185986, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.33944186001859855, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.21218306043526705, 0.2121830604352672, 0.21218306043526675, 0.21218306043526713, 0.21218306043526713, 0.21218306043526713, 0.2121830604352672, 0.21218306043526738, 0.21218306043526683, 0.21218306043526702, 0.21218306043526683, 0.21218306043526686, 0.21218306043526694, 0.21218306043526686, 0.21218306043526705]\n", "\n", "Abstraction error: 0.33944186001859883\n", "\n", "M1: ['X', 'Y', 'V'] -> ['Z', 'W']\n", "M0: ['A', 'B', 'F', 'I'] -> ['D', 'E', 'H']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (48, 72)\n", "M0 mechanism shape: (72, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.3152402557546563, 0.31524025575465636, 0.3152402557546563, 0.31524025575465636, 0.3152402557546563, 0.31524025575465625, 0.3152402557546563, 0.31524025575465625, 0.186341945637676, 0.18634194563767587, 0.1863419456376759, 0.18634194563767592, 0.18634194563767592, 0.18634194563767592, 0.1863419456376759, 0.1863419456376759, 0.18634194563767592, 0.1863419456376759, 0.18634194563767595, 0.18634194563767592, 0.1863419456376759, 0.1863419456376759, 0.18634194563767592, 0.3068898074906512, 0.30688980749065115, 0.30688980749065115, 0.30688980749065115, 0.3068898074906512, 0.30688980749065126, 0.3068898074906512, 0.3068898074906512, 0.30688980749065115, 0.30688980749065115, 0.3068898074906512, 0.30688980749065126, 0.30688980749065115, 0.3068898074906511, 0.30688980749065126, 0.18584477657549822, 0.18584477657549825, 0.18584477657549822, 0.1858447765754982, 0.18584477657549814, 0.18584477657549817, 0.18584477657549822, 0.18584477657549825, 0.1858447765754982, 0.18584477657549822, 0.18584477657549822, 0.18584477657549822, 0.1858447765754982, 0.18584477657549822, 0.18584477657549825, 0.31322159067383815, 0.3132215906738382, 0.3132215906738382, 0.3132215906738382, 0.3132215906738382, 0.3132215906738382, 0.3132215906738382, 0.31322159067383826, 0.3132215906738382, 0.3132215906738382, 0.31322159067383826, 0.3132215906738382, 0.3132215906738382, 0.3132215906738382, 0.31322159067383815, 0.15484809565945004, 0.15484809565944996, 0.15484809565945, 0.15484809565944993, 0.15484809565945, 0.15484809565944999, 0.15484809565944999, 0.15484809565945004, 0.15484809565944996, 0.15484809565944996, 0.15484809565945, 0.15484809565944996, 0.15484809565944999, 0.15484809565944999, 0.15484809565945004, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.3168915795156973, 0.31689157951569735, 0.31689157951569724, 0.3168915795156973, 0.19559968618896076, 0.1955996861889608, 0.1955996861889608, 0.19559968618896076, 0.19559968618896081, 0.1955996861889608, 0.19559968618896073, 0.1955996861889608, 0.1955996861889608, 0.19559968618896084, 0.1955996861889608, 0.19559968618896084, 0.19559968618896073, 0.1955996861889608, 0.1955996861889608, 0.29791839666715264, 0.29791839666715264, 0.29791839666715264, 0.2979183966671526, 0.29791839666715264, 0.29791839666715264, 0.29791839666715264, 0.29791839666715264, 0.29791839666715264, 0.2979183966671526, 0.29791839666715264, 0.29791839666715264, 0.2979183966671526, 0.2979183966671527, 0.29791839666715264, 0.1742214982251845, 0.17422149822518457, 0.17422149822518457, 0.1742214982251845, 0.17422149822518454, 0.1742214982251846, 0.1742214982251845, 0.1742214982251845, 0.17422149822518454, 0.1742214982251845, 0.1742214982251845, 0.17422149822518457, 0.17422149822518446, 0.17422149822518448, 0.1742214982251845, 0.31446433311095684, 0.31446433311095684, 0.3144643331109569, 0.3144643331109569, 0.3144643331109569, 0.31446433311095684, 0.31446433311095684, 0.3144643331109569, 0.3144643331109569, 0.31446433311095684, 0.3144643331109569, 0.31446433311095684, 0.3144643331109569, 0.3144643331109569, 0.3144643331109569, 0.2059367721842535, 0.20593677218425344, 0.2059367721842535, 0.20593677218425344, 0.20593677218425352, 0.2059367721842535, 0.20593677218425344, 0.20593677218425352, 0.20593677218425346, 0.20593677218425346, 0.2059367721842535, 0.20593677218425346, 0.20593677218425344, 0.2059367721842535, 0.20593677218425344]\n", "\n", "Abstraction error: 0.31689157951569735\n", "\n", "M1: ['X', 'Y', 'V'] -> ['Z', 'U']\n", "M0: ['A', 'B', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 72)\n", "M0 mechanism shape: (48, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2829848290119225, 0.28298482901192246, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618496, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2758966179519917, 0.27589661795199166, 0.2758966179519917, 0.27589661795199166, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.27589661795199166, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.276567465223105, 0.27656746522310505, 0.27656746522310494, 0.27656746522310505, 0.276567465223105, 0.276567465223105, 0.27656746522310505, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.26563104647991276, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.26617428345832916, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.26617428345832916, 0.2661742834583291, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.26843710086540823, 0.2684371008654081, 0.2684371008654082, 0.26483723363459716, 0.2648372336345971, 0.2648372336345971, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.2648372336345971, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.27534725799229853, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.26836127653016756, 0.2720343370480691, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.272034337048069, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906]\n", "\n", "Abstraction error: 0.28298482901192257\n", "\n", "M1: ['X', 'Y', 'V'] -> ['W', 'U']\n", "M0: ['A', 'B', 'F', 'I'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 72)\n", "M0 mechanism shape: (6, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.3943832047146057, 0.39438320471460553, 0.3943832047146057, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460575, 0.3943832047146057, 0.3943832047146057, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.29724192732214655, 0.29724192732214655, 0.2972419273221465, 0.2972419273221463, 0.29724192732214655, 0.29724192732214644, 0.2972419273221465, 0.29724192732214644, 0.29724192732214666, 0.4042517888778581, 0.4042517888778579, 0.4042517888778579, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785784, 0.40425178887785806, 0.40425178887785795, 0.3187800630994384, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.3187800630994384, 0.31878006309943835, 0.3187800630994385, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3943832047146056, 0.3943832047146056, 0.3943832047146056, 0.3943832047146057, 0.39438320471460575, 0.39438320471460553, 0.3943832047146056, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.2972419273221465, 0.2972419273221464, 0.29724192732214655, 0.29724192732214655, 0.2972419273221464, 0.2972419273221466, 0.29724192732214644, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.2972419273221466, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785784, 0.4042517888778579, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.4042517888778579, 0.3187800630994385, 0.31878006309943846, 0.3187800630994386, 0.31878006309943857, 0.3187800630994386, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.3187800630994383, 0.31878006309943835, 0.31878006309943857, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460575, 0.39438320471460575, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460553, 0.3943832047146056, 0.3943832047146056, 0.2972419273221465, 0.2972419273221466, 0.2972419273221464, 0.2972419273221465, 0.2972419273221466, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.29724192732214655, 0.2972419273221464, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.4042517888778581, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.4042517888778579, 0.40425178887785784, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.31878006309943846, 0.3187800630994384, 0.31878006309943857, 0.31878006309943835, 0.31878006309943857, 0.31878006309943835, 0.31878006309943846, 0.31878006309943857, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.31878006309943835, 0.31878006309943846, 0.3187800630994384]\n", "\n", "Abstraction error: 0.4042517888778581\n", "\n", "M1: ['X', 'Y', 'V'] -> ['Z', 'W', 'U']\n", "M0: ['A', 'B', 'F', 'I'] -> ['D', 'E', 'G', 'H']\n", "M1 mechanism shape: (96, 72)\n", "M0 mechanism shape: (144, 180)\n", "Alpha_s shape: (72, 180)\n", "Alpha_t shape: (96, 144)\n", "All JS distances: [0.3892814909643307, 0.38928149096433073, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.3892814909643307, 0.38928149096433073, 0.3892814909643307, 0.3892814909643307, 0.3018455521060331, 0.30184555210603314, 0.30184555210603314, 0.3018455521060331, 0.30184555210603314, 0.3018455521060331, 0.3018455521060331, 0.3018455521060331, 0.3018455521060331, 0.30184555210603303, 0.30184555210603314, 0.3018455521060331, 0.3018455521060331, 0.3018455521060331, 0.3018455521060331, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.3844350318863644, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.38443503188636446, 0.3844350318863644, 0.38443503188636446, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.3141461569097123, 0.3141461569097123, 0.31414615690971226, 0.3141461569097123, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.31414615690971226, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.38257347169380895, 0.38257347169380884, 0.3825734716938089, 0.3825734716938089, 0.38257347169380895, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.3825734716938089, 0.2834151290160743, 0.2834151290160743, 0.28341512901607424, 0.28341512901607435, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.2834151290160743, 0.28341512901607424, 0.2834151290160743, 0.28341512901607435, 0.3742911950476359, 0.3742911950476359, 0.37429119504763586, 0.37429119504763597, 0.3742911950476359, 0.37429119504763597, 0.3742911950476359, 0.3742911950476359, 0.37429119504763586, 0.37429119504763586, 0.37429119504763586, 0.37429119504763597, 0.3742911950476359, 0.3742911950476359, 0.37429119504763586, 0.3089940431532099, 0.30899404315321, 0.30899404315320994, 0.3089940431532099, 0.3089940431532099, 0.30899404315321, 0.30899404315320994, 0.3089940431532099, 0.3089940431532099, 0.30899404315320994, 0.30899404315321, 0.3089940431532099, 0.3089940431532099, 0.30899404315320994, 0.3089940431532099, 0.37311535674244317, 0.37311535674244317, 0.3731153567424432, 0.37311535674244317, 0.37311535674244317, 0.3731153567424432, 0.3731153567424431, 0.37311535674244317, 0.37311535674244317, 0.3731153567424433, 0.37311535674244317, 0.3731153567424432, 0.37311535674244317, 0.37311535674244317, 0.37311535674244317, 0.2973425794468723, 0.29734257944687237, 0.2973425794468723, 0.29734257944687237, 0.29734257944687237, 0.2973425794468723, 0.2973425794468723, 0.29734257944687237, 0.2973425794468723, 0.29734257944687237, 0.2973425794468723, 0.2973425794468723, 0.29734257944687237, 0.29734257944687237, 0.2973425794468723, 0.37632928609895666, 0.37632928609895666, 0.37632928609895666, 0.37632928609895666, 0.37632928609895666, 0.3763292860989567, 0.3763292860989567, 0.37632928609895666, 0.37632928609895666, 0.3763292860989567, 0.3763292860989567, 0.37632928609895666, 0.37632928609895666, 0.37632928609895666, 0.3763292860989567, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.31440677159949754, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994976, 0.3144067715994975, 0.3144067715994976, 0.3144067715994976]\n", "\n", "Abstraction error: 0.38928149096433073\n", "\n", "M1: ['X', 'Y', 'U'] -> ['Z']\n", "M0: ['A', 'B', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 18)\n", "M0 mechanism shape: (24, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.1475025854713753, 0.14750258547137535, 0.1447792193123206, 0.14477921931232052, 0.14686181058189646, 0.14686181058189654, 0.15010120315965592, 0.15010120315965597, 0.14322994822209403, 0.14322994822209395, 0.12280811148432944, 0.12280811148432955, 0.11942718073653458, 0.1194271807365346, 0.12956066510934935, 0.12956066510934933, 0.12060711691901499, 0.12060711691901509, 0.13979964359918715, 0.13979964359918717, 0.12692729904194702, 0.12692729904194694, 0.12981197125816757, 0.12981197125816754]\n", "\n", "Abstraction error: 0.15010120315965597\n", "\n", "M1: ['X', 'Y', 'U'] -> ['W']\n", "M0: ['A', 'B', 'G'] -> ['E']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (2, 18)\n", "M0 mechanism shape: (3, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812596, 0.3766134869765127, 0.17491416237792834, 0.17096250931531656, 0.3458927426747923, 0.3274205912795624, 0.20653206434445795, 0.22295460065805214, 0.29800027268812584, 0.37661348697651276, 0.17491416237792815, 0.17096250931531642, 0.3458927426747924, 0.3274205912795624, 0.20653206434445784, 0.22295460065805223, 0.29800027268812607, 0.37661348697651276, 0.17491416237792826, 0.17096250931531642, 0.3458927426747924, 0.3274205912795624, 0.20653206434445806, 0.22295460065805234]\n", "\n", "Abstraction error: 0.37661348697651276\n", "\n", "M1: ['X', 'Y', 'U'] -> ['V']\n", "M0: ['A', 'B', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 18)\n", "M0 mechanism shape: (15, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390311, 0.12252356816251662, 0.17306256523323504, 0.1583034000860832, 0.12201407815303335, 0.12686079266207712, 0.0912322676971718, 0.09553296052602456, 0.12105668784390293, 0.12252356816251676, 0.17306256523323527, 0.15830340008608332, 0.12201407815303342, 0.12686079266207706, 0.0912322676971721, 0.0955329605260243, 0.12105668784390311, 0.1225235681625165, 0.17306256523323513, 0.15830340008608315, 0.12201407815303322, 0.12686079266207698, 0.09123226769717208, 0.09553296052602443]\n", "\n", "Abstraction error: 0.17306256523323527\n", "\n", "M1: ['X', 'Y', 'U'] -> ['Z', 'W']\n", "M0: ['A', 'B', 'G'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 18)\n", "M0 mechanism shape: (72, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.31717746491217724, 0.31597612055825053, 0.18691264602250776, 0.18533447288543592, 0.3079153815104917, 0.3055436271978146, 0.18606743136381054, 0.1854958466245652, 0.3138404218277863, 0.3162134844807529, 0.15504114790155435, 0.15456313577157607, 0.3168551367217351, 0.317663988470625, 0.19559704360305258, 0.19564074271697748, 0.29831523275190114, 0.3007175460449074, 0.17487969910487952, 0.17308807009355504, 0.3147440247155937, 0.3144360256865608, 0.20590093228871623, 0.20603787687924766]\n", "\n", "Abstraction error: 0.317663988470625\n", "\n", "M1: ['X', 'Y', 'U'] -> ['Z', 'V']\n", "M0: ['A', 'B', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 18)\n", "M0 mechanism shape: (360, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19267930623122675, 0.19030092528795195, 0.21971659579621858, 0.21703824265488414, 0.19413074407175346, 0.1962878203793407, 0.1702518014333433, 0.1732092037302183, 0.18865518037896747, 0.19014279892054556, 0.20955435527987204, 0.20627972154925706, 0.17296266095559443, 0.1863306240338362, 0.1584130712294324, 0.15771744050234998, 0.179393173767797, 0.1766017975486509, 0.2148169196452478, 0.21361129411114765, 0.1788871112817914, 0.18817543263999195, 0.15888757087972996, 0.15801545761238325]\n", "\n", "Abstraction error: 0.21971659579621858\n", "\n", "M1: ['X', 'Y', 'U'] -> ['W', 'V']\n", "M0: ['A', 'B', 'G'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 18)\n", "M0 mechanism shape: (45, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.32651609323001335, 0.39599529818858825, 0.24255275249512306, 0.2301287319658475, 0.3706734760341123, 0.3534521615212335, 0.23686325378749368, 0.25371587554237873, 0.3265160932300133, 0.3959952981885883, 0.24255275249512306, 0.2301287319658474, 0.3706734760341123, 0.35345216152123354, 0.23686325378749365, 0.2537158755423788, 0.32651609323001335, 0.3959952981885882, 0.24255275249512304, 0.23012873196584752, 0.3706734760341123, 0.35345216152123354, 0.2368632537874937, 0.25371587554237873]\n", "\n", "Abstraction error: 0.3959952981885883\n", "\n", "M1: ['X', 'Y', 'U'] -> ['Z', 'W', 'V']\n", "M0: ['A', 'B', 'G'] -> ['D', 'E', 'F', 'H', 'I']\n", "M1 mechanism shape: (384, 18)\n", "M0 mechanism shape: (1080, 24)\n", "Alpha_s shape: (18, 24)\n", "Alpha_t shape: (384, 1080)\n", "All JS distances: [0.3296467651084187, 0.365357783371906, 0.2373670962370251, 0.25652011565030075, 0.3469478139804737, 0.35609957697982714, 0.2748145198295735, 0.25480141722005106, 0.3284525190489219, 0.3662328142835652, 0.22394475438531816, 0.24452785073895825, 0.33786112848731154, 0.3491811945649124, 0.2675135205042962, 0.24875585179044787, 0.3219623012839003, 0.3616002147549726, 0.23517248301652177, 0.25334879647676317, 0.3421067701955298, 0.3504809083161813, 0.2681517541129685, 0.24986629387434356]\n", "\n", "Abstraction error: 0.3662328142835652\n", "\n", "M1: ['X', 'W', 'V'] -> ['Z']\n", "M0: ['A', 'E', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (24, 135)\n", "Alpha_s shape: (48, 135)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565887, 0.14671651019565896, 0.14671651019565896, 0.14671651019565884, 0.14671651019565882, 0.14671651019565896, 0.14671651019565893, 0.1467165101956589, 0.14671651019565898, 0.14671651019565898, 0.1467165101956589, 0.14671651019565893, 0.14671651019565896, 0.14671651019565893, 0.14671651019565898, 0.1467165101956589, 0.1467165101956589, 0.14671651019565893, 0.14671651019565887, 0.14671651019565887, 0.14671651019565882, 0.14671651019565893, 0.14671651019565896, 0.14671651019565887, 0.14671651019565893, 0.14671651019565896, 0.14671651019565904, 0.14671651019565896, 0.14671651019565893, 0.14671651019565893, 0.14671651019565887, 0.14671651019565898, 0.1467165101956589, 0.14671651019565898, 0.14671651019565887, 0.14671651019565907, 0.14671651019565898, 0.14671651019565898, 0.14671651019565882, 0.14671651019565904, 0.14671651019565896, 0.146716510195659, 0.14671651019565887, 0.14671651019565887, 0.1467165101956589, 0.12190811938213304, 0.12190811938213306, 0.12190811938213311, 0.121908119382133, 0.12190811938213296, 0.12190811938213306, 0.12190811938213304, 0.12190811938213314, 0.121908119382133, 0.121908119382133, 0.12190811938213297, 0.12190811938213308, 0.12190811938213302, 0.12190811938213306, 0.12190811938213302, 0.12190811938213296, 0.12190811938213303, 0.12190811938213308, 0.12190811938213297, 0.12190811938213296, 0.1219081193821329, 0.12190811938213297, 0.12190811938213304, 0.12190811938213306, 0.12190811938213304, 0.121908119382133, 0.12190811938213299, 0.12190811938213299, 0.12190811938213296, 0.121908119382133, 0.12190811938213303, 0.12190811938213307, 0.12190811938213299, 0.12190811938213307, 0.12190811938213297, 0.12190811938213302, 0.121908119382133, 0.12190811938213311, 0.12190811938213307, 0.12190811938213304, 0.12190811938213297, 0.12190811938213302, 0.12190811938213297, 0.12190811938213293, 0.12190811938213307, 0.12808385511874873, 0.12808385511874873, 0.1280838551187487, 0.12808385511874873, 0.12808385511874867, 0.1280838551187487, 0.1280838551187486, 0.12808385511874862, 0.12808385511874867, 0.12808385511874867, 0.1280838551187487, 0.1280838551187487, 0.1280838551187486, 0.12808385511874867, 0.12808385511874865, 0.12808385511874873, 0.1280838551187487, 0.12808385511874865, 0.12808385511874873, 0.12808385511874862, 0.12808385511874873, 0.1280838551187487, 0.12808385511874867, 0.12808385511874865, 0.12808385511874865, 0.12808385511874867, 0.12808385511874862, 0.12808385511874867, 0.1280838551187487, 0.1280838551187487, 0.1280838551187487, 0.1280838551187487, 0.1280838551187487, 0.1280838551187487, 0.1280838551187487, 0.12808385511874856, 0.12808385511874854, 0.12808385511874867, 0.12808385511874862, 0.12808385511874865, 0.12808385511874854, 0.12808385511874865, 0.12808385511874867, 0.12808385511874865, 0.1280838551187486]\n", "\n", "Abstraction error: 0.14671651019565907\n", "\n", "M1: ['X', 'W', 'V'] -> ['Z', 'Y']\n", "M0: ['A', 'E', 'F', 'I'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 48)\n", "M0 mechanism shape: (96, 135)\n", "Alpha_s shape: (48, 135)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658087, 0.1760842660865809, 0.1760842660865808, 0.17608426608658082, 0.17608426608658087, 0.17608426608658084, 0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.17608426608658076, 0.17608426608658087, 0.17608426608658084, 0.1760842660865809, 0.17608426608658087, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658087, 0.17608426608658082, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658082, 0.1760842660865808, 0.17608426608658087, 0.17608426608658082, 0.17608426608658082, 0.17608426608658084, 0.17608426608658084, 0.17608426608658082, 0.17608426608658087, 0.17608426608658082, 0.17608426608658087, 0.1760842660865809, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.1760842660865809, 0.17608426608658087, 0.17608426608658087, 0.17608426608658087, 0.1760842660865808, 0.17608426608658082, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739628, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.16899071049739617, 0.16899071049739625, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.16899071049739622, 0.16899071049739625, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739617, 0.16899071049739625, 0.16789680207707058, 0.16789680207707067, 0.16789680207707053, 0.16789680207707056, 0.16789680207707056, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707056, 0.16789680207707058, 0.16789680207707053, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.16789680207707058, 0.16789680207707053, 0.16789680207707056, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.16789680207707056]\n", "\n", "Abstraction error: 0.1760842660865809\n", "\n", "M1: ['X', 'W', 'V'] -> ['Z', 'U']\n", "M0: ['A', 'E', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 48)\n", "M0 mechanism shape: (48, 135)\n", "Alpha_s shape: (48, 135)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.27696163216165665, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2769616321616567, 0.2661341116393367, 0.2661341116393367, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.26613411163933676, 0.2661341116393367, 0.2661341116393367, 0.26613411163933676, 0.2661341116393367, 0.26613411163933665, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393368, 0.26613411163933676, 0.2661341116393368, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393368, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393368, 0.2661341116393368, 0.26613411163933676, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.2661341116393368, 0.2661341116393367, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.26613411163933676, 0.26613411163933676, 0.2661341116393367, 0.2661341116393367, 0.2661341116393367, 0.2700857185711583, 0.2700857185711583, 0.2700857185711584, 0.2700857185711583, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711584, 0.2700857185711584, 0.27008571857115826, 0.2700857185711583, 0.27008571857115826, 0.27008571857115826, 0.2700857185711583, 0.2700857185711584, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.27008571857115826, 0.27008571857115826, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.2700857185711583, 0.27008571857115826, 0.2700857185711583]\n", "\n", "Abstraction error: 0.2769616321616567\n", "\n", "M1: ['X', 'W', 'V'] -> ['Z', 'Y', 'U']\n", "M0: ['A', 'E', 'F', 'I'] -> ['B', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 48)\n", "M0 mechanism shape: (192, 135)\n", "Alpha_s shape: (48, 135)\n", "Alpha_t shape: (144, 192)\n", "All JS distances: [0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.29855614736943203, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.2985561473694319, 0.298556147369432, 0.2985561473694319, 0.2985561473694319, 0.298556147369432, 0.2985561473694319, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.298556147369432, 0.2985561473694319, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.29025665191045436, 0.2902566519104544, 0.29025665191045436, 0.29025665191045436, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.29025665191045436, 0.29025665191045436, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.29025665191045436, 0.29025665191045436, 0.29025665191045436, 0.2902566519104544, 0.29025665191045436, 0.2902566519104544, 0.2902566519104544, 0.2902566519104544, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.29475066080637585, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.29475066080637596, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.29475066080637585, 0.29475066080637585, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.2947506608063759, 0.29475066080637585, 0.2947506608063759]\n", "\n", "Abstraction error: 0.29855614736943203\n", "\n", "M1: ['X', 'W', 'U'] -> ['Z']\n", "M0: ['A', 'E', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 12)\n", "M0 mechanism shape: (24, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.1467165101956589, 0.14671651019565898, 0.1467165101956589, 0.14671651019565884, 0.14671651019565896, 0.14671651019565898, 0.121908119382133, 0.12190811938213293, 0.12190811938213303, 0.12190811938213302, 0.1219081193821329, 0.121908119382133, 0.12808385511874867, 0.12808385511874862, 0.1280838551187486, 0.1280838551187486, 0.12808385511874865, 0.1280838551187486]\n", "\n", "Abstraction error: 0.14671651019565898\n", "\n", "M1: ['X', 'W', 'U'] -> ['V']\n", "M0: ['A', 'E', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 12)\n", "M0 mechanism shape: (15, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742414, 0.12508085160141325, 0.12491355211742433, 0.12508085160141316, 0.1249135521174242, 0.1250808516014133, 0.12491355211742422, 0.12508085160141322, 0.12491355211742415, 0.12508085160141325, 0.12491355211742416, 0.1250808516014133, 0.12491355211742426, 0.12508085160141327, 0.12491355211742415, 0.12508085160141344, 0.12491355211742423, 0.1250808516014131]\n", "\n", "Abstraction error: 0.12508085160141344\n", "\n", "M1: ['X', 'W', 'U'] -> ['Z', 'Y']\n", "M0: ['A', 'E', 'G'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 12)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (96, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.17608426608658087, 0.17608426608658087, 0.17608426608658084, 0.1760842660865809, 0.17608426608658084, 0.17608426608658084, 0.16899071049739622, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.16899071049739614, 0.1689907104973962, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706]\n", "\n", "Abstraction error: 0.1760842660865809\n", "\n", "M1: ['X', 'W', 'U'] -> ['Z', 'V']\n", "M0: ['A', 'E', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 12)\n", "M0 mechanism shape: (360, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.1941390150598212, 0.1953973330508262, 0.19413901505982117, 0.1953973330508262, 0.1941390150598212, 0.1953973330508262, 0.17793216270040607, 0.1825565620999194, 0.17793216270040604, 0.1825565620999194, 0.17793216270040604, 0.1825565620999194, 0.18194585025204763, 0.18464478506138915, 0.18194585025204763, 0.18464478506138915, 0.18194585025204763, 0.18464478506138915]\n", "\n", "Abstraction error: 0.1953973330508262\n", "\n", "M1: ['X', 'W', 'U'] -> ['Y', 'V']\n", "M0: ['A', 'E', 'G'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 12)\n", "M0 mechanism shape: (60, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.254750211201766, 0.2560743634951334, 0.25475021120176594, 0.25607436349513335, 0.254750211201766, 0.25607436349513346, 0.254750211201766, 0.2560743634951334, 0.254750211201766, 0.2560743634951334, 0.254750211201766, 0.25607436349513346, 0.254750211201766, 0.2560743634951334, 0.25475021120176594, 0.25607436349513335, 0.25475021120176594, 0.2560743634951334]\n", "\n", "Abstraction error: 0.25607436349513346\n", "\n", "M1: ['X', 'W', 'U'] -> ['Z', 'Y', 'V']\n", "M0: ['A', 'E', 'G'] -> ['B', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 12)\n", "M0 mechanism shape: (1440, 18)\n", "Alpha_s shape: (12, 18)\n", "Alpha_t shape: (576, 1440)\n", "All JS distances: [0.280867833979249, 0.2821296039708743, 0.280867833979249, 0.2821296039708743, 0.280867833979249, 0.2821296039708743, 0.2712336944254569, 0.27422099191597266, 0.2712336944254569, 0.27422099191597266, 0.2712336944254569, 0.2742209919159727, 0.2715413990392777, 0.27669219342839985, 0.2715413990392777, 0.27669219342839985, 0.2715413990392777, 0.27669219342839985]\n", "\n", "Abstraction error: 0.2821296039708743\n", "\n", "M1: ['X', 'V', 'U'] -> ['Z']\n", "M0: ['A', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (24, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14671651019565896, 0.14671651019565884, 0.14671651019565898, 0.14671651019565896, 0.14671651019565898, 0.14671651019565896, 0.14671651019565893, 0.14671651019565893, 0.14671651019565898, 0.14671651019565898, 0.14671651019565884, 0.14671651019565893, 0.1467165101956589, 0.14671651019565896, 0.14671651019565898, 0.14671651019565896, 0.14671651019565898, 0.1467165101956589, 0.14671651019565893, 0.14671651019565896, 0.1467165101956589, 0.1467165101956589, 0.14671651019565893, 0.14671651019565893, 0.14671651019565896, 0.1467165101956589, 0.1467165101956589, 0.14671651019565898, 0.14671651019565887, 0.14671651019565887, 0.12190811938213306, 0.121908119382133, 0.12190811938213308, 0.12190811938213311, 0.12190811938213295, 0.12190811938213307, 0.12190811938213306, 0.12190811938213306, 0.12190811938213297, 0.12190811938213299, 0.12190811938213317, 0.12190811938213302, 0.12190811938213292, 0.121908119382133, 0.12190811938213296, 0.12190811938213297, 0.121908119382133, 0.12190811938213307, 0.12190811938213311, 0.12190811938213304, 0.12190811938213297, 0.12190811938213307, 0.12190811938213296, 0.12190811938213303, 0.12190811938213302, 0.12190811938213304, 0.12190811938213293, 0.12190811938213307, 0.12190811938213303, 0.12190811938213303, 0.12808385511874867, 0.1280838551187487, 0.12808385511874873, 0.12808385511874865, 0.12808385511874865, 0.12808385511874865, 0.12808385511874862, 0.12808385511874867, 0.12808385511874865, 0.12808385511874867, 0.12808385511874862, 0.1280838551187486, 0.1280838551187487, 0.12808385511874873, 0.12808385511874862, 0.12808385511874867, 0.12808385511874865, 0.1280838551187487, 0.1280838551187487, 0.12808385511874865, 0.1280838551187487, 0.12808385511874856, 0.12808385511874873, 0.1280838551187487, 0.12808385511874867, 0.1280838551187487, 0.12808385511874862, 0.12808385511874865, 0.12808385511874873, 0.12808385511874862]\n", "\n", "Abstraction error: 0.14671651019565898\n", "\n", "M1: ['X', 'V', 'U'] -> ['W']\n", "M0: ['A', 'F', 'G', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 48)\n", "M0 mechanism shape: (3, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.2828240281348519, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485175, 0.282824028134852, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2828240281348518, 0.2828240281348518, 0.2828240281348519, 0.2828240281348518, 0.28282402813485186, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485197, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2828240281348518, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28365370223347275, 0.2836537022334726, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.2828240281348519, 0.28282402813485186, 0.2836537022334725, 0.2836537022334724, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197]\n", "\n", "Abstraction error: 0.28365370223347275\n", "\n", "M1: ['X', 'V', 'U'] -> ['Z', 'Y']\n", "M0: ['A', 'F', 'G', 'I'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 48)\n", "M0 mechanism shape: (96, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.1760842660865809, 0.17608426608658073, 0.17608426608658082, 0.17608426608658082, 0.17608426608658082, 0.17608426608658084, 0.17608426608658084, 0.17608426608658087, 0.17608426608658087, 0.17608426608658082, 0.17608426608658087, 0.1760842660865808, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.1760842660865808, 0.17608426608658082, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.17608426608658082, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973963, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.16899071049739622, 0.16899071049739625, 0.16899071049739622, 0.16899071049739625, 0.16899071049739617, 0.16899071049739625, 0.1689907104973962, 0.16899071049739625, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707056, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707064, 0.16789680207707056]\n", "\n", "Abstraction error: 0.1760842660865809\n", "\n", "M1: ['X', 'V', 'U'] -> ['Z', 'W']\n", "M0: ['A', 'F', 'G', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 48)\n", "M0 mechanism shape: (72, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (48, 72)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.24874073011296138, 0.24874073011296138, 0.24874073011296138, 0.24874073011296138, 0.2487407301129614, 0.24719859795325538, 0.24719859795325544, 0.24719859795325538, 0.2471985979532554, 0.2471985979532554, 0.2487407301129614, 0.2487407301129614, 0.24874073011296138, 0.24874073011296138, 0.24874073011296136, 0.24719859795325544, 0.24719859795325538, 0.24719859795325536, 0.24719859795325544, 0.2471985979532554, 0.2487407301129614, 0.24874073011296136, 0.24874073011296136, 0.24874073011296138, 0.2487407301129614, 0.2471985979532554, 0.24719859795325536, 0.2471985979532554, 0.2471985979532554, 0.2471985979532554, 0.25704910159709954, 0.2570491015970996, 0.2570491015970996, 0.25704910159709954, 0.25704910159709954, 0.25788386130135565, 0.2578838613013556, 0.25788386130135565, 0.2578838613013556, 0.2578838613013556, 0.25704910159709954, 0.25704910159709965, 0.2570491015970996, 0.25704910159709954, 0.2570491015970996, 0.25788386130135565, 0.2578838613013556, 0.25788386130135565, 0.25788386130135565, 0.25788386130135565, 0.2570491015970996, 0.2570491015970996, 0.25704910159709954, 0.25704910159709954, 0.2570491015970996, 0.25788386130135565, 0.25788386130135554, 0.25788386130135554, 0.2578838613013556, 0.25788386130135554, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.2634656709845331, 0.2634656709845331, 0.2634656709845331, 0.2634656709845331, 0.2634656709845331, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.2634662693319804, 0.26346567098453316, 0.2634656709845331, 0.2634656709845331, 0.26346567098453316, 0.26346567098453316, 0.2634662693319804, 0.26346626933198036, 0.26346626933198036, 0.26346626933198036, 0.2634662693319803, 0.26346567098453316, 0.2634656709845331, 0.2634656709845331, 0.2634656709845331, 0.2634656709845331]\n", "\n", "Abstraction error: 0.2634662693319804\n", "\n", "M1: ['X', 'V', 'U'] -> ['Y', 'W']\n", "M0: ['A', 'F', 'G', 'I'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 48)\n", "M0 mechanism shape: (12, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698546, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.379213535956131, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698546, 0.38227740866985443, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083]\n", "\n", "Abstraction error: 0.3822774086698546\n", "\n", "M1: ['X', 'V', 'U'] -> ['Z', 'Y', 'W']\n", "M0: ['A', 'F', 'G', 'I'] -> ['B', 'D', 'E', 'H']\n", "M1 mechanism shape: (144, 48)\n", "M0 mechanism shape: (288, 90)\n", "Alpha_s shape: (48, 90)\n", "Alpha_t shape: (144, 288)\n", "All JS distances: [0.34328848054466315, 0.34328848054466315, 0.34328848054466315, 0.3432884805446631, 0.34328848054466315, 0.34200511127492195, 0.34200511127492195, 0.342005111274922, 0.34200511127492195, 0.34200511127492195, 0.3432884805446631, 0.34328848054466315, 0.3432884805446631, 0.34328848054466315, 0.3432884805446631, 0.34200511127492195, 0.34200511127492195, 0.34200511127492195, 0.342005111274922, 0.34200511127492195, 0.34328848054466315, 0.3432884805446631, 0.3432884805446631, 0.34328848054466315, 0.34328848054466315, 0.34200511127492195, 0.34200511127492195, 0.34200511127492195, 0.34200511127492195, 0.34200511127492195, 0.35422418753182844, 0.35422418753182855, 0.35422418753182844, 0.35422418753182844, 0.3542241875318285, 0.3544217578451525, 0.35442175784515256, 0.35442175784515245, 0.3544217578451525, 0.35442175784515256, 0.35422418753182844, 0.35422418753182844, 0.3542241875318285, 0.3542241875318285, 0.35422418753182844, 0.3544217578451525, 0.3544217578451525, 0.3544217578451525, 0.35442175784515245, 0.35442175784515245, 0.3542241875318285, 0.35422418753182844, 0.35422418753182844, 0.35422418753182844, 0.3542241875318285, 0.3544217578451525, 0.35442175784515245, 0.35442175784515245, 0.3544217578451525, 0.35442175784515245, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.35527777913605035, 0.3552777791360504, 0.35527777913605035, 0.3552777791360503, 0.3552777791360503, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.35529623405803906, 0.3552777791360504, 0.3552777791360504, 0.35527777913605035, 0.35527777913605035, 0.3552777791360503, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.355296234058039, 0.3552777791360503, 0.3552777791360504, 0.35527777913605035, 0.35527777913605035, 0.35527777913605035]\n", "\n", "Abstraction error: 0.35529623405803906\n", "\n", "M1: ['Z', 'Y', 'W'] -> ['V']\n", "M0: ['B', 'D', 'E', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 144)\n", "M0 mechanism shape: (15, 288)\n", "Alpha_s shape: (144, 288)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285079, 0.12059895477285086, 0.12059895477285083, 0.16461649482620236, 0.16461649482620255, 0.16461649482620236, 0.12441147613953608, 0.12441147613953638, 0.12441147613953606, 0.0920804934336398, 0.09208049343364, 0.09208049343363992, 0.12059895477285064, 0.12059895477285074, 0.12059895477285053, 0.16461649482620258, 0.1646164948262025, 0.16461649482620241, 0.12441147613953639, 0.124411476139536, 0.12441147613953622, 0.09208049343364004, 0.0920804934336397, 0.0920804934336399, 0.12059895477285082, 0.12059895477285078, 0.12059895477285085, 0.16461649482620253, 0.1646164948262025, 0.16461649482620233, 0.12441147613953604, 0.12441147613953608, 0.1244114761395362, 0.09208049343363975, 0.09208049343363992, 0.09208049343363973, 0.12059895477285076, 0.12059895477285085, 0.12059895477285075, 0.16461649482620264, 0.16461649482620228, 0.16461649482620241, 0.12441147613953626, 0.12441147613953603, 0.12441147613953622, 0.09208049343363987, 0.0920804934336398, 0.09208049343363973, 0.12059895477285094, 0.12059895477285086, 0.12059895477285076, 0.16461649482620253, 0.16461649482620236, 0.1646164948262024, 0.12441147613953633, 0.12441147613953614, 0.12441147613953628, 0.0920804934336399, 0.09208049343363979, 0.0920804934336398, 0.12059895477285075, 0.12059895477285079, 0.12059895477285087, 0.16461649482620241, 0.16461649482620228, 0.1646164948262025, 0.12441147613953615, 0.12441147613953622, 0.12441147613953628, 0.09208049343363962, 0.09208049343363983, 0.09208049343363997, 0.12024251924615577, 0.12024251924615571, 0.12024251924615585, 0.16748634037318333, 0.16748634037318327, 0.16748634037318336, 0.1241476791800821, 0.1241476791800823, 0.1241476791800822, 0.09374331046460987, 0.09374331046460939, 0.09374331046460962, 0.1202425192461557, 0.12024251924615577, 0.1202425192461559, 0.16748634037318325, 0.16748634037318336, 0.16748634037318338, 0.12414767918008232, 0.12414767918008235, 0.12414767918008221, 0.09374331046460964, 0.09374331046460985, 0.09374331046460987, 0.12024251924615562, 0.12024251924615567, 0.12024251924615577, 0.16748634037318322, 0.16748634037318336, 0.16748634037318325, 0.12414767918008228, 0.12414767918008233, 0.12414767918008242, 0.09374331046460956, 0.09374331046460989, 0.0937433104646097, 0.12024251924615588, 0.12024251924615575, 0.12024251924615584, 0.16748634037318344, 0.16748634037318333, 0.16748634037318336, 0.12414767918008235, 0.1241476791800824, 0.12414767918008233, 0.09374331046460971, 0.09374331046460974, 0.09374331046460957, 0.12024251924615575, 0.12024251924615594, 0.12024251924615599, 0.16748634037318333, 0.16748634037318333, 0.1674863403731834, 0.12414767918008225, 0.12414767918008243, 0.12414767918008227, 0.09374331046460978, 0.0937433104646096, 0.09374331046460972, 0.12024251924615566, 0.12024251924615556, 0.1202425192461557, 0.16748634037318322, 0.16748634037318338, 0.16748634037318336, 0.12414767918008235, 0.12414767918008232, 0.12414767918008218, 0.09374331046460975, 0.09374331046460954, 0.09374331046460979, 0.11803412367187922, 0.11803412367187908, 0.11803412367187899, 0.16790291026041626, 0.1679029102604162, 0.1679029102604162, 0.12175151889575915, 0.12175151889575912, 0.12175151889575914, 0.09580872957869238, 0.09580872957869234, 0.09580872957869241, 0.1180341236718793, 0.11803412367187906, 0.11803412367187907, 0.16790291026041626, 0.16790291026041637, 0.16790291026041637, 0.121751518895759, 0.12175151889575907, 0.12175151889575901, 0.09580872957869215, 0.09580872957869241, 0.09580872957869223, 0.11803412367187914, 0.11803412367187921, 0.11803412367187922, 0.16790291026041623, 0.16790291026041632, 0.16790291026041626, 0.12175151889575922, 0.12175151889575896, 0.12175151889575904, 0.0958087295786923, 0.09580872957869241, 0.09580872957869208, 0.11803412367187913, 0.11803412367187906, 0.11803412367187906, 0.1679029102604162, 0.16790291026041623, 0.1679029102604163, 0.12175151889575918, 0.1217515188957591, 0.12175151889575915, 0.09580872957869228, 0.09580872957869205, 0.09580872957869245, 0.11803412367187913, 0.11803412367187902, 0.1180341236718791, 0.1679029102604162, 0.1679029102604162, 0.16790291026041623, 0.12175151889575903, 0.12175151889575896, 0.12175151889575916, 0.09580872957869235, 0.09580872957869226, 0.0958087295786923, 0.11803412367187904, 0.11803412367187922, 0.11803412367187914, 0.16790291026041637, 0.16790291026041626, 0.16790291026041634, 0.121751518895759, 0.12175151889575901, 0.12175151889575919, 0.09580872957869234, 0.09580872957869217, 0.09580872957869227, 0.1190756500862475, 0.11907565008624744, 0.11907565008624736, 0.15925877106784034, 0.15925877106784025, 0.15925877106784025, 0.12243116093452354, 0.12243116093452341, 0.12243116093452355, 0.09189169585012583, 0.09189169585012576, 0.09189169585012577, 0.11907565008624753, 0.11907565008624738, 0.11907565008624754, 0.15925877106784025, 0.15925877106784034, 0.15925877106784025, 0.12243116093452351, 0.12243116093452361, 0.1224311609345235, 0.09189169585012574, 0.091891695850126, 0.09189169585012577, 0.11907565008624738, 0.11907565008624735, 0.11907565008624726, 0.15925877106784017, 0.15925877106784023, 0.15925877106784042, 0.12243116093452341, 0.12243116093452361, 0.1224311609345235, 0.09189169585012574, 0.09189169585012583, 0.09189169585012624, 0.11907565008624711, 0.11907565008624726, 0.1190756500862474, 0.15925877106784023, 0.15925877106784025, 0.15925877106784023, 0.12243116093452351, 0.12243116093452344, 0.12243116093452347, 0.09189169585012591, 0.09189169585012584, 0.09189169585012595, 0.11907565008624732, 0.11907565008624732, 0.11907565008624735, 0.15925877106784045, 0.15925877106784028, 0.15925877106784028, 0.12243116093452361, 0.12243116093452366, 0.12243116093452361, 0.09189169585012585, 0.0918916958501261, 0.09189169585012583, 0.11907565008624735, 0.11907565008624751, 0.11907565008624736, 0.1592587710678403, 0.1592587710678403, 0.15925877106784017, 0.12243116093452358, 0.12243116093452357, 0.12243116093452354, 0.0918916958501257, 0.09189169585012594, 0.09189169585012578]\n", "\n", "Abstraction error: 0.16790291026041637\n", "\n", "M1: ['Z', 'Y', 'W'] -> ['X', 'V']\n", "M0: ['B', 'D', 'E', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 144)\n", "M0 mechanism shape: (45, 288)\n", "Alpha_s shape: (144, 288)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.29916382437610567, 0.2991638243761056, 0.2991638243761056, 0.31677035332580605, 0.31677035332580605, 0.31677035332580605, 0.300500777012483, 0.30050077701248296, 0.3005007770124829, 0.29037116689849607, 0.29037116689849607, 0.2903711668984962, 0.2991638243761056, 0.2991638243761056, 0.29916382437610567, 0.3167703533258061, 0.316770353325806, 0.31677035332580605, 0.3005007770124829, 0.3005007770124829, 0.30050077701248296, 0.2903711668984961, 0.2903711668984961, 0.29037116689849607, 0.29916382437610567, 0.2991638243761056, 0.2991638243761056, 0.31677035332580605, 0.31677035332580605, 0.31677035332580605, 0.30050077701248296, 0.30050077701248296, 0.300500777012483, 0.29037116689849607, 0.2903711668984961, 0.2903711668984961, 0.29916382437610567, 0.2991638243761056, 0.2991638243761056, 0.31677035332580605, 0.31677035332580605, 0.31677035332580605, 0.300500777012483, 0.30050077701248296, 0.30050077701248296, 0.2903711668984962, 0.29037116689849607, 0.2903711668984961, 0.2991638243761056, 0.2991638243761056, 0.2991638243761056, 0.31677035332580605, 0.31677035332580605, 0.31677035332580605, 0.300500777012483, 0.3005007770124829, 0.30050077701248296, 0.29037116689849607, 0.2903711668984961, 0.2903711668984961, 0.29916382437610567, 0.2991638243761056, 0.2991638243761056, 0.31677035332580605, 0.31677035332580605, 0.31677035332580605, 0.30050077701248296, 0.30050077701248296, 0.3005007770124829, 0.2903711668984961, 0.2903711668984961, 0.29037116689849607, 0.2990368205866147, 0.2990368205866146, 0.2990368205866147, 0.31807257375410797, 0.318072573754108, 0.31807257375410797, 0.3004024130243228, 0.30040241302432275, 0.30040241302432275, 0.29082471552319605, 0.29082471552319605, 0.29082471552319605, 0.2990368205866147, 0.2990368205866146, 0.2990368205866147, 0.31807257375410797, 0.3180725737541079, 0.31807257375410797, 0.3004024130243228, 0.3004024130243228, 0.3004024130243228, 0.29082471552319605, 0.29082471552319605, 0.290824715523196, 0.29903682058661474, 0.2990368205866146, 0.29903682058661474, 0.3180725737541079, 0.31807257375410797, 0.31807257375410797, 0.3004024130243228, 0.30040241302432275, 0.3004024130243228, 0.29082471552319605, 0.29082471552319605, 0.290824715523196, 0.2990368205866147, 0.2990368205866146, 0.2990368205866147, 0.31807257375410797, 0.31807257375410797, 0.31807257375410797, 0.30040241302432275, 0.3004024130243228, 0.30040241302432275, 0.290824715523196, 0.290824715523196, 0.290824715523196, 0.2990368205866147, 0.2990368205866147, 0.2990368205866147, 0.31807257375410797, 0.31807257375410797, 0.318072573754108, 0.3004024130243228, 0.3004024130243228, 0.3004024130243228, 0.290824715523196, 0.29082471552319605, 0.2908247155231961, 0.29903682058661474, 0.2990368205866146, 0.2990368205866147, 0.3180725737541079, 0.3180725737541079, 0.31807257375410797, 0.3004024130243228, 0.3004024130243228, 0.3004024130243228, 0.29082471552319605, 0.29082471552319594, 0.29082471552319605, 0.29828730237228107, 0.2982873023722811, 0.2982873023722811, 0.3182336614953352, 0.3182336614953352, 0.3182336614953352, 0.29956600113704535, 0.29956600113704535, 0.2995660011370453, 0.29139751463660996, 0.29139751463660984, 0.29139751463660996, 0.29828730237228107, 0.2982873023722811, 0.2982873023722811, 0.3182336614953352, 0.31823366149533516, 0.3182336614953352, 0.29956600113704535, 0.29956600113704535, 0.2995660011370453, 0.29139751463660996, 0.2913975146366099, 0.29139751463660996, 0.2982873023722811, 0.29828730237228107, 0.2982873023722812, 0.3182336614953353, 0.3182336614953353, 0.3182336614953353, 0.2995660011370453, 0.29956600113704535, 0.2995660011370453, 0.29139751463660996, 0.29139751463660996, 0.29139751463660996, 0.298287302372281, 0.2982873023722811, 0.298287302372281, 0.3182336614953352, 0.3182336614953352, 0.3182336614953352, 0.2995660011370453, 0.2995660011370453, 0.2995660011370453, 0.2913975146366099, 0.29139751463660996, 0.2913975146366099, 0.2982873023722811, 0.2982873023722811, 0.2982873023722811, 0.3182336614953352, 0.3182336614953352, 0.3182336614953353, 0.2995660011370453, 0.2995660011370453, 0.2995660011370453, 0.29139751463660996, 0.29139751463660996, 0.29139751463660996, 0.2982873023722811, 0.29828730237228107, 0.2982873023722811, 0.3182336614953352, 0.3182336614953352, 0.3182336614953353, 0.29956600113704523, 0.29956600113704535, 0.29956600113704523, 0.29139751463660996, 0.29139751463661007, 0.29139751463660996, 0.2986581064749313, 0.29865810647493135, 0.29865810647493135, 0.3143575341854633, 0.31435753418546325, 0.3143575341854632, 0.29982234508472816, 0.29982234508472816, 0.29982234508472816, 0.29032357801221254, 0.2903235780122126, 0.2903235780122126, 0.29865810647493135, 0.2986581064749313, 0.29865810647493135, 0.31435753418546325, 0.3143575341854632, 0.31435753418546325, 0.2998223450847282, 0.29982234508472816, 0.29982234508472816, 0.2903235780122126, 0.29032357801221254, 0.2903235780122126, 0.29865810647493135, 0.29865810647493135, 0.29865810647493135, 0.3143575341854632, 0.31435753418546325, 0.31435753418546325, 0.29982234508472816, 0.29982234508472816, 0.2998223450847281, 0.2903235780122126, 0.2903235780122126, 0.2903235780122126, 0.29865810647493135, 0.29865810647493135, 0.29865810647493135, 0.31435753418546325, 0.3143575341854633, 0.31435753418546325, 0.2998223450847281, 0.29982234508472816, 0.29982234508472816, 0.2903235780122126, 0.2903235780122126, 0.2903235780122126, 0.29865810647493135, 0.29865810647493135, 0.29865810647493135, 0.3143575341854632, 0.3143575341854633, 0.3143575341854632, 0.29982234508472816, 0.2998223450847281, 0.29982234508472816, 0.2903235780122126, 0.2903235780122126, 0.2903235780122126, 0.29865810647493135, 0.29865810647493135, 0.29865810647493135, 0.31435753418546325, 0.31435753418546325, 0.3143575341854632, 0.2998223450847281, 0.2998223450847281, 0.29982234508472816, 0.29032357801221254, 0.29032357801221254, 0.29032357801221265]\n", "\n", "Abstraction error: 0.3182336614953353\n", "\n", "M1: ['Z', 'Y', 'W'] -> ['V', 'U']\n", "M0: ['B', 'D', 'E', 'H'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 144)\n", "M0 mechanism shape: (30, 288)\n", "Alpha_s shape: (144, 288)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.2860417639995478, 0.2860417639995477, 0.28604176399954784, 0.2603185226142081, 0.2603185226142082, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.251365227164989, 0.258593655183137, 0.25859365518313704, 0.2585936551831371, 0.2860417639995478, 0.2860417639995478, 0.2860417639995478, 0.2603185226142081, 0.2603185226142081, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.25136522716498905, 0.25859365518313693, 0.25859365518313704, 0.258593655183137, 0.28604176399954784, 0.2860417639995478, 0.2860417639995478, 0.2603185226142081, 0.2603185226142081, 0.2603185226142081, 0.251365227164989, 0.25136522716498905, 0.251365227164989, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.28604176399954784, 0.2860417639995477, 0.2860417639995477, 0.2603185226142082, 0.26031852261420807, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.251365227164989, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.2860417639995478, 0.2860417639995478, 0.28604176399954784, 0.26031852261420807, 0.26031852261420807, 0.2603185226142082, 0.25136522716498894, 0.251365227164989, 0.251365227164989, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.2860417639995478, 0.2860417639995477, 0.2860417639995478, 0.2603185226142082, 0.2603185226142082, 0.2603185226142082, 0.25136522716498894, 0.251365227164989, 0.25136522716498905, 0.2586799057225396, 0.25867990572253974, 0.25867990572253974, 0.28795691936572604, 0.2879569193657259, 0.28795691936572604, 0.2604521666996602, 0.2604521666996601, 0.2604521666996601, 0.2522276554737328, 0.2522276554737328, 0.25222765547373277, 0.25867990572253974, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.287956919365726, 0.287956919365726, 0.26045216669966015, 0.26045216669966015, 0.2604521666996601, 0.2522276554737329, 0.2522276554737328, 0.25222765547373277, 0.25867990572253974, 0.25867990572253974, 0.2586799057225397, 0.28795691936572604, 0.287956919365726, 0.28795691936572604, 0.26045216669966015, 0.2604521666996602, 0.2604521666996601, 0.2522276554737328, 0.2522276554737328, 0.2522276554737327, 0.25867990572253974, 0.25867990572253985, 0.2586799057225398, 0.287956919365726, 0.2879569193657259, 0.28795691936572604, 0.2604521666996601, 0.26045216669966015, 0.26045216669966015, 0.2522276554737329, 0.2522276554737327, 0.25222765547373277, 0.25867990572253974, 0.2586799057225398, 0.2586799057225397, 0.287956919365726, 0.28795691936572604, 0.287956919365726, 0.2604521666996601, 0.2604521666996601, 0.2604521666996602, 0.2522276554737328, 0.2522276554737328, 0.25222765547373277, 0.25867990572253974, 0.2586799057225398, 0.2586799057225397, 0.28795691936572604, 0.287956919365726, 0.28795691936572604, 0.2604521666996601, 0.2604521666996601, 0.26045216669966015, 0.25222765547373277, 0.2522276554737328, 0.2522276554737328, 0.26032282013006647, 0.26032282013006647, 0.2603228201300665, 0.28847466035247515, 0.28847466035247527, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.25254416836240146, 0.2525441683624014, 0.2603228201300665, 0.2603228201300666, 0.26032282013006647, 0.28847466035247527, 0.28847466035247527, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951697, 0.25254416836240146, 0.25254416836240146, 0.2525441683624014, 0.2603228201300665, 0.26032282013006647, 0.2603228201300665, 0.28847466035247527, 0.2884746603524752, 0.28847466035247527, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240146, 0.2525441683624014, 0.25254416836240146, 0.2603228201300665, 0.2603228201300665, 0.2603228201300665, 0.28847466035247527, 0.2884746603524752, 0.28847466035247527, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.2525441683624014, 0.25254416836240146, 0.2603228201300665, 0.2603228201300665, 0.26032282013006647, 0.28847466035247515, 0.2884746603524752, 0.28847466035247527, 0.26220805003951686, 0.2622080500395169, 0.26220805003951686, 0.2525441683624014, 0.25254416836240134, 0.25254416836240134, 0.2603228201300665, 0.2603228201300665, 0.2603228201300666, 0.2884746603524752, 0.28847466035247527, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240134, 0.2525441683624014, 0.25254416836240134, 0.2671030825973147, 0.26710308259731463, 0.2671030825973146, 0.2825483928120622, 0.2825483928120622, 0.2825483928120622, 0.2686398426675365, 0.26863984266753643, 0.26863984266753654, 0.25428003638337576, 0.25428003638337576, 0.25428003638337576, 0.2671030825973146, 0.2671030825973146, 0.2671030825973146, 0.28254839281206223, 0.2825483928120622, 0.2825483928120622, 0.2686398426675364, 0.2686398426675365, 0.26863984266753643, 0.25428003638337576, 0.2542800363833757, 0.25428003638337576, 0.2671030825973146, 0.26710308259731463, 0.26710308259731463, 0.2825483928120622, 0.2825483928120622, 0.2825483928120623, 0.26863984266753654, 0.2686398426675365, 0.2686398426675365, 0.2542800363833759, 0.25428003638337576, 0.2542800363833759, 0.2671030825973146, 0.26710308259731463, 0.26710308259731463, 0.2825483928120623, 0.2825483928120622, 0.2825483928120622, 0.26863984266753654, 0.2686398426675366, 0.26863984266753654, 0.25428003638337576, 0.2542800363833758, 0.25428003638337576, 0.26710308259731463, 0.2671030825973146, 0.2671030825973146, 0.2825483928120623, 0.28254839281206223, 0.2825483928120622, 0.2686398426675365, 0.26863984266753654, 0.2686398426675365, 0.2542800363833757, 0.2542800363833757, 0.2542800363833758, 0.2671030825973147, 0.26710308259731463, 0.2671030825973146, 0.28254839281206223, 0.2825483928120622, 0.2825483928120622, 0.2686398426675365, 0.2686398426675366, 0.2686398426675365, 0.2542800363833758, 0.25428003638337576, 0.2542800363833758]\n", "\n", "Abstraction error: 0.28847466035247527\n", "\n", "M1: ['Z', 'Y', 'W'] -> ['X', 'V', 'U']\n", "M0: ['B', 'D', 'E', 'H'] -> ['A', 'F', 'G', 'I']\n", "M1 mechanism shape: (48, 144)\n", "M0 mechanism shape: (90, 288)\n", "Alpha_s shape: (144, 288)\n", "Alpha_t shape: (48, 90)\n", "All JS distances: [0.36648187670696886, 0.3664818767069689, 0.3664818767069689, 0.38380063830755273, 0.38380063830755273, 0.3838006383075527, 0.36754035949010244, 0.36754035949010244, 0.3675403594901024, 0.36208983893162316, 0.36208983893162316, 0.36208983893162316, 0.36648187670696886, 0.3664818767069689, 0.3664818767069689, 0.38380063830755273, 0.38380063830755273, 0.38380063830755273, 0.36754035949010244, 0.3675403594901024, 0.3675403594901024, 0.36208983893162316, 0.36208983893162316, 0.36208983893162316, 0.3664818767069689, 0.36648187670696886, 0.3664818767069689, 0.3838006383075527, 0.38380063830755273, 0.38380063830755273, 0.3675403594901024, 0.36754035949010233, 0.3675403594901024, 0.36208983893162316, 0.36208983893162316, 0.36208983893162316, 0.3664818767069689, 0.36648187670696886, 0.3664818767069689, 0.38380063830755273, 0.3838006383075527, 0.38380063830755273, 0.3675403594901024, 0.36754035949010244, 0.36754035949010244, 0.36208983893162316, 0.36208983893162316, 0.36208983893162316, 0.3664818767069689, 0.3664818767069689, 0.36648187670696886, 0.38380063830755273, 0.38380063830755273, 0.38380063830755273, 0.36754035949010233, 0.36754035949010244, 0.36754035949010233, 0.36208983893162316, 0.3620898389316231, 0.36208983893162316, 0.3664818767069689, 0.36648187670696886, 0.3664818767069689, 0.3838006383075527, 0.3838006383075527, 0.38380063830755273, 0.36754035949010233, 0.3675403594901024, 0.3675403594901024, 0.36208983893162316, 0.36208983893162316, 0.36208983893162316, 0.36653258910061726, 0.36653258910061726, 0.36653258910061726, 0.3850431423662941, 0.3850431423662941, 0.3850431423662941, 0.36762007427313126, 0.3676200742731312, 0.36762007427313126, 0.36260741494660403, 0.3626074149466041, 0.362607414946604, 0.3665325891006172, 0.3665325891006172, 0.3665325891006172, 0.38504314236629406, 0.3850431423662941, 0.3850431423662941, 0.36762007427313126, 0.3676200742731312, 0.3676200742731312, 0.36260741494660403, 0.3626074149466041, 0.3626074149466041, 0.36653258910061726, 0.3665325891006172, 0.3665325891006172, 0.38504314236629406, 0.38504314236629406, 0.3850431423662941, 0.36762007427313126, 0.3676200742731312, 0.3676200742731312, 0.3626074149466041, 0.3626074149466041, 0.3626074149466041, 0.36653258910061726, 0.3665325891006172, 0.3665325891006172, 0.385043142366294, 0.3850431423662941, 0.3850431423662941, 0.3676200742731312, 0.36762007427313126, 0.36762007427313126, 0.36260741494660403, 0.36260741494660403, 0.3626074149466041, 0.36653258910061726, 0.36653258910061726, 0.3665325891006172, 0.3850431423662941, 0.38504314236629406, 0.3850431423662941, 0.3676200742731312, 0.3676200742731312, 0.36762007427313126, 0.3626074149466041, 0.3626074149466041, 0.3626074149466041, 0.3665325891006172, 0.36653258910061726, 0.36653258910061726, 0.3850431423662941, 0.3850431423662941, 0.38504314236629406, 0.36762007427313126, 0.36762007427313126, 0.36762007427313126, 0.36260741494660403, 0.3626074149466041, 0.3626074149466041, 0.3675768867377367, 0.3675768867377368, 0.3675768867377368, 0.38539697518159804, 0.3853969751815981, 0.38539697518159804, 0.36873918647064496, 0.3687391864706449, 0.36873918647064496, 0.3628264884232426, 0.3628264884232426, 0.36282648842324267, 0.36757688673773675, 0.36757688673773675, 0.36757688673773675, 0.38539697518159804, 0.38539697518159804, 0.3853969751815981, 0.36873918647064496, 0.36873918647064496, 0.368739186470645, 0.3628264884232426, 0.3628264884232427, 0.3628264884232426, 0.36757688673773675, 0.3675768867377368, 0.3675768867377368, 0.38539697518159804, 0.3853969751815981, 0.3853969751815981, 0.36873918647064496, 0.368739186470645, 0.36873918647064496, 0.3628264884232426, 0.3628264884232426, 0.3628264884232426, 0.3675768867377368, 0.3675768867377368, 0.3675768867377368, 0.3853969751815981, 0.3853969751815981, 0.38539697518159804, 0.36873918647064496, 0.36873918647064496, 0.36873918647064496, 0.36282648842324267, 0.3628264884232427, 0.3628264884232426, 0.3675768867377368, 0.3675768867377368, 0.36757688673773675, 0.3853969751815981, 0.38539697518159804, 0.3853969751815981, 0.36873918647064496, 0.36873918647064496, 0.36873918647064496, 0.3628264884232426, 0.3628264884232426, 0.36282648842324267, 0.3675768867377368, 0.3675768867377368, 0.36757688673773675, 0.38539697518159804, 0.3853969751815981, 0.38539697518159804, 0.36873918647064496, 0.36873918647064496, 0.36873918647064496, 0.36282648842324267, 0.3628264884232426, 0.3628264884232426, 0.37173435597259924, 0.3717343559725993, 0.3717343559725993, 0.38155178659369016, 0.38155178659369016, 0.3815517865936902, 0.3726962175569198, 0.3726962175569198, 0.3726962175569199, 0.36384918986539994, 0.3638491898654, 0.3638491898654, 0.37173435597259924, 0.37173435597259924, 0.37173435597259924, 0.38155178659369016, 0.38155178659369016, 0.38155178659369016, 0.3726962175569199, 0.3726962175569199, 0.3726962175569199, 0.3638491898654, 0.36384918986539994, 0.3638491898654, 0.3717343559725993, 0.3717343559725993, 0.3717343559725993, 0.38155178659369016, 0.3815517865936902, 0.38155178659369016, 0.37269621755691984, 0.3726962175569199, 0.37269621755691984, 0.36384918986539994, 0.3638491898654, 0.36384918986539994, 0.3717343559725993, 0.37173435597259924, 0.37173435597259924, 0.38155178659369016, 0.38155178659369016, 0.38155178659369016, 0.3726962175569199, 0.3726962175569199, 0.3726962175569198, 0.3638491898654, 0.36384918986539994, 0.36384918986539994, 0.3717343559725993, 0.3717343559725993, 0.3717343559725993, 0.38155178659369027, 0.38155178659369016, 0.38155178659369016, 0.3726962175569198, 0.3726962175569198, 0.3726962175569199, 0.3638491898654, 0.36384918986539994, 0.3638491898654, 0.37173435597259924, 0.3717343559725993, 0.3717343559725993, 0.3815517865936902, 0.38155178659369016, 0.3815517865936902, 0.37269621755691984, 0.3726962175569198, 0.3726962175569199, 0.3638491898654, 0.3638491898654, 0.36384918986539994]\n", "\n", "Abstraction error: 0.3853969751815981\n", "\n", "M1: ['Z', 'Y', 'V'] -> ['W']\n", "M0: ['B', 'D', 'F', 'H', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 576)\n", "M0 mechanism shape: (3, 1440)\n", "Alpha_s shape: (576, 1440)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.3243736203962742, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.15211218969749077, 0.15211218969749093, 0.1521121896974906, 0.15211218969749088, 0.15211218969749069, 0.15211218969749069, 0.15211218969749035, 0.15211218969749057, 0.15211218969749052, 0.1521121896974906, 0.15211218969749069, 0.15211218969749027, 0.15211218969749044, 0.15211218969749082, 0.15211218969749093, 0.3273772689008734, 0.3273772689008733, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.3273772689008733, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.32737726890087343, 0.3273772689008734, 0.32737726890087365, 0.3273772689008735, 0.20772528694790404, 0.20772528694790438, 0.2077252869479042, 0.20772528694790407, 0.20772528694790424, 0.20772528694790438, 0.2077252869479041, 0.20772528694790424, 0.2077252869479044, 0.2077252869479041, 0.20772528694790426, 0.2077252869479041, 0.20772528694790432, 0.20772528694790424, 0.20772528694790426, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.3243736203962745, 0.3243736203962745, 0.15211218969749082, 0.15211218969749055, 0.1521121896974906, 0.1521121896974908, 0.15211218969749082, 0.15211218969749082, 0.15211218969749082, 0.1521121896974906, 0.15211218969749057, 0.15211218969749069, 0.15211218969749069, 0.15211218969749082, 0.15211218969749069, 0.1521121896974908, 0.15211218969749082, 0.32737726890087365, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008733, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.32737726890087365, 0.20772528694790424, 0.20772528694790407, 0.20772528694790404, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790435, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790426, 0.20772528694790426, 0.20772528694790426, 0.20772528694790438, 0.20772528694790407, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.3243736203962742, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.15211218969749057, 0.15211218969749044, 0.15211218969749077, 0.15211218969749093, 0.1521121896974908, 0.15211218969749082, 0.1521121896974908, 0.1521121896974907, 0.15211218969749052, 0.15211218969749088, 0.15211218969749069, 0.15211218969749082, 0.15211218969749055, 0.15211218969749052, 0.15211218969749057, 0.3273772689008735, 0.3273772689008733, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.32737726890087354, 0.3273772689008735, 0.3273772689008736, 0.32737726890087354, 0.3273772689008733, 0.3273772689008735, 0.32737726890087354, 0.3273772689008735, 0.3273772689008736, 0.32737726890087326, 0.20772528694790404, 0.20772528694790407, 0.20772528694790426, 0.20772528694790418, 0.2077252869479041, 0.20772528694790435, 0.20772528694790404, 0.20772528694790407, 0.2077252869479042, 0.20772528694790407, 0.2077252869479043, 0.20772528694790407, 0.20772528694790418, 0.20772528694790426, 0.20772528694790413, 0.3243736203962744, 0.32437362039627443, 0.32437362039627426, 0.3243736203962744, 0.32437362039627426, 0.3243736203962744, 0.32437362039627454, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.1521121896974908, 0.15211218969749063, 0.15211218969749082, 0.15211218969749052, 0.15211218969749107, 0.15211218969749077, 0.15211218969749052, 0.15211218969749063, 0.15211218969749069, 0.1521121896974908, 0.15211218969749052, 0.15211218969749077, 0.15211218969749093, 0.15211218969749052, 0.15211218969749107, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008734, 0.32737726890087354, 0.3273772689008735, 0.3273772689008735, 0.3273772689008734, 0.3273772689008736, 0.32737726890087354, 0.32737726890087354, 0.32737726890087365, 0.3273772689008736, 0.3273772689008736, 0.2077252869479043, 0.20772528694790435, 0.20772528694790413, 0.20772528694790407, 0.2077252869479042, 0.20772528694790407, 0.20772528694790407, 0.2077252869479043, 0.2077252869479041, 0.20772528694790418, 0.20772528694790404, 0.20772528694790426, 0.20772528694790404, 0.20772528694790407, 0.20772528694790438, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.15211218969749088, 0.1521121896974908, 0.15211218969749069, 0.15211218969749088, 0.1521121896974906, 0.1521121896974908, 0.1521121896974908, 0.15211218969749082, 0.1521121896974908, 0.15211218969749088, 0.15211218969749057, 0.15211218969749063, 0.1521121896974906, 0.1521121896974906, 0.1521121896974908, 0.32737726890087365, 0.3273772689008734, 0.32737726890087365, 0.32737726890087354, 0.32737726890087365, 0.32737726890087365, 0.3273772689008735, 0.32737726890087365, 0.3273772689008736, 0.32737726890087354, 0.3273772689008735, 0.3273772689008735, 0.32737726890087365, 0.3273772689008736, 0.3273772689008734, 0.2077252869479042, 0.20772528694790438, 0.20772528694790426, 0.2077252869479043, 0.20772528694790413, 0.20772528694790426, 0.20772528694790404, 0.2077252869479044, 0.20772528694790418, 0.20772528694790407, 0.20772528694790407, 0.20772528694790426, 0.20772528694790424, 0.20772528694790407, 0.20772528694790424, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.15211218969749088, 0.1521121896974908, 0.15211218969749082, 0.15211218969749063, 0.15211218969749069, 0.15211218969749057, 0.15211218969749069, 0.15211218969749069, 0.1521121896974906, 0.15211218969749085, 0.15211218969749055, 0.15211218969749077, 0.15211218969749063, 0.15211218969749044, 0.15211218969749077, 0.32737726890087365, 0.3273772689008735, 0.3273772689008736, 0.3273772689008733, 0.32737726890087365, 0.3273772689008736, 0.3273772689008733, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.2077252869479043, 0.20772528694790432, 0.20772528694790407, 0.20772528694790424, 0.2077252869479042, 0.20772528694790415, 0.2077252869479041, 0.20772528694790413, 0.20772528694790415, 0.2077252869479041, 0.2077252869479042, 0.20772528694790426, 0.20772528694790407, 0.20772528694790415, 0.20772528694790424, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345687, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963795, 0.22889733085472022, 0.2288973308547204, 0.22889733085472022, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.2288973308547204, 0.22889733085472044, 0.22889733085472042, 0.22889733085472044, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.22889733085472044, 0.22889733085472044, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.1735419811534571, 0.17354198115345706, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472028, 0.22889733085472036, 0.22889733085472025, 0.22889733085472022, 0.22889733085472044, 0.22889733085472025, 0.2288973308547202, 0.22889733085472022, 0.22889733085472036, 0.22889733085472042, 0.22889733085472022, 0.22889733085472028, 0.22889733085472044, 0.22889733085472044, 0.3448441157022618, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.17354198115345687, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345693, 0.1735419811534571, 0.17354198115345693, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345693, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472042, 0.22889733085472022, 0.2288973308547202, 0.22889733085472042, 0.22889733085472044, 0.22889733085472044, 0.22889733085472044, 0.22889733085472028, 0.22889733085472022, 0.22889733085472022, 0.22889733085472028, 0.22889733085472022, 0.22889733085472042, 0.22889733085472044, 0.22889733085472044, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.22889733085472022, 0.22889733085472025, 0.22889733085472044, 0.22889733085472044, 0.22889733085472044, 0.22889733085472044, 0.22889733085472044, 0.22889733085472028, 0.22889733085472022, 0.22889733085472044, 0.22889733085472022, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.22889733085472042, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.17354198115345693, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345715, 0.17354198115345687, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472022, 0.22889733085472036, 0.22889733085472044, 0.2288973308547202, 0.22889733085472044, 0.22889733085472042, 0.22889733085472022, 0.22889733085472022, 0.22889733085472022, 0.22889733085472042, 0.22889733085472025, 0.22889733085472042, 0.22889733085472044, 0.22889733085472036, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.17354198115345706, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345706, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345695, 0.17354198115345695, 0.34782680469637967, 0.34782680469637967, 0.34782680469637983, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963795, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472044, 0.22889733085472047, 0.22889733085472022, 0.22889733085472044, 0.22889733085472022, 0.22889733085472022, 0.22889733085472022, 0.22889733085472042, 0.22889733085472042, 0.22889733085472044, 0.22889733085472025, 0.22889733085472028, 0.22889733085472022, 0.2288973308547204, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.3364504213504993, 0.3364504213504991, 0.3364504213504992, 0.16474303610547192, 0.1647430361054719, 0.16474303610547208, 0.1647430361054718, 0.16474303610547192, 0.1647430361054721, 0.16474303610547192, 0.1647430361054718, 0.16474303610547203, 0.16474303610547203, 0.16474303610547208, 0.1647430361054718, 0.16474303610547192, 0.16474303610547195, 0.16474303610547192, 0.3394418600185987, 0.33944186001859855, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185985, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.22020850886594168, 0.22020850886594173, 0.2202085088659418, 0.2202085088659418, 0.22020850886594173, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.2202085088659417, 0.2202085088659417, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.2202085088659418, 0.22020850886594173, 0.3364504213504992, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547203, 0.16474303610547203, 0.16474303610547208, 0.1647430361054718, 0.16474303610547192, 0.1647430361054718, 0.16474303610547203, 0.16474303610547208, 0.16474303610547192, 0.16474303610547175, 0.16474303610547175, 0.16474303610547197, 0.16474303610547203, 0.16474303610547195, 0.16474303610547203, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.2202085088659418, 0.22020850886594168, 0.2202085088659418, 0.22020850886594198, 0.22020850886594168, 0.22020850886594173, 0.22020850886594168, 0.22020850886594173, 0.22020850886594168, 0.2202085088659418, 0.220208508865942, 0.2202085088659418, 0.22020850886594168, 0.22020850886594198, 0.2202085088659417, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504991, 0.3364504213504991, 0.3364504213504992, 0.3364504213504991, 0.33645042135049924, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547203, 0.1647430361054718, 0.16474303610547197, 0.16474303610547192, 0.164743036105472, 0.1647430361054722, 0.1647430361054718, 0.16474303610547197, 0.1647430361054721, 0.16474303610547203, 0.1647430361054721, 0.164743036105472, 0.1647430361054721, 0.16474303610547192, 0.16474303610547192, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.2202085088659419, 0.22020850886594168, 0.2202085088659417, 0.22020850886594173, 0.2202085088659417, 0.22020850886594157, 0.2202085088659418, 0.22020850886594154, 0.22020850886594173, 0.2202085088659418, 0.2202085088659417, 0.22020850886594168, 0.22020850886594173, 0.22020850886594168, 0.22020850886594168, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.3364504213504992, 0.1647430361054718, 0.16474303610547192, 0.16474303610547192, 0.16474303610547208, 0.1647430361054722, 0.16474303610547208, 0.16474303610547197, 0.1647430361054718, 0.1647430361054718, 0.16474303610547178, 0.1647430361054719, 0.16474303610547208, 0.16474303610547197, 0.16474303610547203, 0.16474303610547203, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.22020850886594165, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594154, 0.22020850886594198, 0.2202085088659417, 0.2202085088659417, 0.2202085088659418, 0.2202085088659417, 0.2202085088659418, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.3364504213504992, 0.3364504213504991, 0.33645042135049924, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.1647430361054718, 0.16474303610547203, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.1647430361054718, 0.16474303610547203, 0.16474303610547203, 0.1647430361054718, 0.164743036105472, 0.164743036105472, 0.16474303610547192, 0.164743036105472, 0.16474303610547208, 0.1647430361054721, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.33944186001859855, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.33944186001859855, 0.22020850886594168, 0.2202085088659417, 0.2202085088659418, 0.22020850886594173, 0.2202085088659417, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594173, 0.2202085088659417, 0.2202085088659417, 0.2202085088659418, 0.22020850886594165, 0.22020850886594168, 0.22020850886594168, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.3364504213504992, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.3364504213504992, 0.16474303610547206, 0.164743036105472, 0.16474303610547208, 0.164743036105472, 0.1647430361054719, 0.1647430361054721, 0.1647430361054722, 0.1647430361054718, 0.16474303610547203, 0.1647430361054718, 0.16474303610547197, 0.1647430361054718, 0.16474303610547208, 0.16474303610547195, 0.16474303610547208, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.33944186001859866, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.33944186001859855, 0.22020850886594157, 0.22020850886594168, 0.22020850886594154, 0.22020850886594173, 0.22020850886594173, 0.2202085088659417, 0.22020850886594154, 0.2202085088659417, 0.2202085088659417, 0.2202085088659417, 0.22020850886594154, 0.2202085088659417, 0.2202085088659417, 0.22020850886594157, 0.2202085088659418, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.15662127315532798, 0.15662127315532798, 0.15662127315532767, 0.15662127315532798, 0.1566212731553279, 0.15662127315532784, 0.15662127315532795, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532798, 0.15662127315532767, 0.15662127315532767, 0.33168794390767464, 0.3316879439076748, 0.33168794390767475, 0.3316879439076747, 0.3316879439076747, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.3316879439076747, 0.3316879439076748, 0.33168794390767475, 0.3316879439076748, 0.21218306043526702, 0.21218306043526705, 0.2121830604352671, 0.21218306043526702, 0.21218306043526705, 0.2121830604352671, 0.21218306043526705, 0.21218306043526686, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.2121830604352668, 0.21218306043526705, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.32868860730356786, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.15662127315532784, 0.15662127315532798, 0.15662127315532767, 0.1566212731553279, 0.15662127315532773, 0.1566212731553275, 0.15662127315532795, 0.15662127315532798, 0.15662127315532787, 0.15662127315532787, 0.15662127315532787, 0.15662127315532784, 0.15662127315532767, 0.1566212731553275, 0.33168794390767464, 0.3316879439076746, 0.33168794390767464, 0.3316879439076748, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.33168794390767475, 0.3316879439076749, 0.33168794390767464, 0.33168794390767464, 0.33168794390767486, 0.3316879439076748, 0.3316879439076747, 0.21218306043526705, 0.21218306043526722, 0.21218306043526705, 0.21218306043526694, 0.2121830604352672, 0.21218306043526705, 0.21218306043526694, 0.2121830604352669, 0.21218306043526705, 0.2121830604352672, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.21218306043526702, 0.21218306043526722, 0.3286886073035679, 0.32868860730356775, 0.32868860730356786, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.32868860730356786, 0.32868860730356786, 0.3286886073035678, 0.3286886073035679, 0.32868860730356775, 0.32868860730356775, 0.15662127315532767, 0.15662127315532767, 0.15662127315532773, 0.15662127315532798, 0.15662127315532787, 0.15662127315532787, 0.15662127315532787, 0.1566212731553279, 0.15662127315532787, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532795, 0.15662127315532767, 0.15662127315532798, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.3316879439076745, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.21218306043526702, 0.21218306043526702, 0.21218306043526705, 0.2121830604352672, 0.21218306043526716, 0.21218306043526705, 0.21218306043526677, 0.21218306043526702, 0.21218306043526683, 0.21218306043526702, 0.2121830604352672, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526694, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.1566212731553275, 0.15662127315532776, 0.15662127315532787, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532798, 0.1566212731553275, 0.15662127315532784, 0.15662127315532798, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.33168794390767475, 0.3316879439076749, 0.3316879439076747, 0.3316879439076748, 0.3316879439076747, 0.33168794390767464, 0.3316879439076748, 0.3316879439076747, 0.3316879439076747, 0.33168794390767475, 0.33168794390767464, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.21218306043526702, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526705, 0.2121830604352669, 0.21218306043526702, 0.32868860730356775, 0.32868860730356775, 0.3286886073035679, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.32868860730356775, 0.3286886073035679, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.1566212731553275, 0.15662127315532784, 0.15662127315532767, 0.1566212731553279, 0.1566212731553275, 0.1566212731553278, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532773, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.3316879439076747, 0.33168794390767464, 0.2121830604352668, 0.21218306043526716, 0.21218306043526694, 0.21218306043526702, 0.2121830604352669, 0.21218306043526727, 0.21218306043526705, 0.21218306043526686, 0.21218306043526694, 0.21218306043526705, 0.21218306043526727, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.21218306043526694, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.15662127315532767, 0.15662127315532795, 0.15662127315532767, 0.15662127315532798, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532798, 0.1566212731553275, 0.15662127315532767, 0.15662127315532776, 0.33168794390767475, 0.33168794390767464, 0.3316879439076747, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.33168794390767475, 0.3316879439076747, 0.33168794390767464, 0.33168794390767464, 0.3316879439076747, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.33168794390767475, 0.21218306043526705, 0.21218306043526705, 0.21218306043526727, 0.21218306043526705, 0.21218306043526727, 0.21218306043526722, 0.21218306043526722, 0.2121830604352671, 0.212183060435267, 0.21218306043526677, 0.2121830604352669, 0.21218306043526705, 0.21218306043526716, 0.2121830604352669, 0.21218306043526705]\n", "\n", "Abstraction error: 0.34782680469637983\n", "\n", "M1: ['Z', 'Y', 'V'] -> ['X', 'W']\n", "M0: ['B', 'D', 'F', 'H', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 576)\n", "M0 mechanism shape: (9, 1440)\n", "Alpha_s shape: (576, 1440)\n", "Alpha_t shape: (6, 9)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640753, 0.4088053365640753, 0.40880533656407525, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640753, 0.40880533656407536, 0.40880533656407525, 0.4088053365640753, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.3111127812492302, 0.31111278124923003, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195016, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.3374483984958207, 0.3374483984958207, 0.3374483984958207, 0.33744839849582087, 0.33744839849582076, 0.33744839849582076, 0.3374483984958208, 0.33744839849582076, 0.3374483984958207, 0.3374483984958207, 0.3374483984958208, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.3374483984958208, 0.40880533656407536, 0.4088053365640753, 0.4088053365640753, 0.4088053365640753, 0.40880533656407525, 0.40880533656407536, 0.40880533656407536, 0.40880533656407536, 0.40880533656407525, 0.40880533656407536, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.3111127812492301, 0.3111127812492301, 0.31111278124923014, 0.31111278124923003, 0.31111278124923003, 0.31111278124923014, 0.3111127812492301, 0.31111278124923, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.31111278124923014, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.3374483984958207, 0.33744839849582076, 0.33744839849582076, 0.3374483984958208, 0.3374483984958208, 0.3374483984958207, 0.3374483984958207, 0.33744839849582087, 0.3374483984958207, 0.33744839849582076, 0.3374483984958208, 0.3374483984958207, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.4088053365640753, 0.40880533656407536, 0.40880533656407536, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.40880533656407525, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.31111278124923003, 0.3111127812492301, 0.31111278124923014, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.31111278124923, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.41086388309195016, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.3374483984958208, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.3374483984958207, 0.3374483984958208, 0.3374483984958208, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.3374483984958207, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.3374483984958207, 0.40880533656407536, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.4088053365640753, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.40880533656407536, 0.40880533656407536, 0.4088053365640753, 0.40880533656407525, 0.4088053365640753, 0.40880533656407525, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.31111278124923014, 0.3111127812492301, 0.3111127812492301, 0.31111278124923003, 0.31111278124923014, 0.31111278124923003, 0.3111127812492301, 0.31111278124923, 0.3111127812492301, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.41086388309195016, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.33744839849582076, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.3374483984958208, 0.33744839849582076, 0.33744839849582076, 0.33744839849582076, 0.3374483984958208, 0.3374483984958208, 0.33744839849582076, 0.33744839849582065, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640753, 0.4088053365640753, 0.4088053365640753, 0.4088053365640753, 0.40880533656407525, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407536, 0.40880533656407536, 0.40880533656407536, 0.31111278124923003, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.31111278124923014, 0.31111278124923003, 0.3111127812492301, 0.3111127812492301, 0.3111127812492301, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.31111278124923, 0.4108638830919502, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.4108638830919502, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.3374483984958208, 0.33744839849582076, 0.33744839849582076, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.3374483984958208, 0.3374483984958208, 0.33744839849582076, 0.3374483984958207, 0.33744839849582076, 0.33744839849582076, 0.3374483984958208, 0.3374483984958208, 0.3374483984958207, 0.40880533656407525, 0.4088053365640753, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640753, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.40880533656407525, 0.4088053365640752, 0.40880533656407525, 0.40880533656407525, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.31111278124923014, 0.31111278124923003, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.31111278124923, 0.3111127812492301, 0.3111127812492301, 0.31111278124923003, 0.3111127812492301, 0.31111278124923003, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.4108638830919501, 0.41086388309195004, 0.41086388309195004, 0.4108638830919501, 0.4108638830919501, 0.41086388309195004, 0.33744839849582076, 0.3374483984958208, 0.33744839849582076, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.33744839849582076, 0.33744839849582076, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.33744839849582076, 0.3374483984958207, 0.3374483984958208, 0.33744839849582076, 0.422947855199684, 0.422947855199684, 0.42294785519968386, 0.422947855199684, 0.4229478551996839, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.42294785519968386, 0.42294785519968403, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.42294785519968403, 0.3205291540735976, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.32052915407359756, 0.3205291540735976, 0.3205291540735975, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.32052915407359756, 0.32052915407359756, 0.4250498107939695, 0.42504981079396953, 0.4250498107939695, 0.4250498107939695, 0.4250498107939696, 0.4250498107939696, 0.42504981079396953, 0.42504981079396953, 0.42504981079396953, 0.42504981079396953, 0.4250498107939695, 0.4250498107939695, 0.4250498107939696, 0.42504981079396953, 0.4250498107939695, 0.3489479898301565, 0.3489479898301567, 0.3489479898301565, 0.34894798983015657, 0.3489479898301566, 0.3489479898301566, 0.34894798983015657, 0.3489479898301566, 0.3489479898301566, 0.34894798983015657, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.422947855199684, 0.42294785519968403, 0.422947855199684, 0.42294785519968403, 0.4229478551996839, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.42294785519968403, 0.422947855199684, 0.422947855199684, 0.42294785519968386, 0.4229478551996839, 0.42294785519968403, 0.422947855199684, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.32052915407359767, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.32052915407359756, 0.32052915407359756, 0.3205291540735977, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.32052915407359767, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.42504981079396953, 0.4250498107939695, 0.42504981079396953, 0.4250498107939695, 0.42504981079396953, 0.42504981079396953, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.3489479898301565, 0.34894798983015657, 0.34894798983015646, 0.34894798983015657, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.3489479898301565, 0.34894798983015657, 0.3489479898301567, 0.4229478551996839, 0.422947855199684, 0.42294785519968403, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.42294785519968403, 0.42294785519968403, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.3205291540735976, 0.32052915407359767, 0.32052915407359756, 0.3205291540735976, 0.32052915407359767, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.32052915407359767, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.32052915407359767, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.4250498107939695, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.4250498107939695, 0.42504981079396953, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.34894798983015657, 0.34894798983015657, 0.3489479898301566, 0.34894798983015646, 0.3489479898301566, 0.3489479898301566, 0.3489479898301567, 0.3489479898301565, 0.3489479898301566, 0.34894798983015657, 0.34894798983015657, 0.3489479898301565, 0.34894798983015646, 0.3489479898301565, 0.34894798983015657, 0.4229478551996839, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.42294785519968403, 0.42294785519968403, 0.422947855199684, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.4229478551996839, 0.42294785519968403, 0.422947855199684, 0.3205291540735975, 0.32052915407359756, 0.32052915407359767, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.32052915407359744, 0.32052915407359767, 0.3205291540735976, 0.32052915407359767, 0.4250498107939695, 0.42504981079396953, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396964, 0.4250498107939695, 0.42504981079396964, 0.4250498107939696, 0.4250498107939695, 0.4250498107939696, 0.4250498107939696, 0.4250498107939694, 0.3489479898301566, 0.34894798983015646, 0.34894798983015657, 0.3489479898301565, 0.3489479898301566, 0.34894798983015657, 0.3489479898301565, 0.3489479898301565, 0.34894798983015646, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.3489479898301566, 0.3489479898301565, 0.34894798983015657, 0.4229478551996839, 0.42294785519968386, 0.42294785519968386, 0.42294785519968403, 0.422947855199684, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.4229478551996839, 0.4229478551996839, 0.4229478551996839, 0.422947855199684, 0.3205291540735977, 0.32052915407359756, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.3205291540735976, 0.32052915407359756, 0.32052915407359756, 0.3205291540735975, 0.3205291540735976, 0.3205291540735976, 0.3205291540735975, 0.3205291540735975, 0.3205291540735976, 0.3205291540735976, 0.4250498107939696, 0.4250498107939696, 0.42504981079396953, 0.4250498107939695, 0.4250498107939695, 0.4250498107939696, 0.4250498107939696, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.4250498107939695, 0.4250498107939696, 0.42504981079396953, 0.42504981079396953, 0.3489479898301565, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.3489479898301565, 0.3489479898301565, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015646, 0.3489479898301565, 0.3489479898301565, 0.3489479898301565, 0.4229478551996839, 0.422947855199684, 0.4229478551996839, 0.4229478551996839, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.422947855199684, 0.422947855199684, 0.42294785519968403, 0.422947855199684, 0.4229478551996839, 0.422947855199684, 0.32052915407359756, 0.3205291540735975, 0.3205291540735976, 0.3205291540735975, 0.3205291540735976, 0.3205291540735975, 0.3205291540735976, 0.32052915407359756, 0.32052915407359756, 0.3205291540735977, 0.32052915407359756, 0.3205291540735976, 0.3205291540735975, 0.3205291540735976, 0.3205291540735975, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.4250498107939695, 0.4250498107939695, 0.4250498107939696, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.42504981079396953, 0.4250498107939696, 0.42504981079396953, 0.42504981079396953, 0.42504981079396953, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.3489479898301565, 0.3489479898301566, 0.3489479898301565, 0.3489479898301565, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.34894798983015657, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718527, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590902, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.3165465187590903, 0.31654651875909023, 0.3165465187590903, 0.3165465187590902, 0.31654651875909023, 0.3165465187590903, 0.31654651875909023, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.4191855782204413, 0.4191855782204412, 0.4191855782204413, 0.4191855782204412, 0.4191855782204412, 0.4191855782204413, 0.41918557822044117, 0.4191855782204413, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.4191855782204412, 0.34413943545955067, 0.3441394354595507, 0.3441394354595506, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.34413943545955067, 0.3441394354595507, 0.34413943545955067, 0.34413943545955067, 0.34413943545955067, 0.3441394354595506, 0.3441394354595506, 0.3441394354595507, 0.34413943545955067, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.3165465187590902, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590902, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.31654651875909023, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.4191855782204412, 0.4191855782204412, 0.4191855782204413, 0.4191855782204413, 0.4191855782204413, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.4191855782204412, 0.4191855782204412, 0.4191855782204412, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.3441394354595507, 0.3441394354595508, 0.3441394354595507, 0.3441394354595508, 0.3441394354595507, 0.34413943545955067, 0.3441394354595508, 0.34413943545955067, 0.3441394354595508, 0.3441394354595508, 0.3441394354595507, 0.34413943545955067, 0.34413943545955067, 0.3441394354595507, 0.3441394354595508, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.4171005460171851, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.3165465187590902, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.31654651875909035, 0.3165465187590903, 0.41918557822044117, 0.4191855782204413, 0.41918557822044117, 0.4191855782204412, 0.41918557822044117, 0.4191855782204411, 0.4191855782204413, 0.4191855782204411, 0.4191855782204413, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.3441394354595508, 0.3441394354595508, 0.3441394354595507, 0.3441394354595507, 0.3441394354595508, 0.34413943545955067, 0.3441394354595507, 0.3441394354595506, 0.3441394354595508, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.34413943545955067, 0.3441394354595507, 0.3441394354595508, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.31654651875909023, 0.3165465187590902, 0.3165465187590903, 0.3165465187590902, 0.31654651875909023, 0.3165465187590903, 0.31654651875909023, 0.31654651875909023, 0.31654651875909023, 0.3165465187590903, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.41918557822044117, 0.4191855782204413, 0.41918557822044117, 0.41918557822044117, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.4191855782204411, 0.41918557822044117, 0.41918557822044117, 0.3441394354595506, 0.3441394354595507, 0.34413943545955067, 0.3441394354595508, 0.3441394354595508, 0.34413943545955067, 0.3441394354595507, 0.3441394354595507, 0.34413943545955067, 0.34413943545955067, 0.3441394354595507, 0.3441394354595508, 0.3441394354595507, 0.3441394354595506, 0.34413943545955067, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.3165465187590902, 0.31654651875909023, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590902, 0.31654651875909023, 0.31654651875909035, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.3165465187590902, 0.3165465187590902, 0.3165465187590903, 0.4191855782204413, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.4191855782204412, 0.4191855782204413, 0.4191855782204412, 0.41918557822044117, 0.4191855782204413, 0.4191855782204413, 0.4191855782204413, 0.4191855782204412, 0.4191855782204412, 0.4191855782204413, 0.3441394354595506, 0.34413943545955067, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.3441394354595506, 0.3441394354595507, 0.3441394354595507, 0.3441394354595508, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.3441394354595507, 0.3441394354595508, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.41710054601718516, 0.4171005460171851, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.4171005460171852, 0.4171005460171852, 0.4171005460171852, 0.41710054601718516, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.31654651875909023, 0.3165465187590903, 0.3165465187590903, 0.3165465187590903, 0.31654651875909023, 0.3165465187590903, 0.3165465187590902, 0.31654651875909035, 0.3165465187590903, 0.41918557822044133, 0.41918557822044117, 0.4191855782204412, 0.41918557822044117, 0.4191855782204413, 0.4191855782204413, 0.41918557822044117, 0.4191855782204413, 0.4191855782204412, 0.4191855782204412, 0.41918557822044117, 0.4191855782204412, 0.4191855782204412, 0.41918557822044117, 0.41918557822044117, 0.34413943545955067, 0.3441394354595507, 0.3441394354595508, 0.3441394354595507, 0.34413943545955067, 0.3441394354595507, 0.3441394354595508, 0.34413943545955067, 0.3441394354595508, 0.3441394354595507, 0.3441394354595507, 0.34413943545955067, 0.3441394354595507, 0.34413943545955067, 0.3441394354595507, 0.4117528416077284, 0.41175284160772824, 0.4117528416077284, 0.41175284160772824, 0.4117528416077283, 0.41175284160772835, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.4117528416077284, 0.41175284160772824, 0.4117528416077283, 0.31301337068973634, 0.31301337068973645, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.3130133706897363, 0.31301337068973634, 0.3130133706897364, 0.31301337068973634, 0.31301337068973645, 0.31301337068973645, 0.31301337068973645, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.4138211472396609, 0.4138211472396609, 0.41382114723966096, 0.41382114723966085, 0.41382114723966096, 0.41382114723966085, 0.41382114723966085, 0.41382114723966096, 0.41382114723966096, 0.41382114723966085, 0.41382114723966085, 0.41382114723966085, 0.41382114723966085, 0.41382114723966096, 0.41382114723966096, 0.339807615261772, 0.33980761526177194, 0.33980761526177194, 0.33980761526177206, 0.339807615261772, 0.33980761526177206, 0.33980761526177194, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.33980761526177206, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.3130133706897363, 0.3130133706897364, 0.3130133706897363, 0.31301337068973634, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.31301337068973634, 0.31301337068973634, 0.31301337068973634, 0.3130133706897364, 0.4138211472396609, 0.4138211472396609, 0.41382114723966096, 0.41382114723966096, 0.41382114723966085, 0.41382114723966096, 0.41382114723966096, 0.41382114723966085, 0.41382114723966096, 0.4138211472396609, 0.41382114723966085, 0.41382114723966085, 0.4138211472396609, 0.41382114723966085, 0.4138211472396609, 0.33980761526177206, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.33980761526177206, 0.33980761526177194, 0.3398076152617721, 0.3398076152617721, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.33980761526177194, 0.41175284160772824, 0.4117528416077283, 0.41175284160772824, 0.41175284160772835, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.4117528416077284, 0.4117528416077283, 0.4117528416077283, 0.41175284160772835, 0.4117528416077284, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.3130133706897364, 0.31301337068973634, 0.3130133706897363, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.31301337068973645, 0.3130133706897364, 0.41382114723966085, 0.4138211472396609, 0.4138211472396609, 0.41382114723966085, 0.4138211472396609, 0.41382114723966085, 0.41382114723966085, 0.41382114723966096, 0.41382114723966096, 0.41382114723966085, 0.41382114723966096, 0.4138211472396609, 0.41382114723966096, 0.4138211472396609, 0.4138211472396609, 0.33980761526177206, 0.339807615261772, 0.33980761526177206, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.33980761526177206, 0.3398076152617721, 0.3398076152617719, 0.33980761526177194, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.33980761526177194, 0.33980761526177194, 0.4117528416077283, 0.4117528416077284, 0.41175284160772824, 0.4117528416077284, 0.4117528416077284, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.41175284160772835, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.3130133706897364, 0.3130133706897363, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.31301337068973634, 0.3130133706897364, 0.31301337068973634, 0.3130133706897363, 0.3130133706897364, 0.3130133706897364, 0.4138211472396609, 0.41382114723966085, 0.41382114723966085, 0.41382114723966085, 0.41382114723966085, 0.41382114723966085, 0.4138211472396609, 0.41382114723966096, 0.41382114723966096, 0.41382114723966085, 0.4138211472396609, 0.41382114723966085, 0.41382114723966096, 0.41382114723966085, 0.4138211472396609, 0.339807615261772, 0.3398076152617719, 0.33980761526177206, 0.33980761526177206, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.33980761526177194, 0.33980761526177206, 0.33980761526177194, 0.33980761526177194, 0.33980761526177206, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.41175284160772835, 0.41175284160772824, 0.4117528416077283, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.41175284160772835, 0.3130133706897364, 0.3130133706897364, 0.31301337068973645, 0.3130133706897364, 0.3130133706897364, 0.3130133706897363, 0.31301337068973634, 0.3130133706897362, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.31301337068973645, 0.4138211472396609, 0.41382114723966096, 0.41382114723966096, 0.4138211472396609, 0.41382114723966085, 0.41382114723966096, 0.4138211472396609, 0.41382114723966096, 0.4138211472396609, 0.41382114723966096, 0.4138211472396609, 0.4138211472396609, 0.41382114723966096, 0.41382114723966096, 0.41382114723966096, 0.339807615261772, 0.339807615261772, 0.33980761526177206, 0.33980761526177194, 0.33980761526177206, 0.33980761526177194, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.33980761526177206, 0.33980761526177194, 0.33980761526177194, 0.4117528416077283, 0.41175284160772824, 0.4117528416077283, 0.4117528416077283, 0.4117528416077283, 0.41175284160772824, 0.4117528416077283, 0.41175284160772824, 0.41175284160772835, 0.4117528416077283, 0.4117528416077284, 0.41175284160772824, 0.41175284160772824, 0.41175284160772824, 0.4117528416077283, 0.31301337068973634, 0.3130133706897363, 0.3130133706897364, 0.3130133706897364, 0.31301337068973645, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.3130133706897364, 0.31301337068973645, 0.3130133706897364, 0.3130133706897364, 0.31301337068973634, 0.3130133706897364, 0.4138211472396609, 0.41382114723966085, 0.4138211472396609, 0.4138211472396609, 0.41382114723966085, 0.41382114723966085, 0.4138211472396609, 0.4138211472396609, 0.41382114723966085, 0.4138211472396609, 0.4138211472396609, 0.41382114723966096, 0.41382114723966085, 0.41382114723966096, 0.41382114723966085, 0.33980761526177206, 0.339807615261772, 0.33980761526177206, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.33980761526177194, 0.339807615261772, 0.339807615261772, 0.339807615261772, 0.33980761526177194]\n", "\n", "Abstraction error: 0.42504981079396964\n", "\n", "M1: ['Z', 'Y', 'V'] -> ['W', 'U']\n", "M0: ['B', 'D', 'F', 'H', 'I'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 576)\n", "M0 mechanism shape: (6, 1440)\n", "Alpha_s shape: (576, 1440)\n", "Alpha_t shape: (4, 6)\n", "All JS distances: [0.39438320471460564, 0.3943832047146056, 0.3943832047146057, 0.39438320471460564, 0.39438320471460553, 0.39438320471460575, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.2874441014096167, 0.2874441014096168, 0.2874441014096169, 0.2874441014096169, 0.2874441014096169, 0.2874441014096168, 0.2874441014096169, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096168, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638052, 0.3965858523638051, 0.3965858523638051, 0.3965858523638053, 0.3965858523638052, 0.3965858523638051, 0.39658585236380517, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3943832047146056, 0.39438320471460564, 0.39438320471460575, 0.39438320471460564, 0.39438320471460553, 0.3943832047146056, 0.39438320471460575, 0.39438320471460575, 0.3943832047146056, 0.3943832047146057, 0.3943832047146057, 0.39438320471460575, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.28744410140961674, 0.28744410140961674, 0.28744410140961674, 0.2874441014096168, 0.28744410140961674, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.2874441014096169, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096168, 0.2874441014096167, 0.3965858523638051, 0.39658585236380517, 0.3965858523638052, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.2874441014096168, 0.2874441014096169, 0.2874441014096167, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.2874441014096169, 0.28744410140961674, 0.2874441014096168, 0.2874441014096166, 0.28744410140961674, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759355, 0.31685098948759355, 0.31685098948759377, 0.3168509894875937, 0.3168509894875937, 0.39438320471460564, 0.39438320471460553, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.28744410140961685, 0.2874441014096168, 0.2874441014096167, 0.2874441014096168, 0.2874441014096168, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.28744410140961674, 0.2874441014096168, 0.2874441014096169, 0.2874441014096168, 0.2874441014096168, 0.3965858523638051, 0.3965858523638051, 0.39658585236380506, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.3168509894875937, 0.3168509894875937, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.3943832047146057, 0.39438320471460564, 0.3943832047146056, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146056, 0.28744410140961685, 0.2874441014096166, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.2874441014096168, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638052, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.39438320471460575, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.39438320471460575, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146057, 0.3943832047146056, 0.28744410140961685, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.2874441014096169, 0.2874441014096167, 0.2874441014096168, 0.28744410140961674, 0.2874441014096167, 0.2874441014096169, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.2874441014096167, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638053, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.31685098948759366, 0.31685098948759355, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717383, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.2972419273221463, 0.2972419273221465, 0.2972419273221465, 0.2972419273221463, 0.2972419273221465, 0.2972419273221463, 0.29724192732214655, 0.29724192732214655, 0.2972419273221465, 0.2972419273221464, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292909, 0.32863657532604373, 0.32863657532604373, 0.32863657532604384, 0.32863657532604384, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.32863657532604384, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717385, 0.4084821481717383, 0.40848214817173845, 0.40848214817173834, 0.40848214817173834, 0.4084821481717385, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.40848214817173845, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.2972419273221463, 0.2972419273221465, 0.2972419273221465, 0.41071940592929096, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.41071940592929085, 0.41071940592929085, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.41071940592929074, 0.4107194059292908, 0.4107194059292909, 0.41071940592929085, 0.4107194059292908, 0.32863657532604384, 0.3286365753260437, 0.3286365753260436, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.32863657532604384, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.3286365753260437, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.2972419273221464, 0.2972419273221463, 0.2972419273221463, 0.29724192732214644, 0.2972419273221465, 0.2972419273221465, 0.2972419273221463, 0.29724192732214644, 0.29724192732214655, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.41071940592929074, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.41071940592929085, 0.3286365753260438, 0.32863657532604384, 0.3286365753260437, 0.3286365753260437, 0.32863657532604384, 0.3286365753260438, 0.32863657532604384, 0.3286365753260436, 0.3286365753260437, 0.32863657532604357, 0.3286365753260438, 0.3286365753260438, 0.32863657532604373, 0.32863657532604384, 0.3286365753260438, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717385, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173834, 0.40848214817173845, 0.40848214817173845, 0.4084821481717384, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.2972419273221464, 0.29724192732214644, 0.2972419273221463, 0.29724192732214655, 0.2972419273221465, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.41071940592929085, 0.41071940592929074, 0.41071940592929085, 0.41071940592929085, 0.4107194059292909, 0.41071940592929085, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.32863657532604384, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.3286365753260439, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.40848214817173845, 0.2972419273221465, 0.2972419273221466, 0.2972419273221465, 0.29724192732214655, 0.2972419273221464, 0.29724192732214644, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221463, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.4107194059292909, 0.41071940592929074, 0.41071940592929074, 0.4107194059292908, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.3286365753260438, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.3286365753260436, 0.3286365753260438, 0.3286365753260438, 0.4084821481717384, 0.40848214817173845, 0.4084821481717383, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.2972419273221464, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221466, 0.29724192732214644, 0.29724192732214644, 0.29724192732214644, 0.2972419273221464, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221463, 0.2972419273221463, 0.2972419273221465, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.3286365753260437, 0.32863657532604384, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.3286365753260438, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.29266111439858644, 0.29266111439858633, 0.2926611143985864, 0.2926611143985863, 0.2926611143985862, 0.2926611143985864, 0.2926611143985862, 0.2926611143985864, 0.29266111439858633, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.2926611143985863, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.3231905998367968, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.32319059983679704, 0.32319059983679693, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935593, 0.40202977286935593, 0.402029772869356, 0.29266111439858633, 0.2926611143985864, 0.2926611143985863, 0.29266111439858633, 0.2926611143985863, 0.2926611143985862, 0.29266111439858633, 0.2926611143985863, 0.2926611143985863, 0.2926611143985862, 0.2926611143985864, 0.29266111439858616, 0.2926611143985862, 0.2926611143985862, 0.29266111439858633, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.4042517888778579, 0.4042517888778579, 0.40425178887785795, 0.4042517888778579, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.402029772869356, 0.4020297728693561, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.4020297728693559, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.29266111439858644, 0.2926611143985864, 0.29266111439858633, 0.29266111439858644, 0.29266111439858616, 0.2926611143985864, 0.2926611143985864, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.29266111439858644, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785806, 0.40425178887785795, 0.4042517888778579, 0.404251788877858, 0.4042517888778579, 0.40425178887785806, 0.40425178887785795, 0.404251788877858, 0.4042517888778579, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.323190599836797, 0.32319059983679677, 0.3231905998367968, 0.323190599836797, 0.32319059983679693, 0.32319059983679677, 0.323190599836797, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.40202977286935604, 0.2926611143985863, 0.29266111439858633, 0.2926611143985862, 0.29266111439858633, 0.2926611143985864, 0.2926611143985864, 0.2926611143985862, 0.2926611143985863, 0.2926611143985862, 0.2926611143985863, 0.2926611143985864, 0.2926611143985864, 0.29266111439858633, 0.2926611143985865, 0.2926611143985863, 0.404251788877858, 0.404251788877858, 0.4042517888778581, 0.40425178887785806, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785784, 0.404251788877858, 0.40425178887785806, 0.40425178887785795, 0.40425178887785795, 0.32319059983679693, 0.3231905998367969, 0.3231905998367968, 0.32319059983679693, 0.32319059983679677, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.2926611143985863, 0.29266111439858633, 0.2926611143985862, 0.2926611143985863, 0.2926611143985863, 0.2926611143985862, 0.2926611143985864, 0.2926611143985865, 0.2926611143985862, 0.2926611143985862, 0.2926611143985863, 0.2926611143985863, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.404251788877858, 0.40425178887785806, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785784, 0.40425178887785795, 0.3231905998367968, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.323190599836797, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.40202977286935593, 0.40202977286935593, 0.40202977286935604, 0.2926611143985864, 0.2926611143985862, 0.29266111439858633, 0.2926611143985862, 0.29266111439858633, 0.2926611143985862, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.29266111439858644, 0.2926611143985863, 0.29266111439858633, 0.2926611143985863, 0.29266111439858633, 0.2926611143985864, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.4042517888778579, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679677, 0.3231905998367969, 0.3967331072317268, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.3967331072317268, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.3967331072317268, 0.3967331072317267, 0.39673310723172656, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317266, 0.28901066872747594, 0.289010668727476, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.28901066872747583, 0.2890106687274758, 0.28901066872747594, 0.28901066872747594, 0.289010668727476, 0.28901066872747594, 0.289010668727476, 0.28901066872747605, 0.2890106687274759, 0.28901066872747594, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.3187800630994385, 0.31878006309943846, 0.3187800630994384, 0.3187800630994385, 0.3187800630994385, 0.3187800630994385, 0.3187800630994385, 0.39673310723172683, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.39673310723172656, 0.39673310723172667, 0.3967331072317268, 0.39673310723172656, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.3967331072317268, 0.28901066872747594, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.289010668727476, 0.2890106687274759, 0.2890106687274759, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466809, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.31878006309943857, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994386, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.3967331072317267, 0.39673310723172656, 0.39673310723172667, 0.3967331072317267, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.3967331072317268, 0.39673310723172656, 0.3967331072317268, 0.3967331072317266, 0.2890106687274759, 0.28901066872747594, 0.289010668727476, 0.28901066872747594, 0.28901066872747594, 0.28901066872747594, 0.2890106687274759, 0.2890106687274759, 0.28901066872747594, 0.28901066872747583, 0.2890106687274758, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466806, 0.3989418529466808, 0.3989418529466807, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943835, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.31878006309943835, 0.3187800630994385, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.3967331072317267, 0.39673310723172667, 0.28901066872747605, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.2890106687274758, 0.2890106687274758, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.2890106687274758, 0.2890106687274759, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3187800630994385, 0.31878006309943846, 0.31878006309943857, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.3187800630994385, 0.3187800630994385, 0.3187800630994385, 0.3187800630994384, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317268, 0.39673310723172656, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317266, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.2890106687274758, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.28901066872747594, 0.28901066872747594, 0.28901066872747594, 0.289010668727476, 0.289010668727476, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3187800630994384, 0.3187800630994384, 0.31878006309943835, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.31878006309943846, 0.31878006309943835, 0.31878006309943846, 0.31878006309943846, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.39673310723172656, 0.3967331072317268, 0.3967331072317267, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.289010668727476, 0.289010668727476, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.2890106687274759, 0.289010668727476, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.28901066872747594, 0.28901066872747583, 0.289010668727476, 0.289010668727476, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.31878006309943846, 0.31878006309943846, 0.31878006309943835, 0.3187800630994385, 0.3187800630994385, 0.3187800630994386, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385]\n", "\n", "Abstraction error: 0.41071940592929096\n", "\n", "M1: ['Z', 'Y', 'V'] -> ['X', 'W', 'U']\n", "M0: ['B', 'D', 'F', 'H', 'I'] -> ['A', 'E', 'G']\n", "M1 mechanism shape: (12, 576)\n", "M0 mechanism shape: (18, 1440)\n", "Alpha_s shape: (576, 1440)\n", "Alpha_t shape: (12, 18)\n", "All JS distances: [0.459607215109885, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.45960721510988495, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520395, 0.38457206213520384, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520384, 0.3845720621352039, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.4612560455139109, 0.461256045513911, 0.461256045513911, 0.46125604551391103, 0.46125604551391103, 0.461256045513911, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.40410707800804047, 0.4041070780080404, 0.40410707800804047, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.4041070780080404, 0.40410707800804047, 0.4041070780080406, 0.4041070780080405, 0.4041070780080405, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.38457206213520384, 0.38457206213520395, 0.38457206213520384, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520384, 0.3845720621352039, 0.38457206213520395, 0.4612560455139111, 0.461256045513911, 0.4612560455139111, 0.4612560455139111, 0.4612560455139109, 0.461256045513911, 0.4612560455139111, 0.46125604551391103, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.4612560455139111, 0.46125604551391103, 0.46125604551391103, 0.4612560455139111, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.40410707800804047, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520395, 0.3845720621352039, 0.3845720621352039, 0.38457206213520384, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.461256045513911, 0.46125604551391103, 0.461256045513911, 0.461256045513911, 0.4612560455139111, 0.46125604551391103, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.4612560455139109, 0.461256045513911, 0.461256045513911, 0.4041070780080406, 0.40410707800804047, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.40410707800804047, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.40410707800804047, 0.40410707800804047, 0.40410707800804047, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.459607215109885, 0.45960721510988495, 0.45960721510988506, 0.38457206213520384, 0.384572062135204, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.3845720621352039, 0.38457206213520395, 0.3845720621352039, 0.38457206213520384, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.46125604551391103, 0.4612560455139111, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.46125604551391103, 0.4612560455139109, 0.4612560455139109, 0.4612560455139111, 0.461256045513911, 0.46125604551391103, 0.461256045513911, 0.46125604551391103, 0.4041070780080405, 0.4041070780080404, 0.40410707800804047, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.459607215109885, 0.4596072151098851, 0.45960721510988506, 0.4596072151098851, 0.4596072151098851, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.38457206213520384, 0.3845720621352039, 0.3845720621352039, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.38457206213520384, 0.3845720621352039, 0.38457206213520395, 0.3845720621352039, 0.3845720621352039, 0.3845720621352039, 0.38457206213520384, 0.38457206213520395, 0.461256045513911, 0.46125604551391103, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.4612560455139111, 0.46125604551391103, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.4041070780080405, 0.40410707800804047, 0.4041070780080405, 0.40410707800804047, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.40410707800804047, 0.4041070780080405, 0.459607215109885, 0.459607215109885, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.4596072151098851, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.45960721510988506, 0.3845720621352039, 0.3845720621352039, 0.38457206213520395, 0.3845720621352039, 0.3845720621352039, 0.3845720621352039, 0.38457206213520395, 0.38457206213520395, 0.38457206213520395, 0.3845720621352039, 0.3845720621352039, 0.38457206213520395, 0.38457206213520384, 0.3845720621352039, 0.3845720621352039, 0.4612560455139109, 0.46125604551391103, 0.461256045513911, 0.46125604551391103, 0.46125604551391103, 0.46125604551391103, 0.46125604551391103, 0.461256045513911, 0.461256045513911, 0.4612560455139111, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.461256045513911, 0.4041070780080405, 0.4041070780080405, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.40410707800804047, 0.4041070780080404, 0.4041070780080405, 0.4041070780080404, 0.4041070780080404, 0.4041070780080405, 0.4041070780080405, 0.4041070780080405, 0.4041070780080406, 0.4041070780080405, 0.4701922243239981, 0.47019222432399815, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399804, 0.47019222432399815, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114211, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.4718884600613193, 0.4718884600613192, 0.4718884600613193, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.41218891618807135, 0.41218891618807146, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.41218891618807146, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114213, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.4718884600613193, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.4718884600613192, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.41218891618807146, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399804, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.47019222432399804, 0.4701922243239981, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.4718884600613192, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613192, 0.4718884600613193, 0.4718884600613192, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.41218891618807146, 0.4121889161880714, 0.41218891618807146, 0.41218891618807146, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.47019222432399815, 0.47019222432399815, 0.4701922243239981, 0.47019222432399804, 0.47019222432399815, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.4718884600613193, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.4718884600613193, 0.4718884600613192, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613192, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.41218891618807135, 0.41218891618807135, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.41218891618807135, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399804, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.47019222432399804, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613192, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4121889161880714, 0.41218891618807135, 0.41218891618807146, 0.41218891618807146, 0.4121889161880714, 0.41218891618807135, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.41218891618807146, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.47019222432399804, 0.47019222432399804, 0.4701922243239981, 0.47019222432399815, 0.47019222432399815, 0.4701922243239981, 0.47019222432399815, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.4701922243239981, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142125, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.3909743765114212, 0.39097437651142114, 0.39097437651142114, 0.3909743765114212, 0.3909743765114212, 0.39097437651142114, 0.4718884600613193, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613192, 0.4718884600613193, 0.47188846006131924, 0.4718884600613193, 0.47188846006131924, 0.47188846006131924, 0.47188846006131924, 0.4718884600613193, 0.4718884600613193, 0.4718884600613193, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.4121889161880714, 0.41218891618807135, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.41218891618807146, 0.4121889161880714, 0.41218891618807135, 0.4121889161880714, 0.4121889161880714, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.46533271378679564, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.3879701579699399, 0.38797015796994, 0.38797015796994, 0.3879701579699399, 0.38797015796993994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.38797015796994005, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.40843931078827994, 0.40843931078827983, 0.40843931078827994, 0.40843931078827994, 0.40843931078827983, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4653327137867957, 0.4653327137867957, 0.4653327137867958, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867958, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.38797015796993994, 0.38797015796993994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.38797015796993994, 0.38797015796994005, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796993994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4084393107882799, 0.4084393107882799, 0.40843931078827983, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679564, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.40843931078827983, 0.4084393107882799, 0.40843931078827983, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.40843931078827994, 0.40843931078827994, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4653327137867958, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.4653327137867958, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.46533271378679564, 0.4653327137867957, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796993994, 0.38797015796993994, 0.38797015796993994, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389174, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.4670078090389174, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827983, 0.4084393107882799, 0.40843931078827994, 0.40843931078827994, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.4653327137867958, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.38797015796993994, 0.38797015796993994, 0.3879701579699399, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.38797015796993994, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827983, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.46533271378679575, 0.4653327137867958, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.46533271378679575, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.46533271378679575, 0.4653327137867957, 0.4653327137867957, 0.4653327137867957, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.3879701579699399, 0.38797015796993994, 0.38797015796994, 0.38797015796993994, 0.3879701579699401, 0.38797015796994, 0.38797015796993994, 0.38797015796994, 0.38797015796994, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4670078090389173, 0.4670078090389173, 0.46700780903891737, 0.4670078090389173, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.46700780903891737, 0.4084393107882799, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.4084393107882799, 0.40843931078827994, 0.4084393107882798, 0.4084393107882799, 0.40843931078827994, 0.40843931078827994, 0.4084393107882799, 0.4084393107882799, 0.40843931078827994, 0.40843931078827994, 0.40843931078827994, 0.4613639301394169, 0.4613639301394169, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394168, 0.4613639301394169, 0.38559110398875185, 0.38559110398875196, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.38559110398875196, 0.38559110398875185, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4054226747920224, 0.4054226747920224, 0.4054226747920224, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394168, 0.46136393013941684, 0.46136393013941684, 0.38559110398875185, 0.3855911039887519, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.38559110398875185, 0.38559110398875196, 0.38559110398875196, 0.38559110398875185, 0.46302097633049377, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.46302097633049377, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.46302097633049377, 0.4630209763304938, 0.4630209763304939, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920225, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202254, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.4613639301394168, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.3855911039887519, 0.3855911039887518, 0.3855911039887519, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.3855911039887519, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4054226747920225, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202254, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.4613639301394168, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.38559110398875185, 0.3855911039887519, 0.3855911039887519, 0.38559110398875196, 0.3855911039887519, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875196, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875196, 0.4630209763304939, 0.4630209763304939, 0.4630209763304939, 0.46302097633049377, 0.46302097633049377, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304939, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.4054226747920224, 0.4054226747920224, 0.40542267479202254, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.4613639301394169, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.38559110398875185, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.46302097633049377, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920225, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.46136393013941684, 0.4613639301394169, 0.4613639301394169, 0.46136393013941684, 0.4613639301394168, 0.46136393013941684, 0.46136393013941673, 0.4613639301394169, 0.38559110398875196, 0.3855911039887518, 0.38559110398875185, 0.38559110398875196, 0.3855911039887519, 0.38559110398875185, 0.3855911039887519, 0.3855911039887519, 0.38559110398875196, 0.38559110398875185, 0.3855911039887519, 0.3855911039887518, 0.38559110398875185, 0.38559110398875185, 0.3855911039887519, 0.4630209763304939, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.4630209763304938, 0.4630209763304938, 0.4630209763304939, 0.46302097633049377, 0.46302097633049377, 0.4630209763304938, 0.4630209763304938, 0.4054226747920224, 0.4054226747920223, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.40542267479202243, 0.4054226747920224]\n", "\n", "Abstraction error: 0.4718884600613193\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['W']\n", "M0: ['B', 'D', 'G', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 144)\n", "M0 mechanism shape: (3, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.298000272688126, 0.29800027268812596, 0.12464211800237433, 0.12464211800237436, 0.30102909061736915, 0.3010290906173692, 0.2618832703695903, 0.2618832703695903, 0.37661348697651276, 0.3766134869765127, 0.20700466096979914, 0.2070046609697992, 0.301029090617369, 0.30102909061736904, 0.18053572182000055, 0.1805357218200007, 0.2980002726881261, 0.29800027268812607, 0.2070046609697992, 0.20700466096979914, 0.37956099943090993, 0.3795609994309099, 0.2618832703695903, 0.2618832703695903, 0.29800027268812596, 0.2980002726881261, 0.12464211800237456, 0.12464211800237436, 0.30102909061736927, 0.3010290906173688, 0.2618832703695903, 0.2618832703695903, 0.3766134869765127, 0.3766134869765127, 0.20700466096979891, 0.20700466096979916, 0.3010290906173691, 0.30102909061736904, 0.1805357218200007, 0.1805357218200007, 0.2980002726881259, 0.29800027268812596, 0.20700466096979922, 0.20700466096979897, 0.37956099943091004, 0.37956099943091004, 0.26188327036959047, 0.2618832703695903, 0.3461516421214343, 0.34615164212143434, 0.17491416237792826, 0.1749141623779279, 0.34913294828577385, 0.34913294828577374, 0.2263507742581571, 0.2263507742581572, 0.3423851143366041, 0.34238511433660385, 0.17096250931531656, 0.1709625093153165, 0.34913294828577374, 0.34913294828577374, 0.23025178654426132, 0.23025178654426115, 0.3461516421214343, 0.3461516421214343, 0.17096250931531642, 0.17096250931531656, 0.3453703893747549, 0.3453703893747549, 0.22635077425815714, 0.2263507742581571, 0.3461516421214343, 0.34615164212143434, 0.1749141623779282, 0.17491416237792826, 0.3491329482857737, 0.34913294828577374, 0.22635077425815683, 0.22635077425815697, 0.3423851143366041, 0.34238511433660407, 0.1709625093153166, 0.17096250931531637, 0.34913294828577374, 0.3491329482857737, 0.23025178654426107, 0.2302517865442612, 0.3461516421214343, 0.3461516421214342, 0.17096250931531637, 0.17096250931531656, 0.3453703893747549, 0.34537038937475484, 0.22635077425815706, 0.22635077425815694, 0.3429080159652936, 0.3429080159652935, 0.17151090649720208, 0.1715109064972025, 0.3458927426747924, 0.3458927426747924, 0.20777007412710416, 0.207770074127104, 0.3244169858323338, 0.3244169858323338, 0.15215748471939403, 0.15215748471939414, 0.3458927426747927, 0.34589274267479236, 0.226892217825037, 0.22689221782503669, 0.34290801596529347, 0.3429080159652936, 0.15215748471939422, 0.15215748471939425, 0.32742059127956263, 0.32742059127956247, 0.20777007412710405, 0.20777007412710408, 0.3429080159652935, 0.3429080159652934, 0.17151090649720233, 0.17151090649720246, 0.3458927426747927, 0.3458927426747924, 0.20777007412710408, 0.20777007412710408, 0.32441698583233386, 0.3244169858323338, 0.15215748471939392, 0.15215748471939428, 0.3458927426747924, 0.34589274267479264, 0.22689221782503666, 0.22689221782503677, 0.3429080159652935, 0.3429080159652936, 0.15215748471939433, 0.15215748471939403, 0.3274205912795625, 0.32742059127956236, 0.20777007412710402, 0.207770074127104, 0.32321818049431666, 0.32321818049431683, 0.15090549408169243, 0.1509054940816929, 0.3262229741686099, 0.32622297416860985, 0.2229546006580525, 0.2229546006580524, 0.339104338880157, 0.33910433888015695, 0.16752326710522464, 0.16752326710522497, 0.3262229741686099, 0.3262229741686101, 0.20653206434445776, 0.2065320643444579, 0.32321818049431683, 0.3232181804943167, 0.16752326710522483, 0.16752326710522478, 0.34209303475612035, 0.3420930347561205, 0.22295460065805245, 0.22295460065805248, 0.3232181804943167, 0.32321818049431683, 0.15090549408169251, 0.150905494081693, 0.3262229741686102, 0.32622297416861007, 0.2229546006580524, 0.22295460065805262, 0.33910433888015706, 0.339104338880157, 0.16752326710522494, 0.16752326710522472, 0.32622297416861, 0.32622297416861007, 0.20653206434445787, 0.20653206434445776, 0.3232181804943167, 0.32321818049431683, 0.16752326710522497, 0.16752326710522494, 0.34209303475612046, 0.34209303475612035, 0.22295460065805237, 0.22295460065805253]\n", "\n", "Abstraction error: 0.37956099943091004\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['V']\n", "M0: ['B', 'D', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 144)\n", "M0 mechanism shape: (15, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (8, 15)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.12105668784390324, 0.12105668784390312, 0.1697626670238768, 0.16976266702387682, 0.12506564491964442, 0.12506564491964456, 0.09038807352010614, 0.09038807352010612, 0.12252356816251646, 0.12252356816251654, 0.1562789075424998, 0.15627890754249982, 0.1250656449196447, 0.1250656449196445, 0.09495741518845312, 0.09495741518845327, 0.12105668784390322, 0.12105668784390325, 0.15627890754249993, 0.15627890754249985, 0.12584520542608013, 0.12584520542608013, 0.0903880735201062, 0.09038807352010601, 0.12105668784390321, 0.12105668784390307, 0.16976266702387677, 0.1697626670238768, 0.12506564491964436, 0.1250656449196444, 0.09038807352010612, 0.09038807352010608, 0.12252356816251651, 0.12252356816251675, 0.15627890754249973, 0.15627890754249982, 0.1250656449196445, 0.12506564491964442, 0.09495741518845334, 0.09495741518845288, 0.12105668784390318, 0.12105668784390321, 0.15627890754249973, 0.1562789075424997, 0.12584520542608027, 0.12584520542608016, 0.09038807352010608, 0.09038807352010629, 0.12152027265917044, 0.12152027265917038, 0.17306256523323513, 0.17306256523323518, 0.1256094106607255, 0.1256094106607258, 0.09063943467592896, 0.09063943467592868, 0.1207610071791394, 0.12076100717913947, 0.1583034000860831, 0.15830340008608298, 0.12560941066072587, 0.12560941066072565, 0.09737206753679636, 0.09737206753679647, 0.12152027265917031, 0.12152027265917054, 0.15830340008608323, 0.15830340008608312, 0.12418178999434855, 0.1241817899943486, 0.09063943467592868, 0.09063943467592919, 0.12152027265917047, 0.12152027265917029, 0.17306256523323532, 0.1730625652332352, 0.1256094106607255, 0.12560941066072545, 0.09063943467592855, 0.0906394346759288, 0.1207610071791394, 0.12076100717913933, 0.15830340008608315, 0.15830340008608318, 0.1256094106607256, 0.12560941066072562, 0.09737206753679638, 0.09737206753679628, 0.12152027265917037, 0.12152027265917031, 0.1583034000860832, 0.1583034000860833, 0.12418178999434862, 0.12418178999434876, 0.09063943467592872, 0.0906394346759288, 0.1183372982831868, 0.11833729828318675, 0.17440491400530028, 0.17440491400530034, 0.1220140781530333, 0.12201407815303333, 0.09028000708952909, 0.09028000708952902, 0.12326057044203376, 0.12326057044203363, 0.15950059661867874, 0.15950059661867863, 0.12201407815303335, 0.12201407815303343, 0.10248700488427953, 0.10248700488427949, 0.11833729828318666, 0.11833729828318666, 0.15950059661867869, 0.15950059661867874, 0.12686079266207692, 0.12686079266207723, 0.09028000708952912, 0.09028000708952888, 0.11833729828318672, 0.11833729828318673, 0.17440491400530034, 0.17440491400530048, 0.12201407815303329, 0.12201407815303325, 0.09028000708952877, 0.09028000708952902, 0.12326057044203378, 0.12326057044203394, 0.15950059661867863, 0.1595005966186787, 0.12201407815303329, 0.12201407815303315, 0.10248700488427953, 0.10248700488427966, 0.11833729828318676, 0.11833729828318687, 0.15950059661867894, 0.15950059661867882, 0.12686079266207717, 0.12686079266207717, 0.09028000708952895, 0.09028000708952912, 0.12081853718726938, 0.12081853718726916, 0.1561798474231172, 0.15617984742311714, 0.12402295722991737, 0.12402295722991716, 0.09553296052602434, 0.09553296052602446, 0.11755455086035477, 0.11755455086035477, 0.1661239828996007, 0.1661239828996007, 0.12402295722991746, 0.12402295722991748, 0.09123226769717178, 0.0912322676971721, 0.1208185371872692, 0.12081853718726927, 0.16612398289960065, 0.16612398289960068, 0.12113410460458311, 0.12113410460458301, 0.09553296052602435, 0.09553296052602459, 0.12081853718726918, 0.12081853718726915, 0.15617984742311725, 0.15617984742311714, 0.12402295722991727, 0.12402295722991737, 0.09553296052602446, 0.09553296052602447, 0.11755455086035473, 0.11755455086035477, 0.16612398289960068, 0.16612398289960065, 0.1240229572299174, 0.12402295722991755, 0.09123226769717184, 0.09123226769717221, 0.12081853718726902, 0.12081853718726918, 0.16612398289960076, 0.16612398289960068, 0.12113410460458314, 0.12113410460458304, 0.09553296052602459, 0.09553296052602435]\n", "\n", "Abstraction error: 0.17440491400530048\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['X', 'W']\n", "M0: ['B', 'D', 'G', 'H'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 144)\n", "M0 mechanism shape: (9, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.3912078892290811, 0.3912078892290812, 0.30052421553857706, 0.30052421553857706, 0.3931992420698935, 0.39319924206989354, 0.3682477720134511, 0.3682477720134511, 0.44564638634077564, 0.44564638634077575, 0.3370495469056126, 0.3370495469056126, 0.3931992420698935, 0.3931992420698934, 0.32382788179446836, 0.32382788179446825, 0.3912078892290811, 0.3912078892290812, 0.3370495469056126, 0.3370495469056126, 0.4478021087230772, 0.4478021087230773, 0.3682477720134511, 0.3682477720134512, 0.3912078892290812, 0.3912078892290812, 0.300524215538577, 0.30052421553857706, 0.3931992420698935, 0.3931992420698935, 0.3682477720134511, 0.3682477720134511, 0.44564638634077564, 0.44564638634077564, 0.3370495469056126, 0.3370495469056126, 0.39319924206989354, 0.3931992420698936, 0.32382788179446825, 0.3238278817944683, 0.3912078892290811, 0.3912078892290812, 0.3370495469056128, 0.3370495469056126, 0.4478021087230773, 0.44780210872307724, 0.3682477720134511, 0.36824777201345105, 0.423864584711381, 0.4238645847113811, 0.32116440580903305, 0.321164405809033, 0.42596907014282137, 0.42596907014282126, 0.3475261627567643, 0.34752616275676435, 0.4212280546974456, 0.42122805469744556, 0.31934524566115596, 0.3193452456611559, 0.42596907014282126, 0.42596907014282137, 0.3497083928539955, 0.3497083928539955, 0.42386458471138116, 0.4238645847113811, 0.3193452456611559, 0.3193452456611559, 0.4233251754816522, 0.42332517548165227, 0.3475261627567644, 0.3475261627567644, 0.4238645847113811, 0.4238645847113811, 0.321164405809033, 0.32116440580903294, 0.42596907014282126, 0.42596907014282126, 0.3475261627567644, 0.34752616275676423, 0.4212280546974456, 0.42122805469744556, 0.31934524566115596, 0.3193452456611559, 0.42596907014282126, 0.42596907014282126, 0.3497083928539955, 0.3497083928539955, 0.4238645847113811, 0.4238645847113811, 0.3193452456611559, 0.3193452456611559, 0.4233251754816522, 0.42332517548165227, 0.3475261627567643, 0.3475261627567643, 0.42159330035960607, 0.4215933003596061, 0.31959581904244355, 0.3195958190424436, 0.4236914577172505, 0.4236914577172504, 0.337471931810739, 0.33747193181073903, 0.40883486693793397, 0.40883486693793397, 0.31113165320336544, 0.3111316532033655, 0.4236914577172504, 0.42369145771725036, 0.34782760854098493, 0.3478276085409849, 0.42159330035960607, 0.421593300359606, 0.31113165320336533, 0.3111316532033654, 0.4108935132083091, 0.41089351320830897, 0.3374719318107389, 0.33747193181073903, 0.4215933003596062, 0.42159330035960607, 0.3195958190424437, 0.3195958190424436, 0.4236914577172504, 0.42369145771725036, 0.337471931810739, 0.337471931810739, 0.40883486693793397, 0.40883486693793386, 0.31113165320336544, 0.31113165320336544, 0.42369145771725036, 0.4236914577172504, 0.3478276085409848, 0.34782760854098493, 0.42159330035960607, 0.4215933003596061, 0.3111316532033654, 0.3111316532033653, 0.410893513208309, 0.410893513208309, 0.33747193181073887, 0.337471931810739, 0.4080192145100129, 0.40801921451001283, 0.310611673418112, 0.3106116734181121, 0.41007509093613803, 0.4100750909361379, 0.34564604974293833, 0.3456460497429382, 0.4189422347758718, 0.41894223477587184, 0.31778776947099796, 0.317787769470998, 0.4100750909361379, 0.41007509093613803, 0.3368227014887937, 0.3368227014887937, 0.4080192145100128, 0.40801921451001283, 0.31778776947099796, 0.31778776947099796, 0.4210327468146814, 0.42103274681468145, 0.3456460497429383, 0.34564604974293817, 0.4080192145100128, 0.40801921451001283, 0.3106116734181121, 0.31061167341811213, 0.410075090936138, 0.4100750909361379, 0.3456460497429383, 0.3456460497429383, 0.4189422347758718, 0.4189422347758718, 0.31778776947099796, 0.317787769470998, 0.410075090936138, 0.4100750909361379, 0.3368227014887935, 0.3368227014887935, 0.4080192145100128, 0.4080192145100128, 0.31778776947099796, 0.31778776947099796, 0.4210327468146814, 0.4210327468146814, 0.3456460497429383, 0.34564604974293817]\n", "\n", "Abstraction error: 0.4478021087230773\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['X', 'V']\n", "M0: ['B', 'D', 'G', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 144)\n", "M0 mechanism shape: (45, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.29931366112123386, 0.2993136611212339, 0.319124859968515, 0.31912485996851503, 0.30072353674391333, 0.3007235367439133, 0.28992260541240356, 0.28992260541240356, 0.29985387767262967, 0.29985387767262967, 0.3130751847757588, 0.3130751847757588, 0.3007235367439133, 0.30072353674391333, 0.29116128333998786, 0.29116128333998786, 0.299313661121234, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.30103588154038236, 0.30103588154038236, 0.28992260541240356, 0.28992260541240356, 0.299313661121234, 0.2993136611212339, 0.31912485996851503, 0.319124859968515, 0.30072353674391333, 0.30072353674391333, 0.2899226054124036, 0.2899226054124036, 0.2998538776726296, 0.2998538776726296, 0.3130751847757588, 0.3130751847757588, 0.30072353674391333, 0.3007235367439133, 0.29116128333998786, 0.2911612833399879, 0.299313661121234, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.3010358815403823, 0.30103588154038236, 0.28992260541240356, 0.28992260541240356, 0.2994710723184173, 0.29947107231841724, 0.32066082631345927, 0.32066082631345927, 0.30091350776591674, 0.3009135077659167, 0.2899876307493846, 0.2899876307493846, 0.29923623302679686, 0.29923623302679675, 0.31395277214231715, 0.31395277214231715, 0.30091350776591674, 0.30091350776591674, 0.29184238168056725, 0.2918423816805673, 0.2994710723184173, 0.2994710723184173, 0.31395277214231715, 0.3139527721423171, 0.300437968956427, 0.30043796895642705, 0.2899876307493846, 0.2899876307493846, 0.29947107231841724, 0.2994710723184173, 0.3206608263134594, 0.3206608263134593, 0.3009135077659168, 0.30091350776591674, 0.2899876307493846, 0.2899876307493846, 0.2992362330267968, 0.2992362330267968, 0.31395277214231715, 0.31395277214231715, 0.3009135077659167, 0.30091350776591674, 0.2918423816805673, 0.29184238168056736, 0.2994710723184173, 0.2994710723184173, 0.3139527721423171, 0.31395277214231715, 0.30043796895642694, 0.30043796895642694, 0.2899876307493846, 0.28998763074938466, 0.2983852950576982, 0.2983852950576982, 0.321221956743639, 0.321221956743639, 0.29965131762769265, 0.2996513176276926, 0.2898901240833616, 0.2898901240833615, 0.30010044651739937, 0.3001004465173994, 0.3144938455289561, 0.31449384552895604, 0.2996513176276926, 0.29965131762769265, 0.29332819534905796, 0.2933281953490579, 0.2983852950576982, 0.2983852950576982, 0.31449384552895615, 0.31449384552895604, 0.30138758112587005, 0.30138758112587, 0.28989012408336157, 0.2898901240833616, 0.2983852950576982, 0.2983852950576982, 0.321221956743639, 0.321221956743639, 0.2996513176276926, 0.2996513176276926, 0.28989012408336157, 0.28989012408336157, 0.3001004465173994, 0.30010044651739937, 0.3144938455289561, 0.3144938455289561, 0.29965131762769265, 0.29965131762769265, 0.2933281953490579, 0.2933281953490579, 0.2983852950576982, 0.2983852950576982, 0.3144938455289561, 0.3144938455289561, 0.30138758112587005, 0.30138758112587, 0.28989012408336157, 0.28989012408336157, 0.2992642821829253, 0.2992642821829252, 0.31301956433047584, 0.3130195643304758, 0.3003908356056864, 0.30039083560568636, 0.2913205071664122, 0.2913205071664122, 0.29812947812252244, 0.2981294781225224, 0.3174127828811229, 0.31741278288112285, 0.30039083560568636, 0.30039083560568636, 0.29014929962975916, 0.2901492996297592, 0.2992642821829253, 0.2992642821829252, 0.3174127828811229, 0.3174127828811229, 0.2993564204729785, 0.2993564204729785, 0.2913205071664123, 0.2913205071664122, 0.29926428218292533, 0.2992642821829253, 0.3130195643304758, 0.3130195643304758, 0.30039083560568636, 0.30039083560568636, 0.2913205071664123, 0.2913205071664122, 0.29812947812252244, 0.29812947812252244, 0.31741278288112285, 0.31741278288112285, 0.3003908356056863, 0.30039083560568636, 0.29014929962975916, 0.29014929962975916, 0.2992642821829252, 0.2992642821829253, 0.3174127828811229, 0.3174127828811229, 0.29935642047297845, 0.2993564204729785, 0.2913205071664122, 0.2913205071664122]\n", "\n", "Abstraction error: 0.321221956743639\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['W', 'V']\n", "M0: ['B', 'D', 'G', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 144)\n", "M0 mechanism shape: (45, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.3265160932300133, 0.32651609323001335, 0.2090475976171773, 0.20904759761717723, 0.3307785361643216, 0.3307785361643217, 0.2848122025372543, 0.2848122025372543, 0.3959952981885882, 0.3959952981885882, 0.2553165470117343, 0.2553165470117343, 0.3307785361643216, 0.3307785361643216, 0.21740140226763335, 0.2174014022676333, 0.32651609323001335, 0.32651609323001335, 0.25531654701173423, 0.2553165470117343, 0.3999247863575407, 0.39992478635754064, 0.2848122025372543, 0.2848122025372543, 0.3265160932300134, 0.32651609323001335, 0.20904759761717742, 0.20904759761717734, 0.3307785361643217, 0.3307785361643217, 0.28481220253725437, 0.28481220253725437, 0.39599529818858825, 0.3959952981885882, 0.2553165470117343, 0.25531654701173423, 0.3307785361643217, 0.3307785361643216, 0.2174014022676334, 0.21740140226763344, 0.32651609323001335, 0.32651609323001335, 0.2553165470117343, 0.25531654701173423, 0.3999247863575407, 0.3999247863575407, 0.28481220253725437, 0.28481220253725437, 0.3698028264706863, 0.3698028264706863, 0.24255275249512298, 0.2425527524951231, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.25380127705930494, 0.3648947001570345, 0.3648947001570345, 0.23012873196584754, 0.2301287319658475, 0.37396360070007995, 0.37396360070007995, 0.2604900235699062, 0.2604900235699062, 0.36980282647068635, 0.3698028264706863, 0.2301287319658475, 0.23012873196584752, 0.368893205524162, 0.36889320552416194, 0.25380127705930494, 0.25380127705930494, 0.36980282647068635, 0.3698028264706863, 0.24255275249512304, 0.24255275249512306, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.25380127705930494, 0.3648947001570345, 0.3648947001570345, 0.23012873196584752, 0.23012873196584754, 0.37396360070007995, 0.37396360070007995, 0.26049002356990614, 0.26049002356990614, 0.3698028264706864, 0.3698028264706863, 0.23012873196584746, 0.2301287319658475, 0.368893205524162, 0.36889320552416205, 0.25380127705930494, 0.25380127705930494, 0.36671577613382716, 0.3667157761338272, 0.24157451406304067, 0.24157451406304073, 0.3706734760341123, 0.3706734760341123, 0.23726346923320246, 0.23726346923320246, 0.34932332321100334, 0.3493233232110033, 0.218018251205349, 0.2180182512053489, 0.3706734760341123, 0.3706734760341123, 0.2604146615402413, 0.26041466154024134, 0.36671577613382716, 0.3667157761338271, 0.2180182512053489, 0.2180182512053489, 0.3534521615212335, 0.3534521615212335, 0.23726346923320243, 0.23726346923320255, 0.3667157761338271, 0.3667157761338271, 0.2415745140630407, 0.24157451406304076, 0.3706734760341123, 0.3706734760341124, 0.23726346923320246, 0.2372634692332025, 0.3493233232110033, 0.3493233232110033, 0.2180182512053489, 0.21801825120534887, 0.3706734760341123, 0.3706734760341123, 0.2604146615402413, 0.2604146615402413, 0.3667157761338271, 0.36671577613382716, 0.21801825120534887, 0.21801825120534887, 0.3534521615212335, 0.3534521615212335, 0.23726346923320252, 0.2372634692332025, 0.34757894449459853, 0.34757894449459864, 0.21511587243667904, 0.215115872436679, 0.35153664513847804, 0.35153664513847804, 0.25371587554237873, 0.25371587554237873, 0.36222443664234993, 0.36222443664235, 0.2331596027916624, 0.2331596027916624, 0.351536645138478, 0.35153664513847804, 0.23686325378749373, 0.23686325378749365, 0.34757894449459864, 0.34757894449459864, 0.23315960279166234, 0.23315960279166234, 0.36620032268301916, 0.3662003226830192, 0.2537158755423788, 0.2537158755423788, 0.34757894449459864, 0.34757894449459864, 0.21511587243667907, 0.21511587243667904, 0.35153664513847804, 0.35153664513847804, 0.2537158755423787, 0.2537158755423787, 0.36222443664234993, 0.36222443664235, 0.23315960279166242, 0.23315960279166242, 0.35153664513847804, 0.35153664513847804, 0.23686325378749373, 0.23686325378749373, 0.34757894449459864, 0.3475789444945986, 0.2331596027916624, 0.23315960279166228, 0.3662003226830191, 0.3662003226830192, 0.25371587554237873, 0.2537158755423787]\n", "\n", "Abstraction error: 0.3999247863575407\n", "\n", "M1: ['Z', 'Y', 'U'] -> ['X', 'W', 'V']\n", "M0: ['B', 'D', 'G', 'H'] -> ['A', 'E', 'F', 'I']\n", "M1 mechanism shape: (48, 144)\n", "M0 mechanism shape: (135, 192)\n", "Alpha_s shape: (144, 192)\n", "Alpha_t shape: (48, 135)\n", "All JS distances: [0.4106756652777099, 0.41067566527771, 0.3384848350779764, 0.33848483507797644, 0.4136574428946476, 0.41365744289464756, 0.38276990352772505, 0.38276990352772505, 0.46031030042189486, 0.4603103004218948, 0.3645913071131618, 0.36459130711316173, 0.4136574428946476, 0.4136574428946476, 0.34283323943354366, 0.34283323943354366, 0.41067566527771, 0.41067566527771, 0.3645913071131618, 0.36459130711316184, 0.46328462525273423, 0.46328462525273423, 0.3827699035277251, 0.382769903527725, 0.41067566527770993, 0.41067566527770993, 0.33848483507797644, 0.33848483507797644, 0.4136574428946476, 0.4136574428946476, 0.38276990352772505, 0.38276990352772505, 0.4603103004218948, 0.4603103004218948, 0.36459130711316184, 0.3645913071131618, 0.4136574428946476, 0.4136574428946475, 0.34283323943354366, 0.34283323943354366, 0.41067566527770993, 0.4106756652777099, 0.3645913071131618, 0.3645913071131618, 0.46328462525273423, 0.4632846252527341, 0.38276990352772505, 0.38276990352772505, 0.44118608391059966, 0.44118608391059966, 0.35715340179465155, 0.35715340179465144, 0.4442579562034103, 0.44425795620341035, 0.36358221503256233, 0.36358221503256233, 0.43756187973501126, 0.43756187973501126, 0.3499214291168135, 0.3499214291168135, 0.4442579562034103, 0.4442579562034103, 0.36768083223081566, 0.3676808322308156, 0.44118608391059966, 0.44118608391059966, 0.3499214291168135, 0.3499214291168135, 0.4404939524312559, 0.4404939524312559, 0.36358221503256233, 0.36358221503256233, 0.4411860839105996, 0.44118608391059966, 0.35715340179465144, 0.35715340179465155, 0.4442579562034103, 0.4442579562034103, 0.3635822150325624, 0.3635822150325623, 0.43756187973501126, 0.4375618797350113, 0.3499214291168135, 0.3499214291168135, 0.4442579562034103, 0.4442579562034103, 0.36768083223081566, 0.3676808322308156, 0.44118608391059966, 0.44118608391059966, 0.34992142911681356, 0.34992142911681356, 0.44049395243125594, 0.4404939524312559, 0.36358221503256233, 0.3635822150325624, 0.4389259967189255, 0.4389259967189254, 0.35654400925518476, 0.3565440092551848, 0.44183476042696657, 0.4418347604269666, 0.3538919268479226, 0.35389192684792253, 0.42648549666302416, 0.42648549666302416, 0.3432298570479556, 0.3432298570479556, 0.44183476042696657, 0.4418347604269666, 0.3676233720939162, 0.3676233720939162, 0.4389259967189255, 0.43892599671892546, 0.3432298570479556, 0.34322985704795556, 0.42946031327092793, 0.42946031327092793, 0.3538919268479226, 0.3538919268479226, 0.43892599671892546, 0.4389259967189254, 0.3565440092551848, 0.35654400925518487, 0.44183476042696657, 0.44183476042696657, 0.3538919268479226, 0.3538919268479226, 0.42648549666302416, 0.42648549666302416, 0.34322985704795556, 0.34322985704795556, 0.44183476042696657, 0.44183476042696657, 0.3676233720939162, 0.3676233720939162, 0.4389259967189255, 0.43892599671892546, 0.3432298570479556, 0.34322985704795556, 0.42946031327092793, 0.42946031327092793, 0.3538919268479226, 0.3538919268479226, 0.42522113986711935, 0.42522113986711935, 0.34161861026328477, 0.3416186102632847, 0.42806351838274087, 0.42806351838274087, 0.36355662196619243, 0.36355662196619243, 0.43566523612313, 0.4356652361231299, 0.351668546256824, 0.351668546256824, 0.42806351838274087, 0.42806351838274087, 0.3536469702833467, 0.3536469702833467, 0.42522113986711935, 0.42522113986711935, 0.351668546256824, 0.3516685462568239, 0.43857194924324083, 0.43857194924324083, 0.36355662196619243, 0.36355662196619243, 0.42522113986711935, 0.42522113986711935, 0.34161861026328477, 0.34161861026328477, 0.42806351838274087, 0.42806351838274087, 0.3635566219661924, 0.36355662196619243, 0.4356652361231301, 0.43566523612313, 0.3516685462568239, 0.351668546256824, 0.42806351838274087, 0.42806351838274087, 0.3536469702833467, 0.35364697028334674, 0.42522113986711935, 0.42522113986711935, 0.35166854625682387, 0.3516685462568239, 0.43857194924324083, 0.4385719492432409, 0.3635566219661925, 0.36355662196619243]\n", "\n", "Abstraction error: 0.46328462525273423\n", "\n", "M1: ['Z', 'W', 'U'] -> ['V']\n", "M0: ['D', 'E', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 96)\n", "M0 mechanism shape: (15, 144)\n", "Alpha_s shape: (96, 144)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742433, 0.12491355211742432, 0.12491355211742426, 0.1249135521174244, 0.12491355211742428, 0.12491355211742425, 0.12508085160141336, 0.12508085160141316, 0.12508085160141322, 0.1250808516014131, 0.12508085160141336, 0.12508085160141338, 0.12491355211742422, 0.1249135521174241, 0.12491355211742428, 0.12491355211742436, 0.12491355211742433, 0.12491355211742415, 0.12508085160141325, 0.12508085160141327, 0.12508085160141344, 0.12508085160141333, 0.1250808516014133, 0.1250808516014134, 0.12491355211742412, 0.12491355211742411, 0.1249135521174241, 0.12491355211742422, 0.12491355211742414, 0.1249135521174242, 0.1250808516014132, 0.12508085160141322, 0.12508085160141338, 0.1250808516014134, 0.1250808516014132, 0.12508085160141333, 0.1249135521174241, 0.12491355211742426, 0.12491355211742414, 0.12491355211742403, 0.12491355211742435, 0.12491355211742415, 0.12508085160141333, 0.12508085160141347, 0.12508085160141327, 0.12508085160141308, 0.1250808516014131, 0.12508085160141322, 0.12491355211742396, 0.1249135521174243, 0.1249135521174241, 0.12491355211742433, 0.12491355211742416, 0.12491355211742432, 0.12508085160141333, 0.12508085160141313, 0.12508085160141322, 0.12508085160141344, 0.12508085160141352, 0.1250808516014132, 0.12491355211742416, 0.12491355211742411, 0.12491355211742416, 0.12491355211742397, 0.12491355211742415, 0.12491355211742435, 0.12508085160141327, 0.12508085160141316, 0.12508085160141325, 0.12508085160141333, 0.12508085160141333, 0.1250808516014133, 0.12491355211742415, 0.12491355211742414, 0.1249135521174242, 0.12491355211742407, 0.1249135521174242, 0.12491355211742418, 0.12508085160141327, 0.1250808516014134, 0.12508085160141316, 0.1250808516014132, 0.12508085160141325, 0.12508085160141333, 0.12491355211742412, 0.12491355211742436, 0.1249135521174242, 0.12491355211742422, 0.12491355211742422, 0.1249135521174242, 0.12508085160141322, 0.12508085160141336, 0.12508085160141333, 0.1250808516014132, 0.12508085160141316, 0.12508085160141322, 0.12491355211742429, 0.1249135521174241, 0.12491355211742425, 0.1249135521174244, 0.12491355211742415, 0.1249135521174243, 0.12508085160141333, 0.12508085160141325, 0.12508085160141316, 0.12508085160141325, 0.1250808516014133, 0.12508085160141336, 0.12491355211742408, 0.12491355211742412, 0.12491355211742437, 0.12491355211742419, 0.1249135521174243, 0.12491355211742426, 0.12508085160141327, 0.12508085160141308, 0.1250808516014132, 0.12508085160141325, 0.12508085160141322, 0.12508085160141322, 0.1249135521174242, 0.12491355211742429, 0.12491355211742429, 0.12491355211742447, 0.12491355211742437, 0.12491355211742425, 0.1250808516014133, 0.1250808516014132, 0.12508085160141308, 0.12508085160141333, 0.12508085160141333, 0.1250808516014133, 0.12491355211742418, 0.12491355211742411, 0.12491355211742425, 0.12491355211742429, 0.12491355211742416, 0.12491355211742435, 0.12508085160141333, 0.12508085160141336, 0.12508085160141327, 0.12508085160141313, 0.1250808516014133, 0.12508085160141336]\n", "\n", "Abstraction error: 0.12508085160141352\n", "\n", "M1: ['Z', 'W', 'U'] -> ['X', 'V']\n", "M0: ['D', 'E', 'G', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 96)\n", "M0 mechanism shape: (45, 144)\n", "Alpha_s shape: (96, 144)\n", "Alpha_t shape: (24, 45)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.3007492037875295, 0.3007492037875294, 0.30074920378752945, 0.30074920378752945, 0.3007492037875294, 0.30074920378752945, 0.30068382098935575, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.30068382098935575, 0.3006838209893557, 0.3007492037875295, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.30074920378752945, 0.3006838209893557, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.3007492037875295, 0.30074920378752945, 0.3007492037875294, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.3006838209893557, 0.3007492037875295, 0.3007492037875294, 0.30074920378752945, 0.3007492037875295, 0.30074920378752945, 0.30074920378752945, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.30074920378752945, 0.3007492037875295, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3006838209893557, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.30068382098935564, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.3006838209893557, 0.30068382098935564, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.30068382098935575, 0.3006838209893557, 0.3006838209893557, 0.30068382098935564, 0.3006838209893557, 0.3006838209893557, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.3006838209893557, 0.3007492037875294, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.30074920378752945, 0.30068382098935564, 0.30068382098935564, 0.3006838209893557, 0.30068382098935575, 0.3006838209893557, 0.30068382098935564, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.3007492037875294, 0.3007492037875294, 0.30068382098935575, 0.30068382098935575, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.3007492037875294, 0.3007492037875294, 0.30074920378752945, 0.3007492037875295, 0.3007492037875294, 0.30074920378752945, 0.30068382098935564, 0.3006838209893557, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.30068382098935564, 0.30074920378752945, 0.30074920378752945, 0.3007492037875294, 0.30074920378752945, 0.3007492037875295, 0.30074920378752945]\n", "\n", "Abstraction error: 0.3007492037875295\n", "\n", "M1: ['Z', 'W', 'U'] -> ['Y', 'V']\n", "M0: ['D', 'E', 'G', 'H'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 96)\n", "M0 mechanism shape: (60, 144)\n", "Alpha_s shape: (96, 144)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.25607436349513335, 0.25607436349513346, 0.25607436349513346, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951335, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.25475021120176594, 0.25607436349513346, 0.2560743634951335, 0.2560743634951334, 0.25607436349513335, 0.25607436349513346, 0.25607436349513335, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176605, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951335, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.25475021120176605, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513335, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.2547502112017659, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.2560743634951334, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334]\n", "\n", "Abstraction error: 0.2560743634951335\n", "\n", "M1: ['Z', 'W', 'U'] -> ['X', 'Y', 'V']\n", "M0: ['D', 'E', 'G', 'H'] -> ['A', 'B', 'F', 'I']\n", "M1 mechanism shape: (72, 96)\n", "M0 mechanism shape: (180, 144)\n", "Alpha_s shape: (96, 144)\n", "Alpha_t shape: (72, 180)\n", "All JS distances: [0.3643987151500383, 0.3643987151500383, 0.36439871515003835, 0.3643987151500383, 0.3643987151500383, 0.36439871515003835, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36439871515003835, 0.36439871515003835, 0.36439871515003824, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.36518244420166196, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36439871515003824, 0.3643987151500383, 0.36439871515003835, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.36518244420166185, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.36439871515003835, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.36439871515003824, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.36439871515003835, 0.36439871515003824, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.36518244420166185, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.36439871515003824, 0.3643987151500383, 0.3643987151500383, 0.36439871515003824, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.3643987151500383, 0.36439871515003835, 0.3643987151500383, 0.36439871515003835, 0.36439871515003824, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3643987151500383, 0.36439871515003824, 0.3643987151500383, 0.36439871515003824, 0.36439871515003824, 0.3643987151500383, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619, 0.3651824442016619]\n", "\n", "Abstraction error: 0.36518244420166196\n", "\n", "M1: ['Z', 'V', 'U'] -> ['W']\n", "M0: ['D', 'F', 'G', 'H', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 384)\n", "M0 mechanism shape: (3, 720)\n", "Alpha_s shape: (384, 720)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334726, 0.28365370223347247, 0.2836537022334726, 0.2836537022334726, 0.28365370223347236, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.2836537022334726, 0.28365370223347264, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.2828240281348518, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347264, 0.2836537022334726, 0.2836537022334724, 0.28365370223347247, 0.2836537022334724, 0.2836537022334726, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348518, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334724, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485175, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.2828240281348519, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334726, 0.2836537022334724, 0.2836537022334726, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334727, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.2828240281348518, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485175, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334724, 0.2836537022334726, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485175, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.28282402813485186, 0.2836537022334726, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334727, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347275, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347275, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.2836537022334724, 0.2836537022334727, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.2828240281348518, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.2828240281348519, 0.282824028134852, 0.28282402813485163, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347236, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485163, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.2836537022334725, 0.28365370223347264, 0.2836537022334724, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347275, 0.2836537022334725, 0.2836537022334726, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.2836537022334725, 0.2836537022334727, 0.2836537022334726, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485175, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334727, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186]\n", "\n", "Abstraction error: 0.28365370223347275\n", "\n", "M1: ['Z', 'V', 'U'] -> ['X', 'W']\n", "M0: ['D', 'F', 'G', 'H', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 384)\n", "M0 mechanism shape: (9, 720)\n", "Alpha_s shape: (384, 720)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989295, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398928, 0.38185667423989283, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200947, 0.38132934312009487, 0.3813293431200949, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3818566742398928, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989295, 0.3818566742398928, 0.3818566742398929, 0.38185667423989283, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.3813293431200947, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.3813293431200947, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3813293431200949, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.3818566742398929, 0.3818566742398929, 0.3818566742398927, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398928, 0.3818566742398927, 0.38185667423989283, 0.3818566742398929, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.3813293431200949, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3818566742398928, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.3818566742398929, 0.3818566742398929, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.3813293431200947, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.3818566742398928, 0.3818566742398927, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200949, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.3813293431200948, 0.3813293431200949, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38132934312009487, 0.3813293431200948, 0.3813293431200948, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.3813293431200947, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.3818566742398929, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398927, 0.3818566742398929, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.3813293431200947, 0.3813293431200947, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009475, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200949, 0.3813293431200947, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398929, 0.38185667423989283, 0.38185667423989295, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398928, 0.3818566742398929, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989295, 0.3818566742398929, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398927, 0.38185667423989283, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.3813293431200948, 0.38132934312009475, 0.3813293431200948, 0.3813293431200948, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200949, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398929, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.3818566742398928, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38185667423989283, 0.3818566742398929, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.38185667423989283, 0.3818566742398927, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.3813293431200948, 0.38132934312009487, 0.3813293431200948, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009475, 0.38132934312009475, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487, 0.38132934312009487]\n", "\n", "Abstraction error: 0.38185667423989295\n", "\n", "M1: ['Z', 'V', 'U'] -> ['Y', 'W']\n", "M0: ['D', 'F', 'G', 'H', 'I'] -> ['B', 'E']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (6, 384)\n", "M0 mechanism shape: (12, 720)\n", "Alpha_s shape: (384, 720)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698546, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985466, 0.38227740866985455, 0.38227740866985443, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561308, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561308, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698546, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698544, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561308, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.379213535956131, 0.379213535956131, 0.37921353595613083, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561308, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.37921353595613105, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698546, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985466, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.37921353595613083, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698546, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561308, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561308, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561308, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698543, 0.3822774086698545, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083]\n", "\n", "Abstraction error: 0.38227740866985466\n", "\n", "M1: ['Z', 'V', 'U'] -> ['X', 'Y', 'W']\n", "M0: ['D', 'F', 'G', 'H', 'I'] -> ['A', 'B', 'E']\n", "M1 mechanism shape: (18, 384)\n", "M0 mechanism shape: (36, 720)\n", "Alpha_s shape: (384, 720)\n", "Alpha_t shape: (18, 36)\n", "All JS distances: [0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.4514892802820644, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.4492441309186146, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4492441309186147, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186146, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820644, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820643, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820643, 0.4514892802820644, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.4514892802820645, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.4514892802820643, 0.45148928028206436, 0.45148928028206436, 0.45148928028206436, 0.4514892802820644, 0.45148928028206436, 0.45148928028206436, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.4492441309186147, 0.4492441309186146, 0.4492441309186147, 0.4492441309186146, 0.4492441309186146, 0.44924413091861465, 0.44924413091861465, 0.4492441309186147, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465, 0.44924413091861465]\n", "\n", "Abstraction error: 0.4514892802820645\n", "\n", "M1: ['Y', 'W', 'V'] -> ['Z']\n", "M0: ['B', 'E', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (24, 180)\n", "Alpha_s shape: (48, 180)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276318, 0.14583320915276304, 0.14583320915276315, 0.14583320915276313, 0.14583320915276307, 0.1458332091527632, 0.14583320915276307, 0.14583320915276315, 0.14583320915276307, 0.14583320915276313, 0.1458332091527632, 0.1458332091527631, 0.14583320915276318, 0.14583320915276304, 0.14583320915276315, 0.14583320915276304, 0.1458332091527632, 0.1458332091527631, 0.14583320915276324, 0.14583320915276315, 0.145833209152763, 0.14583320915276304, 0.14583320915276315, 0.14583320915276318, 0.14583320915276315, 0.14583320915276307, 0.1458332091527631, 0.14583320915276315, 0.1458332091527631, 0.14583320915276307, 0.14583320915276307, 0.14583320915276313, 0.14583320915276313, 0.1458332091527631, 0.14583320915276313, 0.145833209152763, 0.14583320915276307, 0.14583320915276313, 0.14583320915276313, 0.14583320915276315, 0.14583320915276315, 0.145833209152763, 0.14186121268099441, 0.1418612126809943, 0.1418612126809944, 0.14186121268099433, 0.14186121268099433, 0.14186121268099436, 0.14186121268099436, 0.1418612126809943, 0.14186121268099441, 0.14186121268099436, 0.14186121268099428, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.14186121268099433, 0.14186121268099444, 0.14186121268099444, 0.14186121268099416, 0.14186121268099436, 0.14186121268099436, 0.1418612126809944, 0.14186121268099422, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.14186121268099436, 0.14186121268099433, 0.1418612126809944, 0.14186121268099436, 0.1418612126809944, 0.14186121268099433, 0.14186121268099436, 0.14186121268099441, 0.14186121268099433, 0.14186121268099436, 0.1418612126809943, 0.14186121268099436, 0.14186121268099433, 0.14186121268099455, 0.14186121268099433, 0.14186121268099433, 0.14186121268099433, 0.14186121268099436, 0.13993684022259623, 0.13993684022259625, 0.13993684022259628, 0.13993684022259617, 0.13993684022259614, 0.13993684022259625, 0.13993684022259623, 0.13993684022259614, 0.13993684022259611, 0.13993684022259611, 0.13993684022259617, 0.13993684022259623, 0.13993684022259611, 0.13993684022259614, 0.1399368402225962, 0.13993684022259614, 0.13993684022259617, 0.1399368402225962, 0.13993684022259614, 0.13993684022259614, 0.13993684022259611, 0.13993684022259617, 0.13993684022259617, 0.13993684022259628, 0.1399368402225962, 0.13993684022259614, 0.13993684022259623, 0.13993684022259614, 0.13993684022259614, 0.1399368402225962, 0.13993684022259617, 0.13993684022259617, 0.13993684022259625, 0.1399368402225962, 0.13993684022259611, 0.13993684022259625, 0.1399368402225962, 0.13993684022259611, 0.13993684022259623, 0.13993684022259614, 0.13993684022259614, 0.1399368402225962, 0.13993684022259614, 0.13993684022259611, 0.13993684022259617, 0.1462583517901539, 0.14625835179015392, 0.1462583517901539, 0.14625835179015395, 0.14625835179015403, 0.1462583517901539, 0.14625835179015395, 0.14625835179015387, 0.14625835179015395, 0.14625835179015395, 0.14625835179015395, 0.14625835179015395, 0.14625835179015387, 0.14625835179015395, 0.14625835179015398, 0.14625835179015392, 0.1462583517901539, 0.146258351790154, 0.14625835179015392, 0.14625835179015384, 0.14625835179015395, 0.1462583517901539, 0.14625835179015395, 0.1462583517901539, 0.1462583517901539, 0.14625835179015387, 0.14625835179015392, 0.14625835179015395, 0.14625835179015395, 0.14625835179015395, 0.14625835179015392, 0.14625835179015392, 0.14625835179015392, 0.14625835179015387, 0.14625835179015398, 0.14625835179015387, 0.14625835179015392, 0.1462583517901538, 0.14625835179015395, 0.14625835179015392, 0.14625835179015392, 0.14625835179015387, 0.1462583517901539, 0.146258351790154, 0.14625835179015392]\n", "\n", "Abstraction error: 0.14625835179015403\n", "\n", "M1: ['Y', 'W', 'V'] -> ['X', 'Z']\n", "M0: ['B', 'E', 'F', 'I'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 48)\n", "M0 mechanism shape: (72, 180)\n", "Alpha_s shape: (48, 180)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.327757285519667, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.32541439426338153, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666047, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995]\n", "\n", "Abstraction error: 0.3277572855196671\n", "\n", "M1: ['Y', 'W', 'V'] -> ['Z', 'U']\n", "M0: ['B', 'E', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 48)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (48, 180)\n", "Alpha_s shape: (48, 180)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.27827004686117385, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.27827004686117385, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.27827004686117385, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.2782700468611738, 0.27827004686117385, 0.2782700468611738, 0.2753741929968432, 0.2753741929968431, 0.27537419299684324, 0.2753741929968431, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.27537419299684324, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.27537419299684324, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.2753741929968432, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468797, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468797, 0.27424680584687977, 0.2742468058468797, 0.27424680584687977, 0.2742468058468798, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468797, 0.2742468058468797, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468797, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687966, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468798, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.27424680584687977, 0.2742468058468798, 0.27424680584687977, 0.27424680584687977, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.2753476680469669, 0.2753476680469669, 0.27534766804696686, 0.2753476680469668, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.275347668046967, 0.2753476680469669, 0.27534766804696686, 0.2753476680469668, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686, 0.27534766804696686, 0.2753476680469669, 0.27534766804696686]\n", "\n", "Abstraction error: 0.27827004686117385\n", "\n", "M1: ['Y', 'W', 'V'] -> ['X', 'Z', 'U']\n", "M0: ['B', 'E', 'F', 'I'] -> ['A', 'D', 'G', 'H']\n", "M1 mechanism shape: (144, 48)\n", "M0 mechanism shape: (144, 180)\n", "Alpha_s shape: (48, 180)\n", "Alpha_t shape: (144, 144)\n", "All JS distances: [0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636984, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.3927709412636983, 0.39277094126369827, 0.3927709412636983, 0.3927709412636983, 0.3907152211904342, 0.39071522119043434, 0.3907152211904342, 0.3907152211904342, 0.3907152211904343, 0.3907152211904343, 0.3907152211904343, 0.39071522119043434, 0.39071522119043434, 0.3907152211904342, 0.39071522119043434, 0.3907152211904343, 0.3907152211904343, 0.3907152211904342, 0.3907152211904343, 0.39071522119043434, 0.39071522119043434, 0.3907152211904342, 0.3907152211904343, 0.3907152211904343, 0.39071522119043434, 0.3907152211904342, 0.39071522119043434, 0.39071522119043434, 0.3907152211904343, 0.3907152211904343, 0.3907152211904342, 0.3907152211904342, 0.3907152211904342, 0.3907152211904342, 0.39071522119043434, 0.39071522119043434, 0.3907152211904342, 0.3907152211904342, 0.3907152211904343, 0.3907152211904343, 0.3907152211904342, 0.3907152211904343, 0.3907152211904343, 0.39071522119043434, 0.3907152211904342, 0.39071522119043434, 0.3907152211904342, 0.3907152211904342, 0.3907152211904343, 0.3898061950345306, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345307, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.38980619503453057, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.3898061950345306, 0.39058168987211794, 0.3905816898721179, 0.3905816898721179, 0.39058168987211783, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.39058168987211783, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.39058168987211783, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179, 0.3905816898721179]\n", "\n", "Abstraction error: 0.3927709412636984\n", "\n", "M1: ['Y', 'W', 'U'] -> ['Z']\n", "M0: ['B', 'E', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 12)\n", "M0 mechanism shape: (24, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.1458332091527631, 0.14583320915276315, 0.14583320915276318, 0.14583320915276313, 0.14583320915276315, 0.14583320915276307, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.1418612126809943, 0.13993684022259623, 0.1399368402225962, 0.13993684022259623, 0.1399368402225961, 0.1399368402225962, 0.13993684022259623, 0.14625835179015392, 0.14625835179015395, 0.14625835179015403, 0.146258351790154, 0.1462583517901539, 0.1462583517901539]\n", "\n", "Abstraction error: 0.14625835179015403\n", "\n", "M1: ['Y', 'W', 'U'] -> ['V']\n", "M0: ['B', 'E', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 12)\n", "M0 mechanism shape: (15, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390308, 0.12252356816251651, 0.12105668784390303, 0.12252356816251656, 0.12105668784390311, 0.12252356816251671, 0.17306256523323504, 0.15830340008608312, 0.1730625652332351, 0.15830340008608315, 0.17306256523323513, 0.1583034000860832, 0.12201407815303318, 0.12686079266207728, 0.12201407815303346, 0.12686079266207723, 0.12201407815303335, 0.12686079266207712, 0.09123226769717224, 0.0955329605260244, 0.09123226769717199, 0.09553296052602461, 0.09123226769717219, 0.09553296052602428]\n", "\n", "Abstraction error: 0.17306256523323513\n", "\n", "M1: ['Y', 'W', 'U'] -> ['X', 'Z']\n", "M0: ['B', 'E', 'G'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 12)\n", "M0 mechanism shape: (72, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995]\n", "\n", "Abstraction error: 0.3277572855196671\n", "\n", "M1: ['Y', 'W', 'U'] -> ['X', 'V']\n", "M0: ['B', 'E', 'G'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 12)\n", "M0 mechanism shape: (45, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.2993136611212339, 0.29985387767262967, 0.2993136611212339, 0.2998538776726296, 0.299313661121234, 0.2998538776726296, 0.32066082631345927, 0.3139527721423171, 0.32066082631345927, 0.3139527721423171, 0.3206608263134593, 0.31395277214231715, 0.2996513176276926, 0.30138758112587, 0.29965131762769265, 0.30138758112587005, 0.2996513176276926, 0.30138758112587, 0.29014929962975916, 0.2913205071664123, 0.2901492996297592, 0.2913205071664123, 0.2901492996297592, 0.2913205071664122]\n", "\n", "Abstraction error: 0.3206608263134593\n", "\n", "M1: ['Y', 'W', 'U'] -> ['Z', 'V']\n", "M0: ['B', 'E', 'G'] -> ['D', 'F', 'H', 'I']\n", "M1 mechanism shape: (192, 12)\n", "M0 mechanism shape: (360, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19129452639619984, 0.19431970315544098, 0.19129452639619982, 0.19431970315544095, 0.19129452639619982, 0.19431970315544095, 0.21735145720528776, 0.21735057291113336, 0.21735145720528776, 0.21735057291113336, 0.2173514572052877, 0.21735057291113336, 0.18569200396167573, 0.1980464150423841, 0.18569200396167576, 0.1980464150423841, 0.18569200396167576, 0.19804641504238407, 0.17060629235865457, 0.16888432874760181, 0.17060629235865454, 0.1688843287476018, 0.17060629235865457, 0.16888432874760181]\n", "\n", "Abstraction error: 0.21735145720528776\n", "\n", "M1: ['Y', 'W', 'U'] -> ['X', 'Z', 'V']\n", "M0: ['B', 'E', 'G'] -> ['A', 'D', 'F', 'H', 'I']\n", "M1 mechanism shape: (576, 12)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (1080, 24)\n", "Alpha_s shape: (12, 24)\n", "Alpha_t shape: (576, 1080)\n", "All JS distances: [0.3468563286213184, 0.3477814286082159, 0.34685632862131843, 0.3477814286082159, 0.3468563286213184, 0.3477814286082159, 0.35940094724964766, 0.35866483159369816, 0.3594009472496477, 0.3586648315936982, 0.3594009472496477, 0.35866483159369816, 0.3435178677630775, 0.3488239717716873, 0.3435178677630776, 0.3488239717716872, 0.3435178677630775, 0.3488239717716872, 0.3367335155546453, 0.3362292672526204, 0.3367335155546453, 0.3362292672526205, 0.33673351555464526, 0.33622926725262053]\n", "\n", "Abstraction error: 0.3594009472496477\n", "\n", "M1: ['Y', 'V', 'U'] -> ['Z']\n", "M0: ['B', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 48)\n", "M0 mechanism shape: (24, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.1458332091527631, 0.14583320915276315, 0.1458332091527631, 0.14583320915276315, 0.14583320915276313, 0.14583320915276315, 0.14583320915276327, 0.14583320915276315, 0.1458332091527631, 0.14583320915276318, 0.14583320915276318, 0.14583320915276315, 0.14583320915276313, 0.14583320915276313, 0.1458332091527631, 0.14583320915276313, 0.14583320915276313, 0.1458332091527631, 0.14583320915276318, 0.14583320915276313, 0.1458332091527631, 0.14583320915276304, 0.14583320915276315, 0.14583320915276313, 0.145833209152763, 0.14583320915276307, 0.14186121268099441, 0.14186121268099428, 0.14186121268099428, 0.1418612126809943, 0.14186121268099433, 0.14186121268099441, 0.14186121268099433, 0.14186121268099433, 0.14186121268099444, 0.1418612126809944, 0.14186121268099441, 0.14186121268099436, 0.14186121268099436, 0.14186121268099433, 0.14186121268099436, 0.1418612126809944, 0.1418612126809944, 0.1418612126809944, 0.14186121268099441, 0.14186121268099436, 0.14186121268099433, 0.14186121268099436, 0.1418612126809943, 0.1418612126809944, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.14186121268099433, 0.14186121268099441, 0.14186121268099441, 0.1399368402225962, 0.13993684022259611, 0.13993684022259617, 0.1399368402225961, 0.13993684022259617, 0.13993684022259623, 0.13993684022259623, 0.13993684022259617, 0.13993684022259625, 0.13993684022259628, 0.13993684022259623, 0.13993684022259617, 0.13993684022259628, 0.1399368402225962, 0.13993684022259617, 0.13993684022259611, 0.13993684022259611, 0.13993684022259606, 0.13993684022259623, 0.13993684022259628, 0.1399368402225962, 0.13993684022259623, 0.1399368402225961, 0.13993684022259628, 0.13993684022259628, 0.13993684022259623, 0.13993684022259623, 0.13993684022259617, 0.1399368402225961, 0.13993684022259614, 0.1462583517901539, 0.146258351790154, 0.146258351790154, 0.14625835179015395, 0.1462583517901539, 0.14625835179015398, 0.14625835179015395, 0.14625835179015395, 0.14625835179015387, 0.14625835179015398, 0.1462583517901539, 0.1462583517901539, 0.14625835179015395, 0.14625835179015395, 0.146258351790154, 0.14625835179015395, 0.14625835179015395, 0.146258351790154, 0.14625835179015387, 0.14625835179015395, 0.14625835179015395, 0.14625835179015392, 0.14625835179015398, 0.1462583517901539, 0.14625835179015387, 0.14625835179015395, 0.14625835179015387, 0.14625835179015395, 0.14625835179015395, 0.14625835179015384]\n", "\n", "Abstraction error: 0.146258351790154\n", "\n", "M1: ['Y', 'V', 'U'] -> ['W']\n", "M0: ['B', 'F', 'G', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 48)\n", "M0 mechanism shape: (3, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812607, 0.2980002726881261, 0.2980002726881259, 0.29800027268812607, 0.29800027268812607, 0.37661348697651276, 0.3766134869765127, 0.3766134869765127, 0.37661348697651287, 0.3766134869765127, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.3766134869765127, 0.3766134869765127, 0.3766134869765129, 0.37661348697651287, 0.3766134869765127, 0.29800027268812607, 0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.29800027268812584, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.37661348697651276, 0.3766134869765127, 0.17491416237792817, 0.17491416237792815, 0.17491416237792815, 0.1749141623779282, 0.1749141623779283, 0.1709625093153163, 0.17096250931531645, 0.1709625093153166, 0.1709625093153163, 0.1709625093153166, 0.17491416237792845, 0.17491416237792862, 0.17491416237792853, 0.17491416237792817, 0.1749141623779282, 0.17096250931531656, 0.17096250931531648, 0.17096250931531656, 0.17096250931531656, 0.17096250931531656, 0.17491416237792834, 0.1749141623779282, 0.17491416237792823, 0.17491416237792826, 0.17491416237792812, 0.1709625093153166, 0.17096250931531634, 0.17096250931531648, 0.17096250931531598, 0.1709625093153166, 0.3458927426747925, 0.34589274267479264, 0.34589274267479264, 0.3458927426747927, 0.34589274267479236, 0.3274205912795627, 0.3274205912795624, 0.3274205912795624, 0.3274205912795626, 0.3274205912795626, 0.34589274267479264, 0.34589274267479264, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.32742059127956247, 0.3274205912795626, 0.32742059127956263, 0.3274205912795624, 0.3274205912795624, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.32742059127956263, 0.3274205912795624, 0.3274205912795624, 0.3274205912795625, 0.3274205912795627, 0.206532064344458, 0.20653206434445776, 0.20653206434445784, 0.20653206434445776, 0.20653206434445784, 0.22295460065805262, 0.22295460065805264, 0.2229546006580522, 0.22295460065805225, 0.2229546006580522, 0.20653206434445787, 0.20653206434445784, 0.20653206434445784, 0.20653206434445784, 0.20653206434445778, 0.22295460065805212, 0.22295460065805262, 0.22295460065805253, 0.2229546006580525, 0.2229546006580523, 0.20653206434445787, 0.20653206434445787, 0.20653206434445792, 0.20653206434445798, 0.20653206434445795, 0.22295460065805242, 0.2229546006580525, 0.2229546006580522, 0.22295460065805223, 0.22295460065805225]\n", "\n", "Abstraction error: 0.3766134869765129\n", "\n", "M1: ['Y', 'V', 'U'] -> ['X', 'Z']\n", "M0: ['B', 'F', 'G', 'I'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 48)\n", "M0 mechanism shape: (72, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.327757285519667, 0.3277572855196671, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.32541439426338153, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995]\n", "\n", "Abstraction error: 0.3277572855196671\n", "\n", "M1: ['Y', 'V', 'U'] -> ['X', 'W']\n", "M0: ['B', 'F', 'G', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 48)\n", "M0 mechanism shape: (9, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.3912078892290812, 0.39120788922908123, 0.39120788922908123, 0.3912078892290811, 0.3912078892290812, 0.4456463863407756, 0.44564638634077564, 0.44564638634077564, 0.4456463863407757, 0.4456463863407756, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.44564638634077564, 0.44564638634077564, 0.44564638634077564, 0.4456463863407757, 0.4456463863407757, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.44564638634077564, 0.44564638634077564, 0.4456463863407756, 0.4456463863407757, 0.44564638634077564, 0.321164405809033, 0.32116440580903316, 0.3211644058090331, 0.32116440580903305, 0.32116440580903305, 0.3193452456611559, 0.31934524566115596, 0.319345245661156, 0.3193452456611559, 0.31934524566115596, 0.321164405809033, 0.32116440580903305, 0.32116440580903305, 0.3211644058090331, 0.32116440580903305, 0.31934524566115585, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3211644058090331, 0.3211644058090331, 0.321164405809033, 0.32116440580903305, 0.3211644058090331, 0.31934524566115596, 0.31934524566115596, 0.3193452456611559, 0.319345245661156, 0.319345245661156, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.410893513208309, 0.4108935132083091, 0.4108935132083091, 0.410893513208309, 0.410893513208309, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.4108935132083091, 0.410893513208309, 0.4108935132083091, 0.41089351320830897, 0.410893513208309, 0.42369145771725036, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.42369145771725036, 0.410893513208309, 0.410893513208309, 0.410893513208309, 0.4108935132083091, 0.410893513208309, 0.3368227014887935, 0.33682270148879356, 0.3368227014887937, 0.3368227014887935, 0.3368227014887937, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.3456460497429382, 0.3368227014887936, 0.3368227014887936, 0.3368227014887936, 0.3368227014887937, 0.3368227014887936, 0.3456460497429382, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.33682270148879356, 0.3368227014887937, 0.3368227014887935, 0.3368227014887937, 0.3368227014887937, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382]\n", "\n", "Abstraction error: 0.4456463863407757\n", "\n", "M1: ['Y', 'V', 'U'] -> ['Z', 'W']\n", "M0: ['B', 'F', 'G', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 48)\n", "M0 mechanism shape: (72, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.31302075777209004, 0.3130207577720901, 0.31302075777209004, 0.31302075777209, 0.31302075777209, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.3130207577720901, 0.31302075777209004, 0.31302075777209004, 0.3130207577720901, 0.31302075777209004, 0.3174325342151504, 0.31743253421515044, 0.3174325342151504, 0.3174325342151504, 0.3174325342151504, 0.31302075777209004, 0.3130207577720901, 0.31302075777209004, 0.31302075777209004, 0.31302075777209004, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.31743253421515044, 0.1737154500107266, 0.17371545001072655, 0.17371545001072664, 0.1737154500107266, 0.17371545001072658, 0.17349214413736502, 0.17349214413736508, 0.17349214413736508, 0.17349214413736508, 0.17349214413736505, 0.17371545001072658, 0.1737154500107266, 0.17371545001072658, 0.17371545001072652, 0.17371545001072655, 0.17349214413736508, 0.17349214413736508, 0.17349214413736508, 0.17349214413736508, 0.17349214413736502, 0.1737154500107266, 0.1737154500107266, 0.17371545001072658, 0.17371545001072658, 0.17371545001072658, 0.17349214413736508, 0.17349214413736505, 0.17349214413736508, 0.17349214413736508, 0.17349214413736505, 0.31686622851857166, 0.3168662285185716, 0.31686622851857166, 0.3168662285185716, 0.3168662285185716, 0.317852566261642, 0.317852566261642, 0.31785256626164204, 0.31785256626164204, 0.31785256626164204, 0.3168662285185716, 0.3168662285185716, 0.3168662285185716, 0.31686622851857155, 0.3168662285185716, 0.317852566261642, 0.31785256626164204, 0.317852566261642, 0.31785256626164204, 0.31785256626164204, 0.3168662285185716, 0.31686622851857155, 0.31686622851857155, 0.3168662285185716, 0.3168662285185716, 0.31785256626164204, 0.317852566261642, 0.31785256626164204, 0.317852566261642, 0.31785256626164204, 0.200083504236378, 0.200083504236378, 0.200083504236378, 0.200083504236378, 0.20008350423637802, 0.2003494483333866, 0.20034944833338666, 0.20034944833338666, 0.20034944833338658, 0.20034944833338658, 0.20008350423637802, 0.200083504236378, 0.20008350423637802, 0.20008350423637797, 0.200083504236378, 0.20034944833338658, 0.20034944833338664, 0.20034944833338664, 0.2003494483333866, 0.20034944833338666, 0.200083504236378, 0.200083504236378, 0.20008350423637797, 0.20008350423637802, 0.20008350423637797, 0.20034944833338653, 0.20034944833338658, 0.20034944833338664, 0.20034944833338664, 0.20034944833338664]\n", "\n", "Abstraction error: 0.31785256626164204\n", "\n", "M1: ['Y', 'V', 'U'] -> ['X', 'Z', 'W']\n", "M0: ['B', 'F', 'G', 'I'] -> ['A', 'D', 'E', 'H']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (144, 48)\n", "M0 mechanism shape: (216, 120)\n", "Alpha_s shape: (48, 120)\n", "Alpha_t shape: (144, 216)\n", "All JS distances: [0.4144296716117345, 0.41442967161173455, 0.4144296716117346, 0.4144296716117346, 0.41442967161173455, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.4165820878589427, 0.4144296716117345, 0.41442967161173455, 0.41442967161173455, 0.41442967161173455, 0.4144296716117345, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.4144296716117345, 0.41442967161173455, 0.41442967161173455, 0.4144296716117345, 0.4144296716117345, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.41658208785894263, 0.3382023396706213, 0.33820233967062135, 0.3382023396706213, 0.3382023396706213, 0.33820233967062135, 0.3380048364007647, 0.3380048364007647, 0.3380048364007647, 0.33800483640076456, 0.3380048364007646, 0.3382023396706213, 0.3382023396706213, 0.3382023396706213, 0.3382023396706213, 0.33820233967062135, 0.3380048364007647, 0.3380048364007646, 0.3380048364007647, 0.3380048364007646, 0.3380048364007646, 0.3382023396706213, 0.3382023396706213, 0.33820233967062135, 0.3382023396706213, 0.33820233967062135, 0.3380048364007646, 0.3380048364007647, 0.3380048364007646, 0.3380048364007647, 0.3380048364007647, 0.4165552727484219, 0.4165552727484219, 0.41655527274842186, 0.41655527274842197, 0.4165552727484219, 0.41701978959731023, 0.4170197895973102, 0.4170197895973102, 0.4170197895973102, 0.4170197895973102, 0.4165552727484219, 0.41655527274842186, 0.4165552727484219, 0.4165552727484219, 0.4165552727484219, 0.4170197895973102, 0.4170197895973102, 0.4170197895973101, 0.41701978959731023, 0.4170197895973102, 0.41655527274842186, 0.4165552727484219, 0.4165552727484219, 0.4165552727484219, 0.4165552727484219, 0.41701978959731023, 0.4170197895973102, 0.4170197895973102, 0.41701978959731023, 0.4170197895973102, 0.3506683045212314, 0.3506683045212314, 0.35066830452123143, 0.35066830452123143, 0.35066830452123143, 0.35073786251482586, 0.35073786251482586, 0.3507378625148258, 0.35073786251482586, 0.35073786251482586, 0.35066830452123143, 0.3506683045212314, 0.35066830452123143, 0.35066830452123143, 0.35066830452123143, 0.35073786251482586, 0.35073786251482586, 0.3507378625148258, 0.3507378625148258, 0.3507378625148258, 0.35066830452123143, 0.35066830452123143, 0.35066830452123143, 0.35066830452123143, 0.35066830452123143, 0.35073786251482586, 0.35073786251482586, 0.35073786251482586, 0.3507378625148258, 0.35073786251482586]\n", "\n", "Abstraction error: 0.41701978959731023\n", "\n", "M1: ['X', 'Z', 'Y', 'W'] -> ['V']\n", "M0: ['A', 'B', 'D', 'E', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 432)\n", "M0 mechanism shape: (15, 864)\n", "Alpha_s shape: (432, 864)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12059895477285072, 0.1205989547728509, 0.12059895477285079, 0.16461649482620247, 0.16461649482620247, 0.16461649482620253, 0.1244114761395363, 0.12441147613953638, 0.12441147613953621, 0.09208049343364008, 0.09208049343364005, 0.09208049343363982, 0.1205989547728508, 0.12059895477285067, 0.12059895477285078, 0.1646164948262025, 0.1646164948262024, 0.16461649482620253, 0.12441147613953617, 0.12441147613953622, 0.12441147613953624, 0.09208049343363992, 0.09208049343363992, 0.0920804934336399, 0.1205989547728509, 0.12059895477285079, 0.12059895477285078, 0.16461649482620253, 0.1646164948262025, 0.1646164948262025, 0.12441147613953615, 0.12441147613953622, 0.1244114761395362, 0.09208049343364, 0.09208049343363961, 0.09208049343363987, 0.12059895477285075, 0.12059895477285079, 0.12059895477285079, 0.16461649482620247, 0.16461649482620241, 0.1646164948262025, 0.12441147613953617, 0.12441147613953622, 0.12441147613953611, 0.09208049343363987, 0.09208049343364003, 0.09208049343363996, 0.12059895477285086, 0.1205989547728508, 0.12059895477285078, 0.16461649482620244, 0.16461649482620244, 0.16461649482620236, 0.12441147613953611, 0.12441147613953642, 0.12441147613953613, 0.09208049343363982, 0.09208049343364011, 0.09208049343363997, 0.12059895477285064, 0.12059895477285074, 0.12059895477285067, 0.16461649482620247, 0.16461649482620241, 0.16461649482620247, 0.1244114761395363, 0.12441147613953614, 0.12441147613953636, 0.09208049343364003, 0.09208049343363968, 0.09208049343363973, 0.12024251924615577, 0.12024251924615582, 0.12024251924615581, 0.16748634037318338, 0.16748634037318316, 0.16748634037318338, 0.12414767918008236, 0.12414767918008233, 0.12414767918008233, 0.09374331046460949, 0.09374331046460976, 0.09374331046460974, 0.12024251924615566, 0.12024251924615582, 0.12024251924615581, 0.16748634037318333, 0.16748634037318333, 0.1674863403731833, 0.12414767918008225, 0.12414767918008225, 0.12414767918008233, 0.09374331046460946, 0.09374331046460996, 0.0937433104646095, 0.12024251924615567, 0.12024251924615574, 0.12024251924615573, 0.16748634037318333, 0.1674863403731834, 0.16748634037318325, 0.12414767918008231, 0.12414767918008211, 0.12414767918008227, 0.09374331046460961, 0.09374331046460976, 0.09374331046460982, 0.12024251924615582, 0.12024251924615566, 0.12024251924615567, 0.16748634037318308, 0.16748634037318338, 0.16748634037318333, 0.12414767918008215, 0.12414767918008227, 0.12414767918008243, 0.09374331046460979, 0.09374331046460957, 0.0937433104646094, 0.12024251924615573, 0.12024251924615577, 0.12024251924615591, 0.16748634037318327, 0.16748634037318338, 0.16748634037318333, 0.1241476791800822, 0.12414767918008218, 0.12414767918008232, 0.09374331046460951, 0.09374331046460982, 0.09374331046460965, 0.12024251924615569, 0.12024251924615581, 0.12024251924615591, 0.16748634037318325, 0.16748634037318347, 0.16748634037318336, 0.12414767918008227, 0.12414767918008236, 0.12414767918008225, 0.09374331046460975, 0.0937433104646095, 0.09374331046460986, 0.11803412367187908, 0.11803412367187924, 0.11803412367187915, 0.1679029102604162, 0.1679029102604163, 0.1679029102604163, 0.1217515188957591, 0.12175151889575907, 0.12175151889575923, 0.0958087295786923, 0.09580872957869233, 0.09580872957869237, 0.11803412367187906, 0.11803412367187918, 0.11803412367187911, 0.1679029102604162, 0.16790291026041623, 0.16790291026041612, 0.12175151889575915, 0.12175151889575901, 0.12175151889575897, 0.09580872957869212, 0.09580872957869191, 0.09580872957869224, 0.11803412367187899, 0.11803412367187917, 0.1180341236718792, 0.16790291026041615, 0.16790291026041615, 0.1679029102604163, 0.12175151889575914, 0.12175151889575908, 0.12175151889575907, 0.09580872957869191, 0.09580872957869209, 0.09580872957869206, 0.11803412367187911, 0.11803412367187904, 0.11803412367187908, 0.16790291026041634, 0.1679029102604162, 0.1679029102604163, 0.12175151889575914, 0.12175151889575893, 0.12175151889575928, 0.09580872957869231, 0.09580872957869224, 0.09580872957869228, 0.11803412367187908, 0.11803412367187907, 0.11803412367187899, 0.1679029102604163, 0.16790291026041626, 0.1679029102604162, 0.1217515188957589, 0.12175151889575918, 0.12175151889575905, 0.09580872957869216, 0.09580872957869248, 0.09580872957869224, 0.11803412367187908, 0.11803412367187935, 0.11803412367187902, 0.16790291026041604, 0.16790291026041632, 0.16790291026041623, 0.12175151889575908, 0.12175151889575914, 0.12175151889575914, 0.0958087295786923, 0.09580872957869217, 0.09580872957869216, 0.11907565008624721, 0.11907565008624736, 0.11907565008624732, 0.15925877106784037, 0.15925877106784023, 0.15925877106784023, 0.1224311609345235, 0.12243116093452344, 0.1224311609345237, 0.09189169585012594, 0.09189169585012581, 0.0918916958501259, 0.11907565008624738, 0.11907565008624744, 0.11907565008624751, 0.15925877106784028, 0.15925877106784012, 0.1592587710678401, 0.12243116093452354, 0.12243116093452354, 0.12243116093452351, 0.09189169585012597, 0.09189169585012588, 0.091891695850126, 0.1190756500862475, 0.11907565008624736, 0.11907565008624732, 0.15925877106784014, 0.15925877106784017, 0.1592587710678403, 0.12243116093452365, 0.12243116093452343, 0.12243116093452353, 0.09189169585012566, 0.09189169585012585, 0.09189169585012577, 0.11907565008624753, 0.11907565008624738, 0.11907565008624742, 0.15925877106784037, 0.15925877106784023, 0.15925877106784017, 0.12243116093452351, 0.12243116093452365, 0.1224311609345236, 0.09189169585012567, 0.09189169585012583, 0.09189169585012598, 0.11907565008624724, 0.11907565008624729, 0.11907565008624726, 0.15925877106784037, 0.15925877106784025, 0.1592587710678403, 0.12243116093452346, 0.12243116093452337, 0.12243116093452354, 0.09189169585012559, 0.09189169585012574, 0.091891695850126, 0.11907565008624749, 0.11907565008624724, 0.1190756500862474, 0.15925877106784023, 0.15925877106784023, 0.15925877106784048, 0.12243116093452348, 0.1224311609345234, 0.1224311609345235, 0.09189169585012588, 0.09189169585012594, 0.09189169585012585, 0.12059895477285082, 0.1205989547728506, 0.12059895477285083, 0.16461649482620255, 0.16461649482620253, 0.16461649482620258, 0.12441147613953617, 0.12441147613953628, 0.12441147613953618, 0.09208049343363946, 0.09208049343363982, 0.09208049343363975, 0.12059895477285092, 0.12059895477285082, 0.12059895477285067, 0.16461649482620244, 0.16461649482620258, 0.16461649482620244, 0.12441147613953617, 0.1244114761395362, 0.1244114761395363, 0.09208049343363965, 0.09208049343363979, 0.09208049343363983, 0.12059895477285072, 0.12059895477285075, 0.12059895477285089, 0.16461649482620247, 0.1646164948262025, 0.16461649482620253, 0.1244114761395364, 0.1244114761395363, 0.12441147613953625, 0.09208049343363997, 0.09208049343363967, 0.09208049343363975, 0.1205989547728507, 0.12059895477285086, 0.12059895477285076, 0.16461649482620233, 0.1646164948262024, 0.1646164948262024, 0.124411476139536, 0.12441147613953635, 0.12441147613953617, 0.09208049343363973, 0.09208049343363986, 0.09208049343364005, 0.1205989547728509, 0.12059895477285074, 0.12059895477285089, 0.16461649482620244, 0.16461649482620244, 0.16461649482620253, 0.12441147613953617, 0.12441147613953624, 0.12441147613953617, 0.09208049343363987, 0.09208049343363997, 0.09208049343364003, 0.12059895477285078, 0.12059895477285082, 0.12059895477285078, 0.16461649482620244, 0.16461649482620244, 0.1646164948262025, 0.12441147613953615, 0.12441147613953621, 0.12441147613953615, 0.09208049343363994, 0.09208049343363993, 0.09208049343364, 0.12024251924615574, 0.12024251924615581, 0.12024251924615574, 0.16748634037318325, 0.16748634037318344, 0.16748634037318333, 0.1241476791800822, 0.12414767918008231, 0.12414767918008242, 0.09374331046460964, 0.0937433104646097, 0.09374331046460951, 0.12024251924615578, 0.12024251924615577, 0.12024251924615571, 0.16748634037318338, 0.16748634037318344, 0.16748634037318325, 0.12414767918008231, 0.12414767918008221, 0.1241476791800824, 0.09374331046460975, 0.09374331046460972, 0.09374331046460954, 0.12024251924615574, 0.12024251924615574, 0.12024251924615595, 0.16748634037318344, 0.16748634037318336, 0.16748634037318336, 0.12414767918008218, 0.12414767918008231, 0.12414767918008236, 0.09374331046460946, 0.09374331046460943, 0.09374331046460962, 0.12024251924615573, 0.12024251924615571, 0.12024251924615564, 0.16748634037318338, 0.16748634037318322, 0.1674863403731832, 0.12414767918008228, 0.12414767918008242, 0.12414767918008235, 0.09374331046460961, 0.09374331046460946, 0.09374331046460951, 0.12024251924615578, 0.12024251924615588, 0.12024251924615571, 0.16748634037318336, 0.16748634037318344, 0.1674863403731833, 0.12414767918008232, 0.1241476791800823, 0.1241476791800823, 0.09374331046460951, 0.09374331046460943, 0.09374331046460986, 0.12024251924615574, 0.12024251924615574, 0.12024251924615582, 0.1674863403731834, 0.1674863403731833, 0.1674863403731833, 0.12414767918008227, 0.12414767918008235, 0.12414767918008231, 0.09374331046460989, 0.09374331046460968, 0.09374331046460968, 0.11803412367187911, 0.11803412367187917, 0.11803412367187915, 0.16790291026041626, 0.16790291026041626, 0.1679029102604163, 0.12175151889575925, 0.12175151889575912, 0.1217515188957592, 0.09580872957869241, 0.09580872957869212, 0.09580872957869217, 0.11803412367187896, 0.11803412367187899, 0.11803412367187907, 0.1679029102604163, 0.16790291026041618, 0.1679029102604162, 0.12175151889575907, 0.12175151889575918, 0.1217515188957589, 0.09580872957869203, 0.095808729578692, 0.09580872957869238, 0.11803412367187902, 0.11803412367187928, 0.11803412367187906, 0.1679029102604162, 0.16790291026041626, 0.16790291026041632, 0.1217515188957591, 0.12175151889575912, 0.12175151889575911, 0.095808729578692, 0.09580872957869215, 0.09580872957869221, 0.11803412367187917, 0.11803412367187928, 0.11803412367187915, 0.16790291026041618, 0.16790291026041623, 0.16790291026041615, 0.12175151889575904, 0.12175151889575922, 0.12175151889575914, 0.09580872957869235, 0.09580872957869233, 0.09580872957869235, 0.1180341236718793, 0.1180341236718791, 0.11803412367187897, 0.1679029102604163, 0.1679029102604163, 0.16790291026041623, 0.12175151889575911, 0.12175151889575915, 0.1217515188957591, 0.09580872957869188, 0.09580872957869227, 0.09580872957869227, 0.11803412367187922, 0.11803412367187918, 0.11803412367187908, 0.16790291026041623, 0.16790291026041623, 0.16790291026041626, 0.12175151889575904, 0.12175151889575903, 0.12175151889575918, 0.09580872957869217, 0.09580872957869231, 0.09580872957869227, 0.11907565008624736, 0.11907565008624751, 0.11907565008624733, 0.15925877106784037, 0.1592587710678402, 0.15925877106784028, 0.12243116093452365, 0.12243116093452348, 0.12243116093452358, 0.09189169585012592, 0.09189169585012594, 0.09189169585012583, 0.11907565008624713, 0.11907565008624733, 0.11907565008624733, 0.15925877106784034, 0.1592587710678403, 0.15925877106784014, 0.12243116093452344, 0.1224311609345235, 0.12243116093452348, 0.091891695850126, 0.09189169585012592, 0.09189169585012602, 0.11907565008624756, 0.11907565008624739, 0.11907565008624739, 0.1592587710678403, 0.15925877106784028, 0.15925877106784023, 0.12243116093452365, 0.12243116093452355, 0.1224311609345236, 0.09189169585012581, 0.09189169585012577, 0.0918916958501258, 0.11907565008624743, 0.11907565008624757, 0.11907565008624738, 0.1592587710678403, 0.15925877106784028, 0.15925877106784014, 0.12243116093452353, 0.1224311609345236, 0.12243116093452353, 0.09189169585012597, 0.09189169585012591, 0.09189169585012591, 0.11907565008624735, 0.11907565008624729, 0.11907565008624761, 0.15925877106784012, 0.15925877106784042, 0.15925877106784023, 0.12243116093452357, 0.12243116093452348, 0.12243116093452347, 0.0918916958501257, 0.09189169585012574, 0.09189169585012608, 0.11907565008624749, 0.1190756500862474, 0.1190756500862472, 0.15925877106784037, 0.1592587710678403, 0.1592587710678402, 0.12243116093452329, 0.12243116093452344, 0.12243116093452373, 0.09189169585012588, 0.09189169585012577, 0.09189169585012583, 0.12059895477285085, 0.12059895477285086, 0.12059895477285079, 0.1646164948262025, 0.16461649482620247, 0.1646164948262026, 0.12441147613953628, 0.12441147613953618, 0.12441147613953624, 0.09208049343363976, 0.09208049343364008, 0.09208049343363993, 0.12059895477285083, 0.1205989547728508, 0.12059895477285076, 0.16461649482620244, 0.16461649482620247, 0.16461649482620255, 0.12441147613953635, 0.1244114761395362, 0.12441147613953628, 0.09208049343363985, 0.09208049343363983, 0.09208049343363979, 0.12059895477285078, 0.1205989547728509, 0.12059895477285065, 0.16461649482620258, 0.16461649482620236, 0.1646164948262024, 0.1244114761395363, 0.12441147613953625, 0.12441147613953615, 0.09208049343363968, 0.0920804934336402, 0.09208049343363985, 0.12059895477285057, 0.12059895477285079, 0.12059895477285071, 0.16461649482620253, 0.16461649482620253, 0.16461649482620241, 0.12441147613953622, 0.12441147613953617, 0.12441147613953618, 0.09208049343363994, 0.09208049343364003, 0.09208049343364008, 0.12059895477285075, 0.12059895477285068, 0.12059895477285083, 0.16461649482620253, 0.16461649482620253, 0.1646164948262026, 0.12441147613953625, 0.12441147613953621, 0.12441147613953618, 0.09208049343363982, 0.09208049343363979, 0.09208049343363992, 0.1205989547728508, 0.12059895477285068, 0.12059895477285087, 0.1646164948262026, 0.1646164948262024, 0.16461649482620244, 0.12441147613953615, 0.12441147613953625, 0.12441147613953618, 0.09208049343363985, 0.09208049343363996, 0.09208049343363982, 0.12024251924615569, 0.12024251924615584, 0.12024251924615575, 0.16748634037318336, 0.16748634037318336, 0.16748634037318336, 0.12414767918008221, 0.12414767918008221, 0.12414767918008238, 0.09374331046460938, 0.09374331046460965, 0.09374331046460953, 0.12024251924615569, 0.12024251924615582, 0.12024251924615556, 0.16748634037318333, 0.1674863403731833, 0.1674863403731834, 0.12414767918008235, 0.1241476791800823, 0.12414767918008232, 0.09374331046460987, 0.0937433104646097, 0.09374331046460975, 0.12024251924615577, 0.12024251924615582, 0.12024251924615567, 0.16748634037318338, 0.16748634037318327, 0.16748634037318336, 0.12414767918008215, 0.12414767918008224, 0.12414767918008225, 0.09374331046460978, 0.09374331046460997, 0.09374331046460949, 0.12024251924615571, 0.1202425192461557, 0.12024251924615571, 0.16748634037318336, 0.16748634037318338, 0.16748634037318344, 0.12414767918008225, 0.1241476791800823, 0.12414767918008232, 0.09374331046460939, 0.09374331046460961, 0.09374331046460987, 0.12024251924615569, 0.1202425192461557, 0.12024251924615595, 0.16748634037318336, 0.1674863403731834, 0.16748634037318338, 0.12414767918008235, 0.12414767918008224, 0.12414767918008235, 0.09374331046460954, 0.0937433104646098, 0.09374331046460986, 0.12024251924615588, 0.12024251924615584, 0.12024251924615577, 0.16748634037318325, 0.16748634037318336, 0.1674863403731834, 0.12414767918008231, 0.12414767918008242, 0.1241476791800824, 0.09374331046460972, 0.09374331046460957, 0.09374331046460967, 0.11803412367187896, 0.11803412367187915, 0.11803412367187897, 0.1679029102604162, 0.16790291026041634, 0.16790291026041626, 0.12175151889575903, 0.12175151889575912, 0.12175151889575904, 0.09580872957869203, 0.09580872957869217, 0.09580872957869227, 0.11803412367187907, 0.11803412367187915, 0.11803412367187904, 0.1679029102604164, 0.1679029102604162, 0.16790291026041623, 0.12175151889575918, 0.1217515188957591, 0.12175151889575919, 0.09580872957869209, 0.0958087295786924, 0.09580872957869212, 0.11803412367187915, 0.11803412367187893, 0.11803412367187896, 0.16790291026041615, 0.16790291026041626, 0.1679029102604162, 0.12175151889575904, 0.12175151889575918, 0.12175151889575904, 0.09580872957869226, 0.0958087295786924, 0.09580872957869209, 0.1180341236718791, 0.11803412367187907, 0.11803412367187908, 0.16790291026041618, 0.16790291026041632, 0.16790291026041612, 0.12175151889575893, 0.12175151889575905, 0.12175151889575918, 0.09580872957869231, 0.09580872957869206, 0.09580872957869217, 0.11803412367187911, 0.11803412367187915, 0.11803412367187915, 0.16790291026041626, 0.1679029102604163, 0.1679029102604162, 0.12175151889575914, 0.12175151889575904, 0.12175151889575918, 0.09580872957869217, 0.09580872957869238, 0.0958087295786921, 0.11803412367187907, 0.1180341236718793, 0.11803412367187933, 0.1679029102604164, 0.1679029102604163, 0.16790291026041634, 0.12175151889575912, 0.1217515188957591, 0.1217515188957591, 0.09580872957869223, 0.09580872957869224, 0.09580872957869223, 0.11907565008624749, 0.1190756500862476, 0.11907565008624735, 0.1592587710678402, 0.15925877106784017, 0.1592587710678405, 0.12243116093452378, 0.12243116093452358, 0.12243116093452376, 0.0918916958501258, 0.09189169585012609, 0.09189169585012583, 0.11907565008624738, 0.1190756500862473, 0.11907565008624756, 0.15925877106784017, 0.15925877106784017, 0.1592587710678403, 0.12243116093452351, 0.12243116093452355, 0.12243116093452348, 0.0918916958501257, 0.09189169585012588, 0.09189169585012584, 0.11907565008624726, 0.1190756500862473, 0.1190756500862474, 0.15925877106784023, 0.15925877106784023, 0.15925877106784028, 0.1224311609345237, 0.1224311609345234, 0.12243116093452355, 0.09189169585012562, 0.09189169585012585, 0.09189169585012578, 0.11907565008624732, 0.11907565008624746, 0.11907565008624742, 0.15925877106784017, 0.15925877106784028, 0.15925877106784017, 0.12243116093452347, 0.12243116093452357, 0.1224311609345234, 0.09189169585012588, 0.09189169585012602, 0.09189169585012577, 0.11907565008624732, 0.11907565008624732, 0.11907565008624743, 0.1592587710678403, 0.15925877106784034, 0.1592587710678402, 0.12243116093452355, 0.12243116093452341, 0.12243116093452362, 0.09189169585012606, 0.091891695850126, 0.09189169585012567, 0.1190756500862473, 0.11907565008624726, 0.1190756500862474, 0.1592587710678403, 0.1592587710678404, 0.15925877106784023, 0.12243116093452364, 0.12243116093452344, 0.12243116093452357, 0.09189169585012581, 0.09189169585012587, 0.09189169585012612]\n", "\n", "Abstraction error: 0.1679029102604164\n", "\n", "M1: ['X', 'Z', 'Y', 'W'] -> ['V', 'U']\n", "M0: ['A', 'B', 'D', 'E', 'H'] -> ['F', 'G', 'I']\n", "M1 mechanism shape: (16, 432)\n", "M0 mechanism shape: (30, 864)\n", "Alpha_s shape: (432, 864)\n", "Alpha_t shape: (16, 30)\n", "All JS distances: [0.25859365518313704, 0.258593655183137, 0.258593655183137, 0.2860417639995478, 0.2860417639995478, 0.2860417639995478, 0.2603185226142081, 0.2603185226142081, 0.2603185226142082, 0.251365227164989, 0.25136522716498905, 0.251365227164989, 0.258593655183137, 0.25859365518313704, 0.258593655183137, 0.2860417639995479, 0.28604176399954784, 0.28604176399954784, 0.2603185226142081, 0.2603185226142081, 0.26031852261420807, 0.25136522716498905, 0.25136522716498894, 0.25136522716498905, 0.25859365518313704, 0.2585936551831371, 0.25859365518313704, 0.28604176399954784, 0.28604176399954784, 0.2860417639995477, 0.2603185226142081, 0.2603185226142082, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.25136522716498894, 0.25859365518313704, 0.2585936551831371, 0.2585936551831371, 0.28604176399954784, 0.28604176399954784, 0.28604176399954784, 0.2603185226142082, 0.26031852261420824, 0.26031852261420824, 0.25136522716498905, 0.251365227164989, 0.25136522716498905, 0.25859365518313693, 0.258593655183137, 0.258593655183137, 0.28604176399954784, 0.28604176399954784, 0.28604176399954784, 0.2603185226142081, 0.2603185226142081, 0.26031852261420807, 0.25136522716498905, 0.251365227164989, 0.25136522716498905, 0.25859365518313704, 0.258593655183137, 0.25859365518313704, 0.2860417639995478, 0.2860417639995478, 0.2860417639995479, 0.2603185226142081, 0.2603185226142081, 0.2603185226142082, 0.25136522716498894, 0.251365227164989, 0.251365227164989, 0.2586799057225397, 0.25867990572253974, 0.2586799057225398, 0.2879569193657259, 0.28795691936572604, 0.287956919365726, 0.26045216669966015, 0.26045216669966015, 0.26045216669966004, 0.2522276554737329, 0.2522276554737328, 0.2522276554737329, 0.25867990572253974, 0.2586799057225397, 0.25867990572253974, 0.287956919365726, 0.2879569193657259, 0.287956919365726, 0.2604521666996601, 0.26045216669966015, 0.2604521666996601, 0.2522276554737328, 0.2522276554737328, 0.2522276554737329, 0.2586799057225397, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.2879569193657259, 0.287956919365726, 0.26045216669966004, 0.2604521666996601, 0.2604521666996601, 0.2522276554737329, 0.2522276554737329, 0.2522276554737329, 0.25867990572253974, 0.2586799057225398, 0.2586799057225396, 0.287956919365726, 0.287956919365726, 0.287956919365726, 0.26045216669966015, 0.26045216669966004, 0.2604521666996601, 0.2522276554737328, 0.2522276554737329, 0.25222765547373277, 0.2586799057225398, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.28795691936572604, 0.287956919365726, 0.26045216669966004, 0.2604521666996601, 0.26045216669966004, 0.2522276554737329, 0.25222765547373277, 0.2522276554737328, 0.25867990572253974, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.28795691936572604, 0.2879569193657259, 0.26045216669966015, 0.26045216669966015, 0.26045216669966015, 0.2522276554737328, 0.2522276554737328, 0.25222765547373277, 0.2603228201300665, 0.26032282013006647, 0.2603228201300665, 0.2884746603524752, 0.2884746603524752, 0.2884746603524752, 0.2622080500395168, 0.26220805003951686, 0.2622080500395168, 0.2525441683624014, 0.2525441683624014, 0.2525441683624014, 0.26032282013006647, 0.2603228201300666, 0.2603228201300665, 0.2884746603524752, 0.2884746603524752, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.2525441683624014, 0.25254416836240146, 0.26032282013006647, 0.26032282013006647, 0.2603228201300665, 0.2884746603524752, 0.28847466035247515, 0.28847466035247527, 0.2622080500395168, 0.2622080500395168, 0.26220805003951686, 0.25254416836240146, 0.2525441683624014, 0.2525441683624014, 0.2603228201300665, 0.26032282013006647, 0.2603228201300664, 0.28847466035247527, 0.2884746603524751, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240146, 0.2525441683624014, 0.25254416836240146, 0.2603228201300665, 0.2603228201300666, 0.2603228201300665, 0.2884746603524752, 0.2884746603524752, 0.28847466035247527, 0.26220805003951686, 0.2622080500395169, 0.26220805003951686, 0.2525441683624014, 0.2525441683624014, 0.2525441683624014, 0.26032282013006647, 0.2603228201300665, 0.2603228201300665, 0.2884746603524752, 0.28847466035247527, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240146, 0.25254416836240134, 0.2525441683624014, 0.2671030825973146, 0.2671030825973146, 0.26710308259731463, 0.2825483928120623, 0.2825483928120622, 0.28254839281206223, 0.2686398426675365, 0.26863984266753654, 0.2686398426675365, 0.25428003638337576, 0.2542800363833759, 0.2542800363833757, 0.2671030825973146, 0.2671030825973147, 0.2671030825973146, 0.2825483928120622, 0.2825483928120622, 0.2825483928120623, 0.2686398426675366, 0.2686398426675365, 0.2686398426675366, 0.25428003638337576, 0.2542800363833758, 0.25428003638337576, 0.26710308259731463, 0.2671030825973147, 0.2671030825973146, 0.2825483928120622, 0.2825483928120622, 0.2825483928120622, 0.2686398426675366, 0.2686398426675365, 0.2686398426675365, 0.2542800363833758, 0.25428003638337576, 0.2542800363833758, 0.26710308259731463, 0.2671030825973147, 0.2671030825973147, 0.2825483928120622, 0.2825483928120622, 0.28254839281206223, 0.2686398426675365, 0.26863984266753643, 0.26863984266753654, 0.2542800363833759, 0.25428003638337576, 0.2542800363833758, 0.2671030825973146, 0.26710308259731463, 0.26710308259731463, 0.2825483928120623, 0.2825483928120622, 0.2825483928120622, 0.26863984266753643, 0.2686398426675365, 0.26863984266753643, 0.25428003638337576, 0.25428003638337576, 0.25428003638337576, 0.26710308259731463, 0.2671030825973146, 0.26710308259731463, 0.2825483928120622, 0.2825483928120622, 0.2825483928120622, 0.2686398426675365, 0.2686398426675365, 0.2686398426675365, 0.2542800363833758, 0.2542800363833757, 0.25428003638337576, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.28604176399954784, 0.28604176399954784, 0.2860417639995478, 0.2603185226142082, 0.2603185226142081, 0.2603185226142082, 0.25136522716498905, 0.251365227164989, 0.251365227164989, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.28604176399954784, 0.28604176399954784, 0.2860417639995479, 0.2603185226142081, 0.2603185226142082, 0.2603185226142081, 0.25136522716498905, 0.251365227164989, 0.251365227164989, 0.258593655183137, 0.25859365518313704, 0.25859365518313704, 0.28604176399954784, 0.2860417639995478, 0.2860417639995478, 0.2603185226142082, 0.26031852261420824, 0.26031852261420824, 0.25136522716498905, 0.25136522716498894, 0.251365227164989, 0.258593655183137, 0.25859365518313704, 0.25859365518313704, 0.2860417639995478, 0.28604176399954784, 0.28604176399954784, 0.2603185226142081, 0.2603185226142082, 0.26031852261420824, 0.25136522716498905, 0.251365227164989, 0.251365227164989, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.2860417639995479, 0.28604176399954784, 0.2860417639995477, 0.2603185226142081, 0.2603185226142081, 0.2603185226142081, 0.25136522716498894, 0.251365227164989, 0.25136522716498905, 0.258593655183137, 0.25859365518313693, 0.258593655183137, 0.2860417639995478, 0.28604176399954784, 0.28604176399954784, 0.2603185226142082, 0.26031852261420824, 0.2603185226142081, 0.25136522716498905, 0.251365227164989, 0.25136522716498905, 0.25867990572253974, 0.2586799057225397, 0.25867990572253974, 0.2879569193657259, 0.28795691936572604, 0.287956919365726, 0.26045216669966015, 0.26045216669966015, 0.2604521666996601, 0.25222765547373277, 0.2522276554737329, 0.2522276554737328, 0.2586799057225397, 0.2586799057225398, 0.2586799057225398, 0.2879569193657259, 0.2879569193657259, 0.28795691936572604, 0.26045216669966004, 0.26045216669966015, 0.26045216669966004, 0.2522276554737328, 0.2522276554737328, 0.2522276554737328, 0.2586799057225398, 0.2586799057225397, 0.25867990572253974, 0.28795691936572604, 0.28795691936572604, 0.28795691936572604, 0.2604521666996601, 0.26045216669966004, 0.26045216669966015, 0.2522276554737328, 0.25222765547373277, 0.2522276554737329, 0.25867990572253974, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.287956919365726, 0.287956919365726, 0.2604521666996601, 0.2604521666996601, 0.26045216669966015, 0.2522276554737329, 0.25222765547373277, 0.2522276554737328, 0.2586799057225397, 0.2586799057225397, 0.2586799057225397, 0.2879569193657259, 0.287956919365726, 0.287956919365726, 0.2604521666996601, 0.26045216669966015, 0.26045216669966004, 0.2522276554737328, 0.2522276554737328, 0.2522276554737328, 0.25867990572253974, 0.25867990572253974, 0.2586799057225398, 0.287956919365726, 0.287956919365726, 0.287956919365726, 0.26045216669966004, 0.2604521666996601, 0.26045216669966015, 0.2522276554737328, 0.25222765547373277, 0.2522276554737329, 0.2603228201300665, 0.26032282013006647, 0.2603228201300665, 0.28847466035247515, 0.28847466035247527, 0.2884746603524752, 0.26220805003951686, 0.2622080500395169, 0.26220805003951686, 0.2525441683624014, 0.25254416836240134, 0.25254416836240134, 0.2603228201300665, 0.2603228201300665, 0.2603228201300665, 0.2884746603524752, 0.28847466035247527, 0.28847466035247515, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240134, 0.2525441683624015, 0.25254416836240146, 0.2603228201300665, 0.2603228201300665, 0.2603228201300665, 0.2884746603524752, 0.2884746603524752, 0.2884746603524752, 0.2622080500395169, 0.2622080500395169, 0.26220805003951686, 0.25254416836240146, 0.2525441683624014, 0.25254416836240134, 0.2603228201300665, 0.26032282013006647, 0.2603228201300665, 0.28847466035247515, 0.2884746603524752, 0.2884746603524753, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240146, 0.25254416836240146, 0.2525441683624014, 0.26032282013006647, 0.2603228201300665, 0.2603228201300666, 0.2884746603524752, 0.28847466035247515, 0.2884746603524752, 0.2622080500395168, 0.26220805003951686, 0.2622080500395169, 0.25254416836240134, 0.25254416836240146, 0.2525441683624014, 0.2603228201300665, 0.26032282013006647, 0.2603228201300666, 0.28847466035247527, 0.2884746603524752, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.2525441683624014, 0.25254416836240146, 0.26710308259731463, 0.2671030825973146, 0.26710308259731463, 0.28254839281206223, 0.28254839281206223, 0.28254839281206223, 0.2686398426675365, 0.26863984266753654, 0.26863984266753643, 0.25428003638337576, 0.25428003638337576, 0.25428003638337576, 0.2671030825973146, 0.2671030825973146, 0.26710308259731463, 0.2825483928120623, 0.2825483928120622, 0.28254839281206223, 0.2686398426675365, 0.2686398426675365, 0.26863984266753654, 0.25428003638337576, 0.2542800363833757, 0.2542800363833758, 0.2671030825973147, 0.2671030825973146, 0.26710308259731463, 0.2825483928120622, 0.2825483928120622, 0.2825483928120622, 0.2686398426675364, 0.26863984266753643, 0.2686398426675365, 0.2542800363833758, 0.2542800363833757, 0.2542800363833758, 0.2671030825973146, 0.2671030825973147, 0.26710308259731463, 0.28254839281206223, 0.2825483928120622, 0.28254839281206223, 0.26863984266753643, 0.26863984266753654, 0.2686398426675365, 0.2542800363833758, 0.25428003638337576, 0.25428003638337576, 0.2671030825973146, 0.26710308259731463, 0.2671030825973146, 0.2825483928120622, 0.2825483928120622, 0.28254839281206223, 0.26863984266753643, 0.26863984266753654, 0.2686398426675365, 0.25428003638337576, 0.2542800363833758, 0.2542800363833758, 0.2671030825973147, 0.26710308259731463, 0.26710308259731463, 0.2825483928120622, 0.28254839281206223, 0.28254839281206223, 0.2686398426675365, 0.26863984266753654, 0.26863984266753654, 0.25428003638337576, 0.2542800363833757, 0.2542800363833758, 0.25859365518313704, 0.25859365518313704, 0.25859365518313704, 0.2860417639995478, 0.28604176399954784, 0.28604176399954784, 0.2603185226142081, 0.2603185226142081, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.25136522716498905, 0.25859365518313704, 0.258593655183137, 0.25859365518313704, 0.28604176399954784, 0.28604176399954784, 0.2860417639995478, 0.26031852261420824, 0.2603185226142081, 0.2603185226142081, 0.25136522716498905, 0.251365227164989, 0.25136522716498905, 0.258593655183137, 0.258593655183137, 0.25859365518313704, 0.2860417639995478, 0.2860417639995479, 0.28604176399954784, 0.2603185226142081, 0.2603185226142082, 0.26031852261420824, 0.251365227164989, 0.25136522716498905, 0.25136522716498905, 0.2585936551831371, 0.258593655183137, 0.2585936551831371, 0.28604176399954784, 0.28604176399954784, 0.2860417639995478, 0.2603185226142081, 0.2603185226142081, 0.2603185226142082, 0.251365227164989, 0.25136522716498905, 0.25136522716498894, 0.2585936551831371, 0.258593655183137, 0.25859365518313704, 0.2860417639995479, 0.2860417639995478, 0.2860417639995478, 0.2603185226142081, 0.2603185226142081, 0.260318522614208, 0.251365227164989, 0.251365227164989, 0.25136522716498905, 0.2585936551831371, 0.25859365518313704, 0.25859365518313693, 0.28604176399954784, 0.28604176399954767, 0.2860417639995478, 0.2603185226142082, 0.2603185226142082, 0.2603185226142081, 0.251365227164989, 0.251365227164989, 0.251365227164989, 0.2586799057225398, 0.2586799057225397, 0.2586799057225397, 0.2879569193657261, 0.28795691936572604, 0.2879569193657259, 0.2604521666996601, 0.2604521666996601, 0.2604521666996601, 0.2522276554737327, 0.2522276554737328, 0.2522276554737328, 0.25867990572253974, 0.2586799057225397, 0.2586799057225398, 0.287956919365726, 0.28795691936572604, 0.2879569193657259, 0.26045216669966015, 0.2604521666996601, 0.2604521666996601, 0.25222765547373277, 0.25222765547373277, 0.2522276554737329, 0.2586799057225397, 0.2586799057225397, 0.2586799057225397, 0.28795691936572604, 0.28795691936572604, 0.287956919365726, 0.2604521666996601, 0.2604521666996601, 0.26045216669966015, 0.25222765547373277, 0.2522276554737329, 0.2522276554737328, 0.2586799057225397, 0.2586799057225397, 0.25867990572253974, 0.287956919365726, 0.287956919365726, 0.287956919365726, 0.2604521666996601, 0.2604521666996601, 0.26045216669966004, 0.25222765547373277, 0.2522276554737328, 0.2522276554737328, 0.25867990572253974, 0.25867990572253974, 0.25867990572253974, 0.287956919365726, 0.287956919365726, 0.2879569193657261, 0.2604521666996601, 0.2604521666996601, 0.2604521666996601, 0.25222765547373277, 0.2522276554737327, 0.2522276554737328, 0.25867990572253974, 0.2586799057225398, 0.25867990572253974, 0.2879569193657259, 0.28795691936572604, 0.28795691936572604, 0.26045216669966015, 0.26045216669966015, 0.26045216669966004, 0.2522276554737329, 0.2522276554737328, 0.2522276554737329, 0.26032282013006647, 0.2603228201300665, 0.2603228201300665, 0.2884746603524752, 0.2884746603524752, 0.2884746603524752, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.25254416836240134, 0.2525441683624014, 0.2603228201300666, 0.2603228201300665, 0.2603228201300665, 0.2884746603524752, 0.28847466035247515, 0.28847466035247515, 0.26220805003951686, 0.26220805003951686, 0.2622080500395169, 0.2525441683624014, 0.2525441683624014, 0.2525441683624014, 0.2603228201300665, 0.2603228201300665, 0.2603228201300665, 0.28847466035247515, 0.28847466035247527, 0.28847466035247527, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.25254416836240146, 0.25254416836240146, 0.25254416836240146, 0.2603228201300665, 0.2603228201300665, 0.2603228201300665, 0.28847466035247527, 0.2884746603524752, 0.2884746603524752, 0.26220805003951686, 0.2622080500395168, 0.2622080500395169, 0.25254416836240146, 0.2525441683624014, 0.25254416836240134, 0.26032282013006647, 0.26032282013006647, 0.2603228201300665, 0.2884746603524752, 0.28847466035247515, 0.28847466035247515, 0.2622080500395168, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.2525441683624015, 0.2525441683624014, 0.26032282013006647, 0.26032282013006647, 0.2603228201300665, 0.28847466035247515, 0.2884746603524752, 0.28847466035247527, 0.26220805003951686, 0.26220805003951686, 0.26220805003951686, 0.2525441683624014, 0.2525441683624014, 0.2525441683624013, 0.26710308259731463, 0.2671030825973146, 0.2671030825973147, 0.2825483928120622, 0.28254839281206223, 0.2825483928120622, 0.26863984266753643, 0.26863984266753654, 0.26863984266753654, 0.25428003638337576, 0.25428003638337576, 0.25428003638337576, 0.2671030825973146, 0.26710308259731463, 0.26710308259731463, 0.2825483928120622, 0.28254839281206223, 0.2825483928120622, 0.2686398426675365, 0.2686398426675364, 0.26863984266753643, 0.25428003638337576, 0.25428003638337576, 0.2542800363833758, 0.2671030825973146, 0.26710308259731463, 0.2671030825973146, 0.2825483928120622, 0.2825483928120623, 0.28254839281206223, 0.2686398426675365, 0.2686398426675365, 0.26863984266753654, 0.2542800363833757, 0.2542800363833757, 0.2542800363833757, 0.26710308259731463, 0.26710308259731463, 0.2671030825973146, 0.28254839281206223, 0.2825483928120622, 0.2825483928120622, 0.2686398426675365, 0.2686398426675365, 0.26863984266753643, 0.2542800363833758, 0.2542800363833757, 0.25428003638337576, 0.2671030825973147, 0.26710308259731463, 0.26710308259731463, 0.2825483928120622, 0.28254839281206223, 0.28254839281206223, 0.2686398426675365, 0.2686398426675365, 0.2686398426675365, 0.2542800363833758, 0.25428003638337576, 0.25428003638337576, 0.26710308259731463, 0.26710308259731463, 0.26710308259731463, 0.28254839281206223, 0.2825483928120622, 0.2825483928120622, 0.2686398426675365, 0.26863984266753654, 0.26863984266753643, 0.2542800363833758, 0.2542800363833757, 0.25428003638337576]\n", "\n", "Abstraction error: 0.2884746603524753\n", "\n", "M1: ['X', 'Z', 'Y', 'V'] -> ['W']\n", "M0: ['A', 'B', 'D', 'F', 'H', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 1728)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (3, 4320)\n", "Alpha_s shape: (1728, 4320)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.3243736203962744, 0.3243736203962742, 0.3243736203962745, 0.32437362039627454, 0.3243736203962744, 0.32437362039627454, 0.32437362039627454, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962742, 0.3243736203962744, 0.32437362039627454, 0.32437362039627426, 0.3243736203962745, 0.1521121896974908, 0.15211218969749082, 0.15211218969749077, 0.15211218969749057, 0.15211218969749057, 0.15211218969749057, 0.15211218969749057, 0.1521121896974908, 0.15211218969749082, 0.1521121896974906, 0.15211218969749088, 0.15211218969749082, 0.15211218969749088, 0.15211218969749063, 0.15211218969749063, 0.3273772689008733, 0.3273772689008735, 0.3273772689008734, 0.3273772689008734, 0.3273772689008734, 0.32737726890087343, 0.3273772689008736, 0.32737726890087365, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.32737726890087343, 0.3273772689008734, 0.3273772689008734, 0.3273772689008736, 0.20772528694790426, 0.20772528694790407, 0.20772528694790407, 0.2077252869479044, 0.20772528694790435, 0.2077252869479042, 0.20772528694790424, 0.20772528694790426, 0.20772528694790424, 0.20772528694790404, 0.20772528694790407, 0.20772528694790426, 0.20772528694790424, 0.20772528694790413, 0.20772528694790426, 0.32437362039627426, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962742, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.1521121896974908, 0.1521121896974907, 0.1521121896974906, 0.1521121896974906, 0.1521121896974906, 0.1521121896974908, 0.15211218969749077, 0.1521121896974906, 0.1521121896974907, 0.15211218969749057, 0.1521121896974907, 0.1521121896974908, 0.15211218969749044, 0.15211218969749057, 0.15211218969749057, 0.32737726890087354, 0.32737726890087365, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.32737726890087365, 0.3273772689008736, 0.3273772689008733, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.2077252869479042, 0.20772528694790418, 0.20772528694790418, 0.20772528694790407, 0.20772528694790407, 0.2077252869479043, 0.2077252869479042, 0.20772528694790438, 0.20772528694790407, 0.20772528694790438, 0.20772528694790438, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.1521121896974908, 0.15211218969749077, 0.15211218969749063, 0.15211218969749088, 0.15211218969749057, 0.15211218969749082, 0.1521121896974906, 0.1521121896974906, 0.15211218969749088, 0.1521121896974906, 0.15211218969749069, 0.15211218969749088, 0.15211218969749057, 0.1521121896974908, 0.15211218969749093, 0.3273772689008733, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.32737726890087354, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.2077252869479043, 0.2077252869479043, 0.20772528694790413, 0.20772528694790407, 0.20772528694790438, 0.20772528694790407, 0.2077252869479041, 0.20772528694790404, 0.20772528694790413, 0.2077252869479041, 0.2077252869479041, 0.20772528694790426, 0.20772528694790418, 0.20772528694790413, 0.2077252869479043, 0.32437362039627443, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962745, 0.3243736203962744, 0.32437362039627426, 0.32437362039627426, 0.32437362039627426, 0.3243736203962745, 0.3243736203962745, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.1521121896974908, 0.1521121896974908, 0.1521121896974908, 0.15211218969749057, 0.1521121896974908, 0.1521121896974908, 0.15211218969749069, 0.15211218969749069, 0.15211218969749063, 0.15211218969749027, 0.15211218969749057, 0.15211218969749069, 0.15211218969749044, 0.15211218969749082, 0.15211218969749057, 0.3273772689008734, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.32737726890087343, 0.3273772689008735, 0.3273772689008734, 0.3273772689008736, 0.3273772689008735, 0.3273772689008734, 0.3273772689008735, 0.3273772689008736, 0.3273772689008734, 0.3273772689008734, 0.3273772689008736, 0.20772528694790424, 0.20772528694790432, 0.20772528694790424, 0.20772528694790418, 0.20772528694790426, 0.20772528694790435, 0.20772528694790424, 0.20772528694790435, 0.20772528694790418, 0.20772528694790424, 0.20772528694790418, 0.20772528694790404, 0.20772528694790435, 0.20772528694790418, 0.2077252869479043, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.32437362039627454, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.32437362039627426, 0.32437362039627426, 0.32437362039627426, 0.32437362039627426, 0.1521121896974906, 0.15211218969749082, 0.15211218969749088, 0.15211218969749093, 0.15211218969749057, 0.1521121896974908, 0.15211218969749069, 0.1521121896974906, 0.1521121896974908, 0.1521121896974907, 0.15211218969749069, 0.1521121896974906, 0.1521121896974908, 0.1521121896974907, 0.15211218969749069, 0.3273772689008736, 0.3273772689008736, 0.3273772689008733, 0.3273772689008735, 0.3273772689008734, 0.32737726890087365, 0.3273772689008735, 0.3273772689008733, 0.3273772689008736, 0.3273772689008735, 0.3273772689008734, 0.3273772689008735, 0.3273772689008733, 0.3273772689008735, 0.3273772689008734, 0.20772528694790407, 0.20772528694790424, 0.20772528694790407, 0.20772528694790418, 0.20772528694790435, 0.2077252869479043, 0.20772528694790407, 0.20772528694790426, 0.20772528694790438, 0.20772528694790424, 0.20772528694790438, 0.20772528694790407, 0.20772528694790426, 0.20772528694790438, 0.20772528694790407, 0.3243736203962745, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.1521121896974908, 0.15211218969749035, 0.15211218969749069, 0.15211218969749057, 0.15211218969749055, 0.15211218969749057, 0.15211218969749082, 0.1521121896974906, 0.15211218969749088, 0.15211218969749044, 0.1521121896974908, 0.15211218969749093, 0.15211218969749082, 0.15211218969749093, 0.1521121896974908, 0.3273772689008736, 0.3273772689008736, 0.32737726890087365, 0.3273772689008736, 0.32737726890087365, 0.3273772689008735, 0.32737726890087343, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.32737726890087365, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.32737726890087365, 0.20772528694790407, 0.2077252869479043, 0.20772528694790424, 0.20772528694790407, 0.20772528694790418, 0.2077252869479042, 0.2077252869479043, 0.20772528694790424, 0.20772528694790424, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790407, 0.2077252869479043, 0.2077252869479043, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.3448441157022619, 0.3448441157022618, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.1735419811534571, 0.17354198115345698, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534569, 0.1735419811534571, 0.17354198115345718, 0.17354198115345687, 0.1735419811534569, 0.17354198115345698, 0.1735419811534571, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637944, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.3478268046963796, 0.22889733085472042, 0.22889733085472022, 0.2288973308547204, 0.2288973308547202, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.22889733085472022, 0.22889733085472022, 0.22889733085472022, 0.22889733085472025, 0.22889733085472025, 0.22889733085472022, 0.22889733085472044, 0.22889733085472025, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.17354198115345718, 0.17354198115345706, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345698, 0.1735419811534571, 0.1735419811534571, 0.17354198115345695, 0.17354198115345687, 0.17354198115345718, 0.17354198115345698, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637955, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.22889733085472025, 0.22889733085472044, 0.22889733085472022, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.2288973308547202, 0.22889733085472022, 0.22889733085472042, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.1735419811534571, 0.17354198115345715, 0.17354198115345698, 0.17354198115345695, 0.1735419811534571, 0.17354198115345718, 0.17354198115345706, 0.1735419811534571, 0.17354198115345687, 0.1735419811534571, 0.17354198115345718, 0.17354198115345706, 0.1735419811534571, 0.1735419811534571, 0.17354198115345698, 0.34782680469637967, 0.34782680469637967, 0.34782680469637983, 0.34782680469637967, 0.34782680469637967, 0.34782680469637983, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.22889733085472022, 0.22889733085472025, 0.22889733085472022, 0.2288973308547202, 0.22889733085472022, 0.22889733085472044, 0.22889733085472025, 0.22889733085472025, 0.22889733085472022, 0.2288973308547202, 0.22889733085472044, 0.22889733085472022, 0.22889733085472028, 0.22889733085472042, 0.22889733085472033, 0.3448441157022619, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.1735419811534571, 0.17354198115345698, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345693, 0.17354198115345718, 0.17354198115345718, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.173541981153457, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472022, 0.22889733085472044, 0.22889733085472036, 0.22889733085472028, 0.22889733085472044, 0.22889733085472044, 0.22889733085472022, 0.22889733085472042, 0.22889733085472022, 0.22889733085472028, 0.22889733085472025, 0.2288973308547202, 0.22889733085472025, 0.22889733085472022, 0.22889733085472042, 0.3448441157022619, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.17354198115345706, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.1735419811534569, 0.17354198115345687, 0.1735419811534571, 0.17354198115345706, 0.3478268046963796, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472036, 0.22889733085472022, 0.22889733085472025, 0.22889733085472028, 0.22889733085472025, 0.22889733085472028, 0.22889733085472044, 0.22889733085472025, 0.22889733085472025, 0.22889733085472022, 0.2288973308547202, 0.22889733085472036, 0.22889733085472044, 0.22889733085472028, 0.22889733085472025, 0.3448441157022618, 0.34484411570226187, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.34484411570226203, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534569, 0.17354198115345718, 0.17354198115345687, 0.17354198115345718, 0.1735419811534571, 0.17354198115345698, 0.1735419811534571, 0.17354198115345698, 0.17354198115345695, 0.17354198115345695, 0.17354198115345718, 0.1735419811534571, 0.3478268046963797, 0.34782680469637955, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.3478268046963796, 0.3478268046963797, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.22889733085472022, 0.22889733085472044, 0.22889733085472022, 0.22889733085472025, 0.22889733085472022, 0.22889733085472042, 0.22889733085472022, 0.2288973308547202, 0.22889733085472022, 0.2288973308547202, 0.22889733085472022, 0.22889733085472022, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504991, 0.33645042135049935, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.1647430361054718, 0.16474303610547197, 0.1647430361054718, 0.16474303610547203, 0.1647430361054718, 0.1647430361054718, 0.16474303610547192, 0.16474303610547192, 0.16474303610547167, 0.1647430361054718, 0.16474303610547192, 0.16474303610547195, 0.1647430361054718, 0.1647430361054718, 0.16474303610547203, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185986, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.2202085088659418, 0.22020850886594162, 0.22020850886594173, 0.22020850886594168, 0.2202085088659417, 0.22020850886594157, 0.2202085088659417, 0.2202085088659417, 0.22020850886594157, 0.2202085088659417, 0.22020850886594173, 0.22020850886594154, 0.22020850886594173, 0.2202085088659417, 0.22020850886594173, 0.33645042135049913, 0.3364504213504992, 0.3364504213504993, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.16474303610547156, 0.164743036105472, 0.16474303610547208, 0.1647430361054718, 0.16474303610547203, 0.1647430361054718, 0.16474303610547203, 0.16474303610547203, 0.164743036105472, 0.16474303610547203, 0.16474303610547203, 0.1647430361054718, 0.16474303610547206, 0.16474303610547203, 0.16474303610547203, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594157, 0.2202085088659417, 0.22020850886594168, 0.22020850886594154, 0.2202085088659418, 0.22020850886594173, 0.22020850886594168, 0.22020850886594168, 0.22020850886594168, 0.22020850886594157, 0.22020850886594173, 0.22020850886594168, 0.33645042135049924, 0.3364504213504991, 0.3364504213504992, 0.33645042135049924, 0.3364504213504992, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049924, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.16474303610547195, 0.1647430361054721, 0.16474303610547208, 0.16474303610547192, 0.16474303610547208, 0.1647430361054718, 0.16474303610547192, 0.1647430361054718, 0.164743036105472, 0.164743036105472, 0.16474303610547192, 0.16474303610547192, 0.1647430361054721, 0.16474303610547203, 0.164743036105472, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.33944186001859855, 0.33944186001859855, 0.33944186001859855, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.22020850886594173, 0.2202085088659418, 0.22020850886594187, 0.2202085088659419, 0.2202085088659418, 0.22020850886594168, 0.22020850886594184, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594176, 0.2202085088659418, 0.2202085088659418, 0.22020850886594154, 0.33645042135049924, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504991, 0.33645042135049913, 0.164743036105472, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.16474303610547206, 0.164743036105472, 0.1647430361054718, 0.16474303610547156, 0.16474303610547156, 0.1647430361054718, 0.1647430361054718, 0.1647430361054719, 0.16474303610547203, 0.16474303610547195, 0.16474303610547192, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.33944186001859855, 0.3394418600185988, 0.33944186001859855, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.22020850886594168, 0.22020850886594168, 0.22020850886594168, 0.22020850886594168, 0.220208508865942, 0.2202085088659417, 0.2202085088659418, 0.2202085088659418, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594187, 0.22020850886594157, 0.22020850886594168, 0.22020850886594168, 0.3364504213504992, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.33645042135049913, 0.3364504213504993, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.16474303610547208, 0.16474303610547175, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.16474303610547208, 0.1647430361054718, 0.16474303610547208, 0.16474303610547203, 0.16474303610547208, 0.1647430361054718, 0.16474303610547175, 0.16474303610547156, 0.16474303610547208, 0.164743036105472, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.22020850886594168, 0.22020850886594173, 0.22020850886594168, 0.22020850886594168, 0.22020850886594168, 0.2202085088659419, 0.22020850886594168, 0.2202085088659417, 0.22020850886594157, 0.2202085088659417, 0.2202085088659419, 0.22020850886594154, 0.2202085088659417, 0.2202085088659417, 0.2202085088659417, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.3364504213504992, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.33645042135049924, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.16474303610547203, 0.16474303610547192, 0.16474303610547208, 0.1647430361054718, 0.16474303610547197, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.1647430361054718, 0.16474303610547192, 0.16474303610547197, 0.16474303610547197, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.22020850886594168, 0.22020850886594168, 0.22020850886594154, 0.22020850886594173, 0.2202085088659417, 0.2202085088659417, 0.2202085088659418, 0.2202085088659417, 0.22020850886594173, 0.22020850886594173, 0.22020850886594165, 0.22020850886594204, 0.22020850886594198, 0.2202085088659417, 0.22020850886594173, 0.3286886073035679, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.1566212731553279, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532798, 0.15662127315532767, 0.1566212731553276, 0.15662127315532767, 0.1566212731553275, 0.1566212731553279, 0.1566212731553277, 0.15662127315532767, 0.15662127315532767, 0.33168794390767475, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.33168794390767475, 0.3316879439076746, 0.33168794390767475, 0.3316879439076748, 0.3316879439076746, 0.3316879439076748, 0.21218306043526702, 0.2121830604352671, 0.21218306043526705, 0.21218306043526694, 0.21218306043526705, 0.21218306043526702, 0.2121830604352671, 0.21218306043526702, 0.2121830604352672, 0.21218306043526705, 0.2121830604352668, 0.21218306043526727, 0.2121830604352668, 0.21218306043526702, 0.21218306043526702, 0.32868860730356775, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.32868860730356786, 0.3286886073035677, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.32868860730356786, 0.3286886073035677, 0.32868860730356775, 0.15662127315532784, 0.15662127315532787, 0.15662127315532767, 0.15662127315532764, 0.15662127315532787, 0.1566212731553275, 0.15662127315532767, 0.15662127315532795, 0.15662127315532784, 0.1566212731553275, 0.15662127315532784, 0.1566212731553279, 0.15662127315532773, 0.15662127315532767, 0.15662127315532795, 0.3316879439076748, 0.33168794390767475, 0.3316879439076745, 0.33168794390767464, 0.33168794390767464, 0.3316879439076748, 0.3316879439076747, 0.3316879439076748, 0.3316879439076747, 0.3316879439076747, 0.3316879439076748, 0.3316879439076745, 0.3316879439076748, 0.3316879439076747, 0.3316879439076748, 0.21218306043526694, 0.21218306043526702, 0.21218306043526686, 0.2121830604352672, 0.21218306043526705, 0.21218306043526702, 0.2121830604352669, 0.21218306043526705, 0.21218306043526694, 0.21218306043526705, 0.2121830604352668, 0.212183060435267, 0.21218306043526727, 0.21218306043526727, 0.21218306043526713, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035676, 0.3286886073035678, 0.3286886073035678, 0.3286886073035677, 0.32868860730356775, 0.32868860730356775, 0.32868860730356775, 0.32868860730356786, 0.3286886073035677, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.1566212731553275, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.1566212731553279, 0.1566212731553275, 0.1566212731553275, 0.15662127315532787, 0.15662127315532784, 0.15662127315532773, 0.15662127315532784, 0.15662127315532767, 0.15662127315532784, 0.15662127315532784, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.3316879439076745, 0.3316879439076748, 0.33168794390767475, 0.33168794390767453, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.3316879439076749, 0.3316879439076747, 0.2121830604352669, 0.21218306043526716, 0.2121830604352672, 0.2121830604352672, 0.21218306043526727, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526716, 0.21218306043526702, 0.21218306043526705, 0.212183060435267, 0.21218306043526705, 0.21218306043526686, 0.21218306043526702, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.1566212731553275, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.15662127315532784, 0.15662127315532787, 0.1566212731553275, 0.15662127315532784, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532764, 0.15662127315532798, 0.15662127315532784, 0.15662127315532778, 0.33168794390767464, 0.3316879439076745, 0.3316879439076745, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.3316879439076749, 0.3316879439076747, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.3316879439076747, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.21218306043526702, 0.2121830604352672, 0.21218306043526705, 0.2121830604352669, 0.21218306043526705, 0.21218306043526702, 0.21218306043526722, 0.21218306043526686, 0.21218306043526694, 0.21218306043526702, 0.21218306043526686, 0.21218306043526716, 0.212183060435267, 0.21218306043526702, 0.21218306043526683, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.1566212731553275, 0.15662127315532764, 0.1566212731553275, 0.15662127315532767, 0.15662127315532798, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.15662127315532798, 0.15662127315532798, 0.15662127315532787, 0.15662127315532756, 0.1566212731553279, 0.15662127315532798, 0.3316879439076747, 0.33168794390767453, 0.3316879439076748, 0.3316879439076747, 0.3316879439076747, 0.3316879439076747, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.3316879439076746, 0.3316879439076748, 0.3316879439076747, 0.3316879439076747, 0.2121830604352668, 0.21218306043526702, 0.21218306043526702, 0.21218306043526686, 0.21218306043526705, 0.212183060435267, 0.21218306043526702, 0.21218306043526694, 0.21218306043526675, 0.21218306043526697, 0.21218306043526727, 0.21218306043526675, 0.21218306043526702, 0.21218306043526702, 0.21218306043526705, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.15662127315532798, 0.15662127315532795, 0.15662127315532767, 0.1566212731553277, 0.15662127315532784, 0.15662127315532778, 0.15662127315532798, 0.15662127315532798, 0.15662127315532778, 0.1566212731553275, 0.15662127315532764, 0.1566212731553278, 0.15662127315532798, 0.15662127315532795, 0.15662127315532767, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.3316879439076749, 0.33168794390767475, 0.3316879439076748, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.3316879439076746, 0.33168794390767475, 0.33168794390767475, 0.3316879439076748, 0.2121830604352669, 0.21218306043526705, 0.21218306043526705, 0.21218306043526702, 0.21218306043526697, 0.21218306043526702, 0.21218306043526694, 0.21218306043526686, 0.212183060435267, 0.21218306043526694, 0.21218306043526727, 0.21218306043526716, 0.2121830604352672, 0.21218306043526694, 0.21218306043526694, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.32437362039627454, 0.32437362039627426, 0.32437362039627454, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962742, 0.3243736203962745, 0.1521121896974908, 0.15211218969749055, 0.15211218969749093, 0.15211218969749077, 0.15211218969749069, 0.15211218969749069, 0.15211218969749044, 0.15211218969749052, 0.15211218969749077, 0.15211218969749027, 0.15211218969749077, 0.15211218969749044, 0.15211218969749035, 0.15211218969749077, 0.15211218969749077, 0.3273772689008735, 0.3273772689008735, 0.3273772689008734, 0.3273772689008735, 0.32737726890087354, 0.32737726890087354, 0.32737726890087365, 0.3273772689008736, 0.32737726890087365, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.32737726890087365, 0.32737726890087343, 0.3273772689008736, 0.20772528694790424, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790438, 0.20772528694790407, 0.20772528694790418, 0.20772528694790407, 0.20772528694790426, 0.20772528694790404, 0.20772528694790413, 0.20772528694790426, 0.20772528694790426, 0.32437362039627426, 0.32437362039627426, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.32437362039627454, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.15211218969749093, 0.15211218969749057, 0.15211218969749077, 0.15211218969749027, 0.15211218969749082, 0.15211218969749069, 0.15211218969749088, 0.15211218969749035, 0.15211218969749027, 0.15211218969749063, 0.15211218969749077, 0.15211218969749107, 0.1521121896974908, 0.15211218969749082, 0.1521121896974908, 0.32737726890087365, 0.3273772689008736, 0.32737726890087343, 0.3273772689008736, 0.3273772689008736, 0.32737726890087343, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.32737726890087365, 0.3273772689008736, 0.32737726890087365, 0.3273772689008736, 0.32737726890087365, 0.20772528694790424, 0.20772528694790407, 0.2077252869479044, 0.20772528694790426, 0.20772528694790426, 0.20772528694790407, 0.20772528694790413, 0.20772528694790407, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790418, 0.20772528694790418, 0.20772528694790426, 0.20772528694790435, 0.32437362039627454, 0.32437362039627426, 0.32437362039627426, 0.32437362039627426, 0.3243736203962742, 0.32437362039627426, 0.32437362039627426, 0.3243736203962742, 0.32437362039627426, 0.32437362039627426, 0.3243736203962744, 0.3243736203962742, 0.3243736203962742, 0.3243736203962744, 0.3243736203962744, 0.15211218969749063, 0.15211218969749044, 0.15211218969749063, 0.15211218969749069, 0.1521121896974906, 0.15211218969749027, 0.15211218969749063, 0.1521121896974908, 0.15211218969749027, 0.15211218969749069, 0.15211218969749069, 0.15211218969749077, 0.15211218969749069, 0.15211218969749063, 0.15211218969749077, 0.3273772689008736, 0.3273772689008734, 0.3273772689008735, 0.3273772689008736, 0.3273772689008733, 0.3273772689008733, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.2077252869479041, 0.20772528694790426, 0.2077252869479043, 0.20772528694790426, 0.20772528694790424, 0.3243736203962745, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.15211218969749082, 0.15211218969749044, 0.15211218969749044, 0.15211218969749077, 0.15211218969749088, 0.1521121896974902, 0.15211218969749093, 0.15211218969749044, 0.15211218969749069, 0.1521121896974908, 0.15211218969749044, 0.1521121896974904, 0.15211218969749027, 0.15211218969749063, 0.1521121896974907, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.32737726890087343, 0.3273772689008734, 0.3273772689008735, 0.3273772689008735, 0.32737726890087365, 0.3273772689008733, 0.3273772689008736, 0.3273772689008736, 0.32737726890087365, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.20772528694790424, 0.20772528694790424, 0.20772528694790418, 0.20772528694790407, 0.20772528694790418, 0.20772528694790407, 0.20772528694790426, 0.2077252869479043, 0.20772528694790418, 0.20772528694790418, 0.2077252869479043, 0.20772528694790435, 0.20772528694790426, 0.20772528694790418, 0.20772528694790418, 0.3243736203962745, 0.32437362039627426, 0.32437362039627454, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962745, 0.32437362039627443, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.1521121896974906, 0.15211218969749069, 0.1521121896974907, 0.1521121896974906, 0.1521121896974908, 0.1521121896974908, 0.15211218969749082, 0.15211218969749088, 0.1521121896974908, 0.1521121896974907, 0.15211218969749044, 0.15211218969749107, 0.15211218969749055, 0.15211218969749077, 0.1521121896974909, 0.3273772689008736, 0.32737726890087343, 0.32737726890087354, 0.3273772689008735, 0.3273772689008734, 0.3273772689008734, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.20772528694790426, 0.20772528694790438, 0.20772528694790413, 0.20772528694790418, 0.2077252869479044, 0.20772528694790424, 0.20772528694790407, 0.2077252869479043, 0.20772528694790407, 0.20772528694790424, 0.20772528694790404, 0.20772528694790435, 0.2077252869479041, 0.20772528694790407, 0.20772528694790426, 0.3243736203962744, 0.32437362039627426, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.15211218969749077, 0.15211218969749088, 0.15211218969749069, 0.1521121896974907, 0.1521121896974908, 0.15211218969749077, 0.1521121896974908, 0.1521121896974908, 0.15211218969749082, 0.15211218969749077, 0.1521121896974908, 0.1521121896974908, 0.15211218969749077, 0.15211218969749082, 0.1521121896974908, 0.3273772689008737, 0.32737726890087354, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008733, 0.3273772689008735, 0.32737726890087343, 0.3273772689008737, 0.3273772689008733, 0.32737726890087354, 0.3273772689008734, 0.32737726890087365, 0.3273772689008733, 0.20772528694790426, 0.20772528694790418, 0.2077252869479044, 0.20772528694790404, 0.20772528694790407, 0.20772528694790407, 0.20772528694790413, 0.20772528694790426, 0.2077252869479043, 0.20772528694790407, 0.20772528694790418, 0.20772528694790424, 0.20772528694790424, 0.20772528694790438, 0.20772528694790407, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.344844115702262, 0.34484411570226187, 0.34484411570226203, 0.34484411570226176, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.1735419811534571, 0.17354198115345698, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345687, 0.17354198115345718, 0.17354198115345718, 0.17354198115345687, 0.17354198115345698, 0.1735419811534571, 0.17354198115345718, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.2288973308547204, 0.22889733085472025, 0.22889733085472044, 0.22889733085472014, 0.22889733085472047, 0.22889733085472025, 0.22889733085472042, 0.2288973308547204, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.22889733085472022, 0.2288973308547202, 0.22889733085472044, 0.22889733085472022, 0.3448441157022621, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.34484411570226176, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345706, 0.17354198115345718, 0.1735419811534571, 0.17354198115345695, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345706, 0.17354198115345698, 0.17354198115345718, 0.17354198115345718, 0.17354198115345695, 0.17354198115345698, 0.1735419811534571, 0.17354198115345706, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637955, 0.34782680469637967, 0.3478268046963797, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472025, 0.22889733085472044, 0.22889733085472022, 0.2288973308547202, 0.22889733085472044, 0.2288973308547203, 0.22889733085472022, 0.22889733085472022, 0.2288973308547202, 0.22889733085472044, 0.22889733085472042, 0.22889733085472042, 0.22889733085472044, 0.22889733085472047, 0.2288973308547204, 0.344844115702262, 0.3448441157022619, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.34484411570226203, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.17354198115345718, 0.17354198115345718, 0.1735419811534569, 0.17354198115345718, 0.17354198115345718, 0.1735419811534569, 0.17354198115345718, 0.1735419811534571, 0.17354198115345698, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345695, 0.1735419811534571, 0.17354198115345706, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963795, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.22889733085472044, 0.22889733085472025, 0.2288973308547202, 0.22889733085472022, 0.2288973308547204, 0.22889733085472017, 0.22889733085472042, 0.22889733085472042, 0.2288973308547204, 0.22889733085472044, 0.22889733085472022, 0.22889733085472042, 0.22889733085472044, 0.22889733085472022, 0.22889733085472042, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.17354198115345687, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.17354198115345718, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.17354198115345687, 0.17354198115345718, 0.17354198115345718, 0.17354198115345715, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637955, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472042, 0.2288973308547202, 0.22889733085472025, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.22889733085472044, 0.22889733085472022, 0.22889733085472022, 0.2288973308547202, 0.22889733085472022, 0.2288973308547202, 0.2288973308547202, 0.22889733085472042, 0.22889733085472028, 0.34484411570226187, 0.3448441157022618, 0.3448441157022619, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.3448441157022619, 0.34484411570226176, 0.3448441157022619, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.3448441157022618, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345706, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345687, 0.1735419811534571, 0.17354198115345718, 0.17354198115345715, 0.3478268046963797, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472042, 0.22889733085472025, 0.2288973308547202, 0.22889733085472025, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.2288973308547202, 0.22889733085472025, 0.2288973308547202, 0.22889733085472025, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.3448441157022618, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.1735419811534571, 0.17354198115345718, 0.1735419811534571, 0.1735419811534569, 0.1735419811534571, 0.17354198115345687, 0.1735419811534571, 0.1735419811534571, 0.17354198115345704, 0.1735419811534571, 0.1735419811534569, 0.17354198115345687, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472022, 0.2288973308547204, 0.22889733085472022, 0.22889733085472042, 0.22889733085472042, 0.2288973308547202, 0.22889733085472044, 0.2288973308547202, 0.22889733085472044, 0.2288973308547202, 0.22889733085472022, 0.2288973308547202, 0.22889733085472042, 0.22889733085472036, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.33645042135049924, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504993, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547208, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.16474303610547192, 0.16474303610547203, 0.16474303610547203, 0.1647430361054718, 0.16474303610547197, 0.1647430361054718, 0.16474303610547175, 0.16474303610547192, 0.16474303610547197, 0.16474303610547192, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.2202085088659417, 0.2202085088659419, 0.22020850886594168, 0.22020850886594157, 0.2202085088659419, 0.2202085088659419, 0.2202085088659417, 0.2202085088659417, 0.22020850886594168, 0.2202085088659418, 0.2202085088659417, 0.22020850886594204, 0.22020850886594157, 0.22020850886594168, 0.22020850886594168, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.1647430361054718, 0.16474303610547192, 0.1647430361054718, 0.16474303610547167, 0.16474303610547203, 0.16474303610547203, 0.1647430361054722, 0.16474303610547208, 0.16474303610547186, 0.16474303610547178, 0.16474303610547192, 0.16474303610547197, 0.16474303610547197, 0.1647430361054721, 0.1647430361054722, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.22020850886594173, 0.2202085088659417, 0.22020850886594168, 0.22020850886594198, 0.22020850886594168, 0.22020850886594168, 0.22020850886594168, 0.2202085088659417, 0.22020850886594198, 0.22020850886594168, 0.2202085088659418, 0.2202085088659417, 0.22020850886594173, 0.22020850886594168, 0.2202085088659418, 0.3364504213504992, 0.3364504213504991, 0.33645042135049913, 0.33645042135049924, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.16474303610547203, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.16474303610547197, 0.164743036105472, 0.16474303610547192, 0.1647430361054719, 0.16474303610547203, 0.164743036105472, 0.16474303610547206, 0.16474303610547208, 0.16474303610547203, 0.16474303610547208, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.22020850886594168, 0.22020850886594157, 0.22020850886594198, 0.22020850886594198, 0.22020850886594204, 0.22020850886594198, 0.2202085088659418, 0.22020850886594157, 0.2202085088659419, 0.22020850886594168, 0.2202085088659418, 0.22020850886594176, 0.2202085088659417, 0.22020850886594168, 0.2202085088659418, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504992, 0.33645042135049924, 0.33645042135049913, 0.3364504213504991, 0.33645042135049924, 0.3364504213504992, 0.3364504213504992, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547203, 0.164743036105472, 0.16474303610547208, 0.16474303610547197, 0.16474303610547197, 0.1647430361054718, 0.1647430361054717, 0.16474303610547203, 0.164743036105472, 0.16474303610547208, 0.164743036105472, 0.164743036105472, 0.16474303610547197, 0.16474303610547192, 0.164743036105472, 0.3394418600185988, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.33944186001859855, 0.33944186001859883, 0.33944186001859855, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.22020850886594154, 0.22020850886594157, 0.2202085088659417, 0.2202085088659418, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.22020850886594173, 0.22020850886594165, 0.2202085088659417, 0.22020850886594162, 0.22020850886594165, 0.22020850886594154, 0.22020850886594168, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.33645042135049913, 0.1647430361054718, 0.1647430361054718, 0.16474303610547192, 0.16474303610547192, 0.16474303610547192, 0.16474303610547192, 0.16474303610547192, 0.16474303610547206, 0.16474303610547197, 0.16474303610547197, 0.16474303610547192, 0.164743036105472, 0.16474303610547178, 0.164743036105472, 0.16474303610547192, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.33944186001859855, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.22020850886594168, 0.22020850886594154, 0.22020850886594154, 0.22020850886594157, 0.22020850886594168, 0.22020850886594157, 0.22020850886594168, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.22020850886594195, 0.2202085088659417, 0.22020850886594157, 0.2202085088659417, 0.22020850886594168, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547208, 0.16474303610547192, 0.16474303610547192, 0.16474303610547203, 0.16474303610547203, 0.16474303610547186, 0.1647430361054718, 0.164743036105472, 0.16474303610547203, 0.16474303610547192, 0.16474303610547208, 0.1647430361054718, 0.1647430361054718, 0.16474303610547192, 0.16474303610547186, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.2202085088659417, 0.22020850886594195, 0.2202085088659417, 0.2202085088659419, 0.220208508865942, 0.22020850886594168, 0.22020850886594176, 0.2202085088659418, 0.2202085088659421, 0.2202085088659418, 0.2202085088659419, 0.22020850886594187, 0.2202085088659419, 0.22020850886594168, 0.220208508865942, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035677, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.1566212731553278, 0.1566212731553275, 0.15662127315532784, 0.15662127315532767, 0.15662127315532798, 0.15662127315532784, 0.15662127315532784, 0.1566212731553276, 0.15662127315532798, 0.15662127315532787, 0.15662127315532767, 0.15662127315532764, 0.15662127315532767, 0.15662127315532787, 0.33168794390767464, 0.33168794390767464, 0.3316879439076747, 0.3316879439076747, 0.3316879439076748, 0.33168794390767475, 0.33168794390767464, 0.3316879439076749, 0.3316879439076749, 0.33168794390767475, 0.3316879439076745, 0.33168794390767453, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526705, 0.21218306043526697, 0.21218306043526727, 0.2121830604352672, 0.21218306043526702, 0.21218306043526727, 0.2121830604352669, 0.21218306043526702, 0.21218306043526736, 0.21218306043526697, 0.21218306043526722, 0.21218306043526702, 0.3286886073035678, 0.32868860730356786, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.15662127315532784, 0.15662127315532776, 0.15662127315532764, 0.15662127315532784, 0.1566212731553278, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.15662127315532778, 0.15662127315532767, 0.15662127315532798, 0.1566212731553278, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.3316879439076748, 0.3316879439076748, 0.33168794390767475, 0.33168794390767453, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767475, 0.33168794390767464, 0.33168794390767475, 0.33168794390767464, 0.3316879439076746, 0.33168794390767475, 0.33168794390767453, 0.3316879439076747, 0.21218306043526727, 0.212183060435267, 0.2121830604352672, 0.2121830604352672, 0.2121830604352668, 0.2121830604352671, 0.2121830604352671, 0.21218306043526722, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.2121830604352671, 0.21218306043526705, 0.2121830604352672, 0.32868860730356775, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.3286886073035676, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.1566212731553275, 0.15662127315532773, 0.15662127315532756, 0.15662127315532784, 0.15662127315532767, 0.1566212731553278, 0.15662127315532784, 0.1566212731553275, 0.15662127315532784, 0.15662127315532787, 0.15662127315532767, 0.15662127315532778, 0.1566212731553275, 0.15662127315532764, 0.15662127315532762, 0.3316879439076749, 0.3316879439076748, 0.3316879439076748, 0.3316879439076745, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767475, 0.3316879439076745, 0.33168794390767475, 0.3316879439076748, 0.3316879439076746, 0.33168794390767464, 0.33168794390767453, 0.33168794390767475, 0.2121830604352672, 0.2121830604352671, 0.21218306043526705, 0.21218306043526736, 0.21218306043526705, 0.21218306043526702, 0.21218306043526727, 0.21218306043526722, 0.2121830604352671, 0.21218306043526702, 0.21218306043526727, 0.21218306043526727, 0.21218306043526727, 0.21218306043526722, 0.21218306043526713, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356786, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.15662127315532798, 0.15662127315532767, 0.1566212731553278, 0.15662127315532745, 0.15662127315532767, 0.1566212731553275, 0.15662127315532787, 0.15662127315532767, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532798, 0.15662127315532784, 0.15662127315532767, 0.33168794390767475, 0.3316879439076749, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.33168794390767453, 0.3316879439076747, 0.3316879439076749, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.21218306043526702, 0.21218306043526727, 0.21218306043526694, 0.21218306043526716, 0.21218306043526716, 0.21218306043526705, 0.21218306043526694, 0.212183060435267, 0.21218306043526705, 0.2121830604352669, 0.21218306043526722, 0.21218306043526705, 0.21218306043526716, 0.2121830604352672, 0.2121830604352672, 0.3286886073035678, 0.3286886073035679, 0.32868860730356797, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.1566212731553277, 0.15662127315532798, 0.1566212731553275, 0.1566212731553277, 0.1566212731553275, 0.15662127315532787, 0.1566212731553278, 0.15662127315532798, 0.15662127315532784, 0.15662127315532767, 0.15662127315532764, 0.15662127315532798, 0.15662127315532767, 0.15662127315532784, 0.33168794390767475, 0.3316879439076746, 0.3316879439076748, 0.33168794390767475, 0.3316879439076748, 0.33168794390767475, 0.3316879439076747, 0.33168794390767475, 0.33168794390767464, 0.33168794390767464, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767453, 0.3316879439076747, 0.21218306043526702, 0.21218306043526694, 0.2121830604352672, 0.21218306043526727, 0.21218306043526705, 0.212183060435267, 0.21218306043526705, 0.21218306043526702, 0.2121830604352672, 0.21218306043526702, 0.2121830604352671, 0.21218306043526727, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035677, 0.3286886073035678, 0.32868860730356775, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.1566212731553278, 0.15662127315532773, 0.1566212731553276, 0.15662127315532767, 0.15662127315532767, 0.15662127315532778, 0.15662127315532767, 0.1566212731553278, 0.15662127315532773, 0.15662127315532767, 0.15662127315532767, 0.1566212731553277, 0.33168794390767464, 0.33168794390767453, 0.33168794390767464, 0.33168794390767486, 0.33168794390767486, 0.3316879439076748, 0.3316879439076749, 0.33168794390767464, 0.3316879439076748, 0.33168794390767475, 0.33168794390767464, 0.3316879439076745, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.2121830604352671, 0.2121830604352669, 0.2121830604352669, 0.21218306043526702, 0.21218306043526702, 0.21218306043526722, 0.21218306043526702, 0.21218306043526702, 0.212183060435267, 0.21218306043526702, 0.21218306043526705, 0.21218306043526697, 0.2121830604352672, 0.2121830604352669, 0.21218306043526697, 0.3243736203962744, 0.32437362039627454, 0.3243736203962745, 0.32437362039627454, 0.3243736203962745, 0.3243736203962745, 0.3243736203962745, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.1521121896974906, 0.15211218969749044, 0.1521121896974906, 0.15211218969749052, 0.15211218969749057, 0.15211218969749069, 0.1521121896974907, 0.1521121896974906, 0.15211218969749093, 0.15211218969749057, 0.15211218969749063, 0.15211218969749082, 0.15211218969749088, 0.15211218969749027, 0.15211218969749082, 0.3273772689008736, 0.3273772689008734, 0.32737726890087354, 0.3273772689008734, 0.3273772689008733, 0.3273772689008733, 0.3273772689008735, 0.3273772689008735, 0.32737726890087365, 0.3273772689008735, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790413, 0.20772528694790407, 0.20772528694790407, 0.20772528694790438, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.2077252869479043, 0.2077252869479044, 0.20772528694790407, 0.2077252869479041, 0.2077252869479043, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.3243736203962742, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.15211218969749044, 0.15211218969749063, 0.15211218969749044, 0.15211218969749057, 0.15211218969749044, 0.15211218969749055, 0.15211218969749044, 0.15211218969749082, 0.1521121896974908, 0.15211218969749044, 0.15211218969749055, 0.15211218969749093, 0.1521121896974908, 0.15211218969749052, 0.1521121896974908, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.32737726890087365, 0.3273772689008734, 0.3273772689008736, 0.3273772689008734, 0.3273772689008736, 0.3273772689008736, 0.3273772689008733, 0.3273772689008736, 0.3273772689008735, 0.32737726890087343, 0.3273772689008736, 0.20772528694790407, 0.2077252869479043, 0.20772528694790407, 0.20772528694790407, 0.20772528694790415, 0.20772528694790415, 0.20772528694790404, 0.20772528694790424, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.20772528694790404, 0.20772528694790407, 0.2077252869479043, 0.20772528694790438, 0.3243736203962743, 0.3243736203962744, 0.32437362039627426, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.32437362039627426, 0.32437362039627454, 0.3243736203962744, 0.3243736203962742, 0.32437362039627426, 0.3243736203962745, 0.15211218969749057, 0.15211218969749055, 0.15211218969749085, 0.15211218969749082, 0.15211218969749057, 0.15211218969749063, 0.15211218969749082, 0.1521121896974907, 0.15211218969749063, 0.1521121896974908, 0.15211218969749082, 0.15211218969749052, 0.1521121896974908, 0.15211218969749055, 0.15211218969749093, 0.3273772689008734, 0.3273772689008735, 0.3273772689008734, 0.3273772689008735, 0.3273772689008735, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.32737726890087326, 0.3273772689008735, 0.3273772689008734, 0.3273772689008734, 0.3273772689008733, 0.32737726890087365, 0.3273772689008734, 0.20772528694790424, 0.2077252869479041, 0.2077252869479041, 0.20772528694790424, 0.20772528694790424, 0.20772528694790418, 0.20772528694790424, 0.20772528694790426, 0.20772528694790435, 0.2077252869479041, 0.20772528694790435, 0.20772528694790418, 0.20772528694790418, 0.20772528694790435, 0.20772528694790435, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.3243736203962745, 0.3243736203962745, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.3243736203962745, 0.3243736203962744, 0.3243736203962745, 0.32437362039627454, 0.32437362039627426, 0.32437362039627454, 0.3243736203962745, 0.15211218969749063, 0.15211218969749082, 0.15211218969749082, 0.1521121896974908, 0.1521121896974908, 0.1521121896974908, 0.15211218969749082, 0.15211218969749105, 0.15211218969749055, 0.15211218969749088, 0.1521121896974906, 0.1521121896974906, 0.15211218969749082, 0.1521121896974908, 0.15211218969749077, 0.3273772689008736, 0.3273772689008733, 0.32737726890087365, 0.3273772689008735, 0.3273772689008734, 0.3273772689008735, 0.32737726890087354, 0.3273772689008736, 0.3273772689008733, 0.3273772689008735, 0.32737726890087365, 0.3273772689008735, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.20772528694790424, 0.20772528694790407, 0.20772528694790426, 0.20772528694790435, 0.20772528694790424, 0.2077252869479043, 0.20772528694790407, 0.2077252869479043, 0.2077252869479042, 0.20772528694790418, 0.20772528694790407, 0.20772528694790404, 0.2077252869479041, 0.20772528694790407, 0.2077252869479044, 0.3243736203962744, 0.3243736203962745, 0.32437362039627426, 0.32437362039627426, 0.3243736203962744, 0.3243736203962744, 0.32437362039627426, 0.3243736203962744, 0.32437362039627415, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627443, 0.3243736203962744, 0.3243736203962744, 0.15211218969749057, 0.15211218969749057, 0.15211218969749088, 0.15211218969749057, 0.1521121896974906, 0.15211218969749082, 0.15211218969749044, 0.15211218969749093, 0.15211218969749057, 0.1521121896974906, 0.15211218969749055, 0.15211218969749057, 0.1521121896974904, 0.15211218969749057, 0.15211218969749093, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.32737726890087354, 0.32737726890087365, 0.3273772689008736, 0.3273772689008736, 0.3273772689008736, 0.32737726890087354, 0.3273772689008736, 0.32737726890087365, 0.3273772689008736, 0.32737726890087365, 0.32737726890087365, 0.32737726890087365, 0.2077252869479044, 0.20772528694790426, 0.20772528694790407, 0.20772528694790407, 0.20772528694790407, 0.2077252869479042, 0.20772528694790407, 0.20772528694790407, 0.2077252869479044, 0.20772528694790407, 0.20772528694790418, 0.20772528694790438, 0.20772528694790407, 0.20772528694790426, 0.20772528694790407, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.3243736203962744, 0.32437362039627454, 0.3243736203962744, 0.32437362039627454, 0.32437362039627454, 0.32437362039627454, 0.32437362039627426, 0.3243736203962744, 0.32437362039627426, 0.32437362039627426, 0.32437362039627454, 0.3243736203962745, 0.15211218969749093, 0.15211218969749088, 0.1521121896974908, 0.15211218969749082, 0.1521121896974908, 0.15211218969749055, 0.15211218969749088, 0.1521121896974907, 0.15211218969749088, 0.15211218969749055, 0.15211218969749088, 0.1521121896974906, 0.15211218969749093, 0.1521121896974908, 0.1521121896974906, 0.32737726890087365, 0.3273772689008736, 0.3273772689008736, 0.3273772689008735, 0.3273772689008736, 0.3273772689008733, 0.32737726890087365, 0.32737726890087365, 0.3273772689008735, 0.32737726890087354, 0.3273772689008735, 0.32737726890087365, 0.32737726890087365, 0.3273772689008735, 0.32737726890087365, 0.20772528694790418, 0.20772528694790418, 0.20772528694790407, 0.20772528694790404, 0.2077252869479043, 0.20772528694790407, 0.20772528694790435, 0.20772528694790418, 0.20772528694790424, 0.20772528694790424, 0.20772528694790418, 0.20772528694790424, 0.2077252869479043, 0.20772528694790404, 0.20772528694790424, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.34484411570226187, 0.3448441157022618, 0.17354198115345718, 0.17354198115345687, 0.17354198115345706, 0.17354198115345687, 0.17354198115345718, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345698, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345695, 0.1735419811534571, 0.17354198115345698, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637983, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472044, 0.22889733085472025, 0.2288973308547202, 0.22889733085472044, 0.22889733085472022, 0.22889733085472042, 0.22889733085472044, 0.22889733085472033, 0.22889733085472044, 0.22889733085472044, 0.22889733085472028, 0.22889733085472022, 0.22889733085472042, 0.22889733085472044, 0.3448441157022618, 0.3448441157022618, 0.34484411570226176, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.3448441157022618, 0.3448441157022619, 0.34484411570226176, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.17354198115345695, 0.17354198115345687, 0.17354198115345693, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.1735419811534571, 0.17354198115345698, 0.17354198115345687, 0.1735419811534571, 0.1735419811534571, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963796, 0.3478268046963796, 0.34782680469637967, 0.34782680469637955, 0.34782680469637967, 0.22889733085472042, 0.2288973308547204, 0.22889733085472022, 0.22889733085472036, 0.22889733085472044, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.22889733085472042, 0.22889733085472042, 0.22889733085472044, 0.22889733085472058, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.3448441157022619, 0.3448441157022618, 0.1735419811534571, 0.1735419811534571, 0.17354198115345715, 0.17354198115345695, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.17354198115345687, 0.17354198115345687, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345693, 0.17354198115345715, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637983, 0.34782680469637967, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472042, 0.22889733085472044, 0.22889733085472044, 0.22889733085472022, 0.22889733085472042, 0.22889733085472025, 0.22889733085472044, 0.22889733085472044, 0.22889733085472017, 0.22889733085472036, 0.22889733085472042, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.22889733085472044, 0.34484411570226187, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022619, 0.3448441157022618, 0.34484411570226187, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.1735419811534571, 0.17354198115345687, 0.1735419811534571, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345698, 0.17354198115345687, 0.17354198115345693, 0.17354198115345698, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.3478268046963796, 0.3478268046963796, 0.3478268046963796, 0.34782680469637967, 0.34782680469637967, 0.22889733085472025, 0.2288973308547202, 0.22889733085472022, 0.22889733085472025, 0.22889733085472022, 0.22889733085472025, 0.22889733085472044, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.2288973308547202, 0.22889733085472022, 0.22889733085472022, 0.22889733085472036, 0.22889733085472025, 0.34484411570226203, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.34484411570226187, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.17354198115345698, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.17354198115345718, 0.17354198115345718, 0.1735419811534569, 0.17354198115345698, 0.17354198115345698, 0.17354198115345715, 0.3478268046963797, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.3478268046963797, 0.34782680469637967, 0.34782680469637967, 0.22889733085472044, 0.22889733085472025, 0.22889733085472044, 0.2288973308547202, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.22889733085472022, 0.22889733085472022, 0.22889733085472042, 0.22889733085472044, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.3448441157022618, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.344844115702262, 0.17354198115345718, 0.17354198115345718, 0.17354198115345706, 0.17354198115345695, 0.1735419811534571, 0.17354198115345695, 0.1735419811534571, 0.17354198115345706, 0.17354198115345695, 0.1735419811534571, 0.17354198115345695, 0.17354198115345718, 0.17354198115345718, 0.1735419811534571, 0.17354198115345687, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.3478268046963795, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.34782680469637967, 0.22889733085472042, 0.22889733085472044, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.22889733085472042, 0.22889733085472042, 0.22889733085472022, 0.22889733085472044, 0.22889733085472044, 0.2288973308547202, 0.22889733085472022, 0.22889733085472022, 0.22889733085472044, 0.22889733085472036, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.33645042135049924, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.16474303610547208, 0.1647430361054718, 0.16474303610547172, 0.1647430361054718, 0.16474303610547208, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.16474303610547208, 0.1647430361054718, 0.16474303610547184, 0.16474303610547208, 0.1647430361054718, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.33944186001859855, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.2202085088659417, 0.22020850886594168, 0.2202085088659418, 0.22020850886594198, 0.2202085088659417, 0.22020850886594198, 0.22020850886594168, 0.22020850886594168, 0.22020850886594165, 0.22020850886594168, 0.22020850886594157, 0.2202085088659419, 0.2202085088659417, 0.2202085088659417, 0.22020850886594168, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.336450421350499, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.1647430361054718, 0.164743036105472, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.164743036105472, 0.164743036105472, 0.1647430361054718, 0.1647430361054718, 0.1647430361054718, 0.164743036105472, 0.16474303610547192, 0.164743036105472, 0.33944186001859883, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.33944186001859883, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.33944186001859855, 0.3394418600185988, 0.22020850886594168, 0.22020850886594168, 0.22020850886594157, 0.2202085088659417, 0.22020850886594168, 0.2202085088659418, 0.22020850886594168, 0.22020850886594168, 0.22020850886594157, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.2202085088659418, 0.22020850886594168, 0.22020850886594168, 0.3364504213504993, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049924, 0.33645042135049913, 0.3364504213504993, 0.3364504213504993, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.16474303610547203, 0.164743036105472, 0.16474303610547208, 0.1647430361054718, 0.1647430361054722, 0.16474303610547167, 0.16474303610547208, 0.16474303610547192, 0.16474303610547203, 0.16474303610547208, 0.16474303610547217, 0.16474303610547208, 0.16474303610547208, 0.16474303610547208, 0.16474303610547203, 0.3394418600185987, 0.33944186001859855, 0.3394418600185987, 0.3394418600185987, 0.33944186001859883, 0.3394418600185988, 0.33944186001859883, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.3394418600185987, 0.33944186001859855, 0.3394418600185988, 0.3394418600185987, 0.33944186001859883, 0.22020850886594173, 0.2202085088659417, 0.2202085088659417, 0.22020850886594162, 0.2202085088659417, 0.22020850886594157, 0.22020850886594157, 0.22020850886594173, 0.2202085088659417, 0.22020850886594173, 0.2202085088659417, 0.22020850886594173, 0.22020850886594157, 0.22020850886594157, 0.22020850886594157, 0.33645042135049913, 0.33645042135049913, 0.33645042135049896, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.16474303610547203, 0.164743036105472, 0.16474303610547192, 0.16474303610547192, 0.164743036105472, 0.164743036105472, 0.16474303610547172, 0.164743036105472, 0.16474303610547156, 0.1647430361054718, 0.16474303610547206, 0.164743036105472, 0.1647430361054718, 0.16474303610547208, 0.16474303610547192, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185988, 0.3394418600185987, 0.22020850886594176, 0.22020850886594168, 0.2202085088659417, 0.2202085088659417, 0.2202085088659417, 0.22020850886594168, 0.2202085088659417, 0.22020850886594168, 0.22020850886594168, 0.2202085088659418, 0.22020850886594173, 0.22020850886594198, 0.22020850886594157, 0.22020850886594168, 0.22020850886594168, 0.33645042135049924, 0.33645042135049913, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504991, 0.33645042135049913, 0.336450421350499, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.16474303610547192, 0.1647430361054718, 0.16474303610547208, 0.16474303610547208, 0.16474303610547208, 0.16474303610547208, 0.164743036105472, 0.16474303610547203, 0.1647430361054718, 0.16474303610547192, 0.16474303610547208, 0.16474303610547184, 0.164743036105472, 0.1647430361054721, 0.16474303610547208, 0.3394418600185987, 0.33944186001859883, 0.3394418600185985, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.33944186001859883, 0.3394418600185987, 0.3394418600185988, 0.2202085088659417, 0.22020850886594173, 0.22020850886594165, 0.22020850886594157, 0.2202085088659417, 0.2202085088659417, 0.22020850886594173, 0.22020850886594157, 0.22020850886594154, 0.22020850886594173, 0.2202085088659417, 0.22020850886594165, 0.22020850886594168, 0.22020850886594173, 0.22020850886594173, 0.33645042135049913, 0.33645042135049924, 0.3364504213504992, 0.3364504213504992, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.3364504213504992, 0.3364504213504991, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.33645042135049913, 0.3364504213504992, 0.16474303610547192, 0.16474303610547192, 0.16474303610547192, 0.1647430361054718, 0.1647430361054718, 0.16474303610547197, 0.16474303610547192, 0.1647430361054718, 0.164743036105472, 0.16474303610547203, 0.16474303610547192, 0.164743036105472, 0.164743036105472, 0.1647430361054718, 0.1647430361054718, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.3394418600185987, 0.33944186001859855, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.3394418600185988, 0.3394418600185987, 0.3394418600185987, 0.22020850886594173, 0.22020850886594168, 0.22020850886594168, 0.22020850886594165, 0.22020850886594165, 0.22020850886594154, 0.22020850886594168, 0.22020850886594168, 0.22020850886594157, 0.22020850886594168, 0.22020850886594195, 0.2202085088659419, 0.22020850886594157, 0.22020850886594154, 0.2202085088659417, 0.3286886073035678, 0.32868860730356786, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.15662127315532767, 0.15662127315532787, 0.15662127315532767, 0.15662127315532773, 0.15662127315532767, 0.15662127315532784, 0.15662127315532784, 0.1566212731553275, 0.15662127315532756, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.3316879439076749, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076748, 0.3316879439076749, 0.3316879439076749, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767486, 0.33168794390767464, 0.21218306043526702, 0.21218306043526727, 0.21218306043526702, 0.21218306043526702, 0.21218306043526702, 0.2121830604352669, 0.21218306043526727, 0.21218306043526705, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.2121830604352671, 0.21218306043526702, 0.21218306043526705, 0.21218306043526716, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.15662127315532798, 0.1566212731553275, 0.15662127315532798, 0.15662127315532787, 0.15662127315532767, 0.1566212731553275, 0.1566212731553275, 0.1566212731553279, 0.15662127315532756, 0.15662127315532767, 0.15662127315532798, 0.1566212731553276, 0.15662127315532778, 0.15662127315532767, 0.15662127315532767, 0.3316879439076747, 0.3316879439076748, 0.3316879439076748, 0.3316879439076746, 0.3316879439076748, 0.3316879439076747, 0.3316879439076746, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.3316879439076747, 0.3316879439076745, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.21218306043526705, 0.21218306043526727, 0.21218306043526716, 0.21218306043526705, 0.21218306043526722, 0.21218306043526716, 0.21218306043526738, 0.21218306043526702, 0.2121830604352671, 0.21218306043526705, 0.21218306043526727, 0.21218306043526705, 0.21218306043526705, 0.2121830604352671, 0.21218306043526727, 0.3286886073035678, 0.32868860730356775, 0.32868860730356786, 0.32868860730356775, 0.32868860730356786, 0.3286886073035678, 0.32868860730356764, 0.32868860730356775, 0.3286886073035676, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035677, 0.32868860730356786, 0.15662127315532778, 0.1566212731553275, 0.15662127315532773, 0.1566212731553275, 0.15662127315532798, 0.1566212731553278, 0.1566212731553275, 0.15662127315532767, 0.15662127315532773, 0.15662127315532767, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.15662127315532762, 0.3316879439076748, 0.33168794390767475, 0.33168794390767475, 0.33168794390767486, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076749, 0.33168794390767475, 0.33168794390767475, 0.33168794390767475, 0.33168794390767464, 0.3316879439076749, 0.3316879439076748, 0.33168794390767464, 0.21218306043526694, 0.21218306043526702, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.2121830604352669, 0.21218306043526702, 0.21218306043526705, 0.21218306043526716, 0.21218306043526727, 0.21218306043526705, 0.21218306043526727, 0.21218306043526716, 0.2121830604352669, 0.21218306043526727, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035677, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.1566212731553275, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532787, 0.15662127315532798, 0.15662127315532767, 0.1566212731553276, 0.1566212731553276, 0.15662127315532767, 0.15662127315532784, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.3316879439076748, 0.3316879439076749, 0.33168794390767475, 0.33168794390767486, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.21218306043526702, 0.212183060435267, 0.21218306043526705, 0.21218306043526702, 0.21218306043526705, 0.21218306043526705, 0.21218306043526705, 0.21218306043526702, 0.21218306043526705, 0.21218306043526683, 0.2121830604352669, 0.21218306043526702, 0.2121830604352672, 0.21218306043526705, 0.21218306043526727, 0.3286886073035678, 0.3286886073035678, 0.32868860730356797, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035679, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.3286886073035678, 0.3286886073035679, 0.3286886073035678, 0.15662127315532767, 0.15662127315532756, 0.15662127315532798, 0.1566212731553275, 0.15662127315532767, 0.1566212731553275, 0.15662127315532784, 0.15662127315532756, 0.15662127315532767, 0.15662127315532784, 0.1566212731553278, 0.15662127315532756, 0.1566212731553279, 0.15662127315532784, 0.1566212731553277, 0.33168794390767464, 0.33168794390767475, 0.3316879439076748, 0.33168794390767475, 0.3316879439076747, 0.3316879439076747, 0.33168794390767475, 0.3316879439076748, 0.33168794390767464, 0.33168794390767453, 0.3316879439076749, 0.33168794390767475, 0.3316879439076748, 0.33168794390767475, 0.33168794390767464, 0.21218306043526686, 0.21218306043526694, 0.21218306043526716, 0.21218306043526686, 0.2121830604352668, 0.21218306043526686, 0.21218306043526694, 0.21218306043526686, 0.21218306043526716, 0.21218306043526686, 0.21218306043526686, 0.21218306043526716, 0.21218306043526686, 0.21218306043526686, 0.21218306043526716, 0.3286886073035678, 0.3286886073035677, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.3286886073035678, 0.32868860730356775, 0.3286886073035678, 0.15662127315532767, 0.15662127315532784, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.15662127315532767, 0.1566212731553275, 0.15662127315532767, 0.1566212731553275, 0.15662127315532764, 0.15662127315532767, 0.15662127315532787, 0.15662127315532784, 0.1566212731553275, 0.33168794390767453, 0.33168794390767475, 0.33168794390767475, 0.33168794390767464, 0.3316879439076748, 0.3316879439076748, 0.3316879439076748, 0.33168794390767464, 0.33168794390767464, 0.33168794390767453, 0.33168794390767464, 0.3316879439076747, 0.33168794390767486, 0.3316879439076748, 0.3316879439076748, 0.21218306043526705, 0.21218306043526702, 0.21218306043526702, 0.21218306043526727, 0.21218306043526702, 0.21218306043526705, 0.2121830604352669, 0.2121830604352672, 0.21218306043526702, 0.21218306043526716, 0.21218306043526705, 0.21218306043526705, 0.21218306043526683, 0.21218306043526702, 0.21218306043526702]\n", "\n", "Abstraction error: 0.34782680469637983\n", "\n", "M1: ['X', 'Z', 'Y', 'V'] -> ['W', 'U']\n", "M0: ['A', 'B', 'D', 'F', 'H', 'I'] -> ['E', 'G']\n", "M1 mechanism shape: (4, 1728)\n", "M0 mechanism shape: (6, 4320)\n", "Alpha_s shape: (1728, 4320)\n", "Alpha_t shape: (4, 6)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.3943832047146056, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.2874441014096169, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.28744410140961674, 0.28744410140961674, 0.2874441014096167, 0.2874441014096168, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.28744410140961674, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.3965858523638053, 0.3965858523638051, 0.39658585236380517, 0.39658585236380506, 0.3965858523638051, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.39658585236380506, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380506, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.3168509894875936, 0.3168509894875937, 0.3168509894875937, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759377, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.3943832047146057, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.28744410140961674, 0.2874441014096167, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380506, 0.39658585236380517, 0.39658585236380506, 0.3965858523638051, 0.3965858523638053, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3168509894875937, 0.3168509894875936, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759355, 0.31685098948759366, 0.39438320471460553, 0.39438320471460553, 0.39438320471460553, 0.3943832047146056, 0.3943832047146057, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.28744410140961674, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.2874441014096167, 0.28744410140961674, 0.28744410140961685, 0.2874441014096169, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380506, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.31685098948759355, 0.31685098948759355, 0.3168509894875936, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.3168509894875936, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460553, 0.3943832047146056, 0.3943832047146057, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.39438320471460575, 0.2874441014096168, 0.2874441014096168, 0.2874441014096169, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.28744410140961674, 0.2874441014096167, 0.39658585236380517, 0.39658585236380506, 0.39658585236380517, 0.39658585236380517, 0.3965858523638052, 0.3965858523638053, 0.3965858523638052, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.39438320471460564, 0.3943832047146056, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460575, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.2874441014096168, 0.2874441014096169, 0.2874441014096169, 0.2874441014096169, 0.28744410140961685, 0.2874441014096168, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.2874441014096169, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.31685098948759355, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.3943832047146056, 0.39438320471460564, 0.39438320471460553, 0.3943832047146057, 0.3943832047146056, 0.39438320471460564, 0.28744410140961685, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.2874441014096169, 0.2874441014096169, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638052, 0.3965858523638051, 0.3965858523638051, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.29724192732214644, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.2972419273221465, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.41071940592929085, 0.41071940592929085, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.41071940592929085, 0.32863657532604373, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604384, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717385, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717385, 0.2972419273221465, 0.2972419273221464, 0.29724192732214655, 0.29724192732214644, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.29724192732214644, 0.29724192732214655, 0.41071940592929085, 0.41071940592929085, 0.4107194059292908, 0.41071940592929074, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.32863657532604373, 0.32863657532604384, 0.3286365753260438, 0.32863657532604384, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.40848214817173834, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.29724192732214644, 0.29724192732214644, 0.2972419273221464, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.3286365753260437, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.32863657532604384, 0.32863657532604373, 0.4084821481717384, 0.4084821481717384, 0.40848214817173856, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717383, 0.4084821481717384, 0.4084821481717383, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.2972419273221463, 0.2972419273221463, 0.2972419273221464, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.41071940592929085, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.41071940592929085, 0.41071940592929096, 0.4107194059292909, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.3286365753260437, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.3286365753260437, 0.40848214817173856, 0.4084821481717385, 0.40848214817173834, 0.40848214817173834, 0.4084821481717383, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.41071940592929074, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.3286365753260438, 0.3286365753260436, 0.3286365753260436, 0.32863657532604384, 0.32863657532604373, 0.3286365753260437, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717383, 0.2972419273221464, 0.29724192732214644, 0.29724192732214644, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.29724192732214655, 0.29724192732214644, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292909, 0.4107194059292909, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.32863657532604384, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.32863657532604384, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.2926611143985862, 0.29266111439858644, 0.2926611143985863, 0.29266111439858633, 0.29266111439858655, 0.2926611143985863, 0.29266111439858633, 0.2926611143985863, 0.29266111439858633, 0.29266111439858644, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.29266111439858655, 0.2926611143985864, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.40202977286935604, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.29266111439858616, 0.2926611143985863, 0.2926611143985865, 0.2926611143985864, 0.29266111439858633, 0.2926611143985862, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.2926611143985863, 0.2926611143985864, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.3231905998367968, 0.32319059983679677, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935604, 0.40202977286935604, 0.40202977286935604, 0.40202977286935604, 0.40202977286935604, 0.402029772869356, 0.2926611143985862, 0.2926611143985863, 0.2926611143985863, 0.2926611143985864, 0.29266111439858633, 0.2926611143985863, 0.2926611143985863, 0.2926611143985864, 0.29266111439858655, 0.29266111439858644, 0.29266111439858616, 0.2926611143985864, 0.29266111439858633, 0.29266111439858644, 0.2926611143985864, 0.4042517888778579, 0.40425178887785806, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778581, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785806, 0.404251788877858, 0.40425178887785795, 0.3231905998367969, 0.32319059983679677, 0.32319059983679693, 0.3231905998367969, 0.32319059983679677, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.323190599836797, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.40202977286935593, 0.2926611143985864, 0.2926611143985863, 0.2926611143985863, 0.29266111439858644, 0.2926611143985862, 0.29266111439858644, 0.2926611143985864, 0.2926611143985862, 0.2926611143985862, 0.29266111439858644, 0.29266111439858633, 0.29266111439858616, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.4042517888778581, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.32319059983679693, 0.323190599836797, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679677, 0.32319059983679693, 0.3231905998367968, 0.3231905998367968, 0.3231905998367968, 0.32319059983679693, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.2926611143985862, 0.29266111439858644, 0.29266111439858644, 0.29266111439858644, 0.2926611143985862, 0.2926611143985865, 0.2926611143985864, 0.2926611143985864, 0.2926611143985863, 0.2926611143985863, 0.2926611143985863, 0.2926611143985862, 0.2926611143985863, 0.2926611143985862, 0.2926611143985864, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.40425178887785795, 0.4042517888778579, 0.40425178887785795, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.29266111439858633, 0.29266111439858616, 0.29266111439858616, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985863, 0.29266111439858616, 0.29266111439858616, 0.2926611143985862, 0.29266111439858616, 0.29266111439858633, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.32319059983679693, 0.3231905998367969, 0.32319059983679677, 0.3231905998367969, 0.32319059983679677, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.39673310723172656, 0.3967331072317267, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.3967331072317266, 0.28901066872747594, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.2890106687274758, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.2890106687274758, 0.2890106687274757, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943835, 0.31878006309943835, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.3187800630994385, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.39673310723172667, 0.3967331072317266, 0.39673310723172683, 0.3967331072317268, 0.3967331072317266, 0.3967331072317266, 0.3967331072317266, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.2890106687274759, 0.28901066872747583, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.3967331072317268, 0.39673310723172656, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.39673310723172656, 0.39673310723172667, 0.39673310723172667, 0.3967331072317267, 0.3967331072317268, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.289010668727476, 0.28901066872747594, 0.28901066872747594, 0.2890106687274758, 0.2890106687274758, 0.28901066872747605, 0.2890106687274759, 0.28901066872747583, 0.289010668727476, 0.28901066872747583, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.39894185294668066, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3187800630994385, 0.3187800630994386, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943857, 0.31878006309943857, 0.3187800630994385, 0.31878006309943857, 0.3187800630994384, 0.3967331072317268, 0.3967331072317268, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.3967331072317267, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.2890106687274758, 0.289010668727476, 0.289010668727476, 0.289010668727476, 0.2890106687274759, 0.2890106687274758, 0.2890106687274758, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.2890106687274758, 0.2890106687274758, 0.2890106687274758, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.31878006309943835, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943835, 0.3187800630994384, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.3187800630994384, 0.31878006309943835, 0.31878006309943835, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.39673310723172656, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.3967331072317267, 0.3967331072317268, 0.39673310723172683, 0.3967331072317267, 0.39673310723172667, 0.39673310723172667, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.289010668727476, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.2890106687274759, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.3187800630994384, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.39673310723172667, 0.3967331072317266, 0.39673310723172667, 0.3967331072317268, 0.39673310723172667, 0.3967331072317267, 0.3967331072317267, 0.3967331072317267, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.3967331072317268, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.289010668727476, 0.28901066872747594, 0.289010668727476, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.31878006309943835, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.31878006309943835, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3943832047146056, 0.39438320471460553, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460575, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096169, 0.2874441014096168, 0.2874441014096169, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.2874441014096169, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.3965858523638053, 0.39658585236380506, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.3965858523638053, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3168509894875937, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460575, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096167, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.2874441014096167, 0.2874441014096168, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638053, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759377, 0.31685098948759366, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460575, 0.39438320471460553, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096169, 0.2874441014096169, 0.2874441014096168, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.3965858523638052, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638052, 0.3965858523638051, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.3168509894875936, 0.3168509894875936, 0.31685098948759355, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.39438320471460553, 0.3943832047146056, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460553, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.28744410140961674, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.28744410140961674, 0.28744410140961674, 0.28744410140961674, 0.28744410140961674, 0.28744410140961685, 0.2874441014096167, 0.28744410140961685, 0.2874441014096168, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638052, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759355, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3168509894875937, 0.31685098948759355, 0.31685098948759377, 0.31685098948759366, 0.31685098948759355, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.39438320471460575, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.2874441014096167, 0.28744410140961674, 0.2874441014096167, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.2874441014096167, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.3965858523638053, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638052, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.2874441014096168, 0.28744410140961685, 0.2874441014096169, 0.2874441014096167, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.2874441014096169, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638052, 0.3965858523638051, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759355, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.2972419273221465, 0.2972419273221466, 0.29724192732214644, 0.29724192732214644, 0.2972419273221466, 0.2972419273221465, 0.29724192732214644, 0.29724192732214655, 0.29724192732214644, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.29724192732214644, 0.29724192732214655, 0.29724192732214666, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.40848214817173834, 0.29724192732214644, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.29724192732214644, 0.2972419273221464, 0.2972419273221465, 0.2972419273221464, 0.2972419273221463, 0.29724192732214644, 0.2972419273221464, 0.2972419273221464, 0.2972419273221464, 0.2972419273221466, 0.2972419273221465, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.32863657532604373, 0.3286365753260437, 0.3286365753260437, 0.32863657532604384, 0.32863657532604373, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.4084821481717385, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.2972419273221466, 0.2972419273221465, 0.29724192732214644, 0.2972419273221464, 0.2972419273221463, 0.2972419273221465, 0.2972419273221466, 0.2972419273221465, 0.2972419273221465, 0.2972419273221466, 0.2972419273221463, 0.2972419273221464, 0.41071940592929074, 0.4107194059292909, 0.41071940592929074, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292907, 0.41071940592929074, 0.32863657532604373, 0.3286365753260439, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604384, 0.4084821481717383, 0.4084821481717384, 0.40848214817173845, 0.4084821481717383, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.29724192732214655, 0.2972419273221465, 0.29724192732214655, 0.2972419273221463, 0.29724192732214644, 0.29724192732214655, 0.29724192732214655, 0.2972419273221465, 0.2972419273221464, 0.2972419273221466, 0.2972419273221464, 0.2972419273221465, 0.29724192732214655, 0.29724192732214644, 0.29724192732214644, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260437, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260436, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.3286365753260436, 0.40848214817173845, 0.4084821481717383, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.40848214817173845, 0.40848214817173845, 0.4084821481717383, 0.40848214817173834, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.4084821481717383, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.29724192732214644, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.29724192732214644, 0.29724192732214655, 0.29724192732214655, 0.29724192732214644, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292907, 0.41071940592929074, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.32863657532604373, 0.3286365753260438, 0.3286365753260436, 0.32863657532604373, 0.3286365753260436, 0.32863657532604373, 0.32863657532604373, 0.3286365753260436, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.3286365753260437, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.29724192732214644, 0.2972419273221465, 0.2972419273221463, 0.29724192732214655, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.3286365753260436, 0.3286365753260437, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.32863657532604384, 0.3286365753260437, 0.32863657532604373, 0.32863657532604384, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.40202977286935593, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.40202977286935604, 0.2926611143985863, 0.2926611143985862, 0.2926611143985862, 0.2926611143985863, 0.2926611143985862, 0.2926611143985862, 0.2926611143985863, 0.2926611143985862, 0.29266111439858633, 0.29266111439858644, 0.2926611143985863, 0.29266111439858633, 0.29266111439858633, 0.2926611143985862, 0.29266111439858633, 0.40425178887785806, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.4042517888778579, 0.40425178887785795, 0.4042517888778579, 0.4042517888778579, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.323190599836797, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.32319059983679693, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.2926611143985864, 0.29266111439858644, 0.2926611143985863, 0.2926611143985863, 0.2926611143985863, 0.2926611143985864, 0.2926611143985865, 0.29266111439858633, 0.29266111439858633, 0.2926611143985862, 0.2926611143985865, 0.29266111439858633, 0.2926611143985862, 0.29266111439858633, 0.29266111439858633, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.3231905998367968, 0.32319059983679693, 0.3231905998367967, 0.3231905998367969, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.29266111439858616, 0.2926611143985862, 0.2926611143985862, 0.29266111439858633, 0.2926611143985863, 0.2926611143985865, 0.2926611143985865, 0.2926611143985863, 0.2926611143985864, 0.2926611143985865, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.29266111439858633, 0.29266111439858633, 0.40425178887785795, 0.4042517888778579, 0.4042517888778579, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785806, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.4020297728693558, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.2926611143985864, 0.29266111439858616, 0.29266111439858633, 0.2926611143985862, 0.29266111439858644, 0.2926611143985863, 0.29266111439858644, 0.2926611143985862, 0.29266111439858644, 0.2926611143985864, 0.29266111439858633, 0.2926611143985862, 0.2926611143985864, 0.29266111439858644, 0.29266111439858633, 0.40425178887785795, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.32319059983679677, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.29266111439858616, 0.2926611143985862, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.2926611143985863, 0.2926611143985864, 0.2926611143985864, 0.2926611143985865, 0.2926611143985864, 0.29266111439858633, 0.29266111439858644, 0.29266111439858616, 0.2926611143985863, 0.2926611143985862, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785806, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.32319059983679677, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.2926611143985863, 0.29266111439858633, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.29266111439858644, 0.2926611143985865, 0.2926611143985864, 0.2926611143985863, 0.2926611143985863, 0.2926611143985863, 0.2926611143985864, 0.2926611143985864, 0.2926611143985863, 0.2926611143985864, 0.40425178887785795, 0.40425178887785795, 0.40425178887785806, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.40425178887785806, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.323190599836797, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3967331072317266, 0.3967331072317266, 0.3967331072317267, 0.3967331072317267, 0.3967331072317266, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.3967331072317267, 0.3967331072317267, 0.3967331072317267, 0.28901066872747583, 0.2890106687274758, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.28901066872747583, 0.2890106687274758, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.28901066872747583, 0.2890106687274758, 0.2890106687274758, 0.2890106687274759, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.31878006309943846, 0.31878006309943846, 0.31878006309943835, 0.3187800630994384, 0.3187800630994384, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.31878006309943835, 0.39673310723172656, 0.3967331072317267, 0.3967331072317267, 0.3967331072317266, 0.39673310723172667, 0.3967331072317268, 0.3967331072317266, 0.39673310723172667, 0.39673310723172656, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.3967331072317267, 0.3967331072317267, 0.28901066872747583, 0.28901066872747594, 0.2890106687274758, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.28901066872747594, 0.2890106687274758, 0.2890106687274759, 0.2890106687274758, 0.2890106687274759, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.31878006309943846, 0.31878006309943835, 0.31878006309943857, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.31878006309943857, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.39673310723172667, 0.3967331072317266, 0.3967331072317267, 0.3967331072317266, 0.39673310723172667, 0.3967331072317267, 0.3967331072317266, 0.3967331072317268, 0.39673310723172667, 0.3967331072317268, 0.39673310723172667, 0.3967331072317266, 0.39673310723172656, 0.3967331072317266, 0.3967331072317267, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.28901066872747594, 0.289010668727476, 0.28901066872747583, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.2890106687274758, 0.2890106687274759, 0.2890106687274759, 0.289010668727476, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.31878006309943857, 0.3187800630994384, 0.31878006309943835, 0.3187800630994385, 0.3187800630994386, 0.31878006309943857, 0.3187800630994386, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943857, 0.31878006309943857, 0.31878006309943846, 0.31878006309943857, 0.31878006309943857, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317266, 0.39673310723172656, 0.3967331072317267, 0.39673310723172656, 0.2890106687274758, 0.28901066872747594, 0.28901066872747594, 0.28901066872747594, 0.289010668727476, 0.2890106687274758, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.289010668727476, 0.28901066872747594, 0.28901066872747594, 0.289010668727476, 0.2890106687274759, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.3989418529466807, 0.3989418529466808, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.31878006309943857, 0.3967331072317266, 0.3967331072317266, 0.39673310723172656, 0.39673310723172667, 0.39673310723172683, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317266, 0.3967331072317267, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.28901066872747583, 0.28901066872747594, 0.289010668727476, 0.289010668727476, 0.28901066872747583, 0.28901066872747594, 0.28901066872747583, 0.28901066872747583, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.28901066872747583, 0.2890106687274759, 0.2890106687274758, 0.28901066872747594, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.31878006309943835, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.3187800630994384, 0.31878006309943857, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.3967331072317266, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.3967331072317268, 0.39673310723172667, 0.3967331072317266, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.39673310723172667, 0.28901066872747583, 0.2890106687274758, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.2890106687274758, 0.28901066872747594, 0.2890106687274759, 0.2890106687274758, 0.2890106687274758, 0.28901066872747594, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3989418529466807, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.3187800630994386, 0.3187800630994384, 0.3187800630994385, 0.3187800630994386, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.3187800630994385, 0.31878006309943857, 0.31878006309943846, 0.31878006309943857, 0.3943832047146056, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.3943832047146056, 0.2874441014096167, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.28744410140961685, 0.28744410140961685, 0.2874441014096169, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096169, 0.2874441014096169, 0.2874441014096169, 0.3965858523638053, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638053, 0.3965858523638052, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759377, 0.31685098948759366, 0.31685098948759366, 0.39438320471460575, 0.3943832047146057, 0.3943832047146057, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.3943832047146057, 0.2874441014096168, 0.28744410140961674, 0.28744410140961674, 0.2874441014096168, 0.2874441014096167, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.28744410140961685, 0.28744410140961685, 0.28744410140961674, 0.2874441014096167, 0.2874441014096168, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875936, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.3943832047146057, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096167, 0.28744410140961674, 0.28744410140961674, 0.2874441014096167, 0.28744410140961685, 0.2874441014096169, 0.28744410140961674, 0.28744410140961685, 0.2874441014096167, 0.3965858523638052, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.3965858523638053, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.39658585236380517, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.39438320471460575, 0.3943832047146057, 0.39438320471460564, 0.3943832047146057, 0.39438320471460553, 0.3943832047146056, 0.39438320471460553, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460553, 0.39438320471460564, 0.39438320471460553, 0.39438320471460553, 0.39438320471460575, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.2874441014096169, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638053, 0.3965858523638051, 0.39658585236380517, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.3168509894875937, 0.31685098948759366, 0.3168509894875937, 0.31685098948759355, 0.3168509894875936, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759377, 0.31685098948759366, 0.3943832047146056, 0.3943832047146056, 0.39438320471460553, 0.3943832047146056, 0.39438320471460553, 0.39438320471460553, 0.39438320471460575, 0.39438320471460553, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096169, 0.2874441014096167, 0.2874441014096167, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.2874441014096168, 0.28744410140961674, 0.39658585236380517, 0.3965858523638051, 0.3965858523638051, 0.39658585236380506, 0.39658585236380506, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.3965858523638051, 0.39658585236380517, 0.3965858523638051, 0.3965858523638052, 0.39658585236380517, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.31685098948759366, 0.3168509894875936, 0.3168509894875936, 0.3168509894875936, 0.31685098948759366, 0.3168509894875936, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.3168509894875936, 0.31685098948759355, 0.39438320471460564, 0.39438320471460564, 0.39438320471460564, 0.3943832047146057, 0.39438320471460564, 0.39438320471460564, 0.39438320471460553, 0.39438320471460564, 0.3943832047146056, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.3943832047146056, 0.39438320471460564, 0.39438320471460564, 0.28744410140961685, 0.28744410140961685, 0.2874441014096168, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.28744410140961685, 0.28744410140961674, 0.2874441014096168, 0.28744410140961685, 0.2874441014096167, 0.28744410140961685, 0.2874441014096168, 0.2874441014096169, 0.3965858523638053, 0.39658585236380517, 0.3965858523638053, 0.3965858523638053, 0.3965858523638053, 0.39658585236380517, 0.39658585236380517, 0.3965858523638053, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.3965858523638051, 0.39658585236380517, 0.39658585236380517, 0.31685098948759366, 0.3168509894875936, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759366, 0.3168509894875937, 0.31685098948759366, 0.31685098948759377, 0.3168509894875937, 0.3168509894875936, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.29724192732214655, 0.2972419273221465, 0.2972419273221464, 0.2972419273221464, 0.2972419273221464, 0.2972419273221465, 0.29724192732214644, 0.29724192732214644, 0.2972419273221465, 0.2972419273221464, 0.2972419273221464, 0.29724192732214644, 0.2972419273221464, 0.2972419273221463, 0.29724192732214644, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.3286365753260437, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.4084821481717384, 0.4084821481717383, 0.40848214817173834, 0.4084821481717384, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.29724192732214655, 0.29724192732214655, 0.2972419273221465, 0.29724192732214644, 0.29724192732214655, 0.2972419273221465, 0.4107194059292908, 0.4107194059292909, 0.41071940592929085, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.3286365753260438, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.32863657532604373, 0.4084821481717383, 0.4084821481717383, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.40848214817173834, 0.40848214817173845, 0.40848214817173834, 0.4084821481717384, 0.4084821481717384, 0.40848214817173834, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.40848214817173834, 0.29724192732214655, 0.2972419273221466, 0.2972419273221464, 0.29724192732214644, 0.2972419273221464, 0.2972419273221463, 0.2972419273221463, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.2972419273221465, 0.29724192732214644, 0.29724192732214644, 0.2972419273221465, 0.29724192732214644, 0.4107194059292909, 0.4107194059292908, 0.41071940592929074, 0.4107194059292909, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.41071940592929096, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.41071940592929085, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.3286365753260437, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.4084821481717383, 0.4084821481717384, 0.40848214817173834, 0.40848214817173845, 0.40848214817173856, 0.40848214817173845, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.40848214817173845, 0.4084821481717383, 0.2972419273221464, 0.2972419273221466, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.2972419273221465, 0.2972419273221466, 0.29724192732214655, 0.2972419273221465, 0.29724192732214655, 0.29724192732214644, 0.2972419273221466, 0.29724192732214644, 0.29724192732214655, 0.2972419273221465, 0.4107194059292908, 0.41071940592929074, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292909, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.4107194059292909, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.3286365753260438, 0.3286365753260437, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.40848214817173845, 0.40848214817173845, 0.4084821481717385, 0.4084821481717383, 0.40848214817173834, 0.40848214817173845, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717384, 0.4084821481717383, 0.4084821481717383, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.29724192732214655, 0.2972419273221464, 0.29724192732214655, 0.2972419273221464, 0.2972419273221464, 0.29724192732214655, 0.2972419273221465, 0.2972419273221464, 0.2972419273221465, 0.2972419273221465, 0.29724192732214655, 0.2972419273221465, 0.29724192732214644, 0.29724192732214644, 0.29724192732214655, 0.4107194059292908, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.4107194059292908, 0.41071940592929074, 0.41071940592929085, 0.41071940592929074, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.41071940592929085, 0.41071940592929085, 0.3286365753260436, 0.3286365753260438, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.32863657532604373, 0.3286365753260437, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.32863657532604373, 0.3286365753260436, 0.32863657532604373, 0.3286365753260438, 0.32863657532604373, 0.40848214817173834, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173845, 0.4084821481717384, 0.40848214817173834, 0.40848214817173834, 0.40848214817173845, 0.40848214817173834, 0.40848214817173845, 0.40848214817173834, 0.40848214817173834, 0.40848214817173834, 0.4084821481717384, 0.2972419273221463, 0.29724192732214655, 0.29724192732214644, 0.2972419273221464, 0.2972419273221464, 0.2972419273221464, 0.2972419273221465, 0.29724192732214655, 0.2972419273221464, 0.2972419273221465, 0.29724192732214644, 0.2972419273221464, 0.29724192732214644, 0.29724192732214644, 0.29724192732214644, 0.41071940592929085, 0.4107194059292909, 0.4107194059292908, 0.4107194059292909, 0.41071940592929085, 0.4107194059292908, 0.41071940592929085, 0.4107194059292909, 0.4107194059292909, 0.4107194059292908, 0.41071940592929096, 0.4107194059292908, 0.4107194059292908, 0.41071940592929085, 0.41071940592929085, 0.32863657532604373, 0.3286365753260438, 0.3286365753260438, 0.3286365753260438, 0.32863657532604384, 0.3286365753260438, 0.3286365753260438, 0.3286365753260437, 0.32863657532604384, 0.32863657532604373, 0.32863657532604384, 0.32863657532604373, 0.32863657532604373, 0.32863657532604384, 0.32863657532604384, 0.40202977286935593, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.2926611143985864, 0.2926611143985864, 0.29266111439858633, 0.2926611143985864, 0.29266111439858633, 0.2926611143985862, 0.2926611143985864, 0.29266111439858644, 0.29266111439858633, 0.29266111439858644, 0.2926611143985862, 0.29266111439858644, 0.2926611143985862, 0.2926611143985863, 0.29266111439858633, 0.40425178887785806, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.40425178887785795, 0.404251788877858, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.40202977286935604, 0.40202977286935593, 0.40202977286935593, 0.402029772869356, 0.40202977286935604, 0.40202977286935593, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.29266111439858633, 0.2926611143985862, 0.29266111439858633, 0.2926611143985863, 0.29266111439858655, 0.29266111439858644, 0.2926611143985862, 0.2926611143985863, 0.2926611143985863, 0.2926611143985862, 0.2926611143985862, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.2926611143985862, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.40425178887785784, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.32319059983679693, 0.3231905998367969, 0.32319059983679677, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.323190599836797, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935604, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.2926611143985863, 0.2926611143985864, 0.2926611143985864, 0.2926611143985865, 0.2926611143985864, 0.2926611143985864, 0.2926611143985863, 0.2926611143985864, 0.2926611143985862, 0.2926611143985864, 0.29266111439858644, 0.2926611143985865, 0.2926611143985864, 0.29266111439858633, 0.29266111439858633, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785784, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.323190599836797, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.32319059983679693, 0.3231905998367969, 0.32319059983679704, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935593, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.29266111439858633, 0.2926611143985864, 0.2926611143985862, 0.29266111439858644, 0.29266111439858616, 0.29266111439858616, 0.2926611143985864, 0.29266111439858644, 0.2926611143985863, 0.2926611143985864, 0.29266111439858655, 0.29266111439858633, 0.29266111439858633, 0.2926611143985864, 0.2926611143985863, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.40425178887785795, 0.32319059983679693, 0.3231905998367968, 0.3231905998367969, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.32319059983679677, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.3231905998367967, 0.32319059983679693, 0.32319059983679693, 0.3231905998367968, 0.32319059983679693, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935593, 0.2926611143985863, 0.2926611143985862, 0.2926611143985863, 0.2926611143985865, 0.2926611143985864, 0.29266111439858644, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985862, 0.29266111439858655, 0.2926611143985863, 0.2926611143985864, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785806, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679693, 0.32319059983679693, 0.32319059983679693, 0.32319059983679677, 0.3231905998367969, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.402029772869356, 0.40202977286935604, 0.40202977286935604, 0.40202977286935593, 0.402029772869356, 0.40202977286935604, 0.402029772869356, 0.2926611143985863, 0.2926611143985862, 0.2926611143985863, 0.29266111439858633, 0.2926611143985863, 0.2926611143985863, 0.2926611143985863, 0.2926611143985864, 0.2926611143985863, 0.2926611143985865, 0.2926611143985864, 0.2926611143985864, 0.2926611143985864, 0.2926611143985862, 0.29266111439858633, 0.404251788877858, 0.40425178887785795, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.4042517888778579, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.404251788877858, 0.404251788877858, 0.40425178887785795, 0.404251788877858, 0.3231905998367968, 0.3231905998367969, 0.3231905998367969, 0.3231905998367968, 0.32319059983679693, 0.32319059983679693, 0.3231905998367969, 0.3231905998367969, 0.32319059983679677, 0.3231905998367969, 0.32319059983679693, 0.32319059983679677, 0.3231905998367969, 0.32319059983679677, 0.32319059983679693, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.3967331072317268, 0.28901066872747594, 0.28901066872747583, 0.28901066872747583, 0.289010668727476, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.28901066872747583, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.289010668727476, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466809, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3187800630994385, 0.3187800630994385, 0.3187800630994384, 0.3187800630994385, 0.31878006309943857, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.3187800630994385, 0.31878006309943846, 0.31878006309943857, 0.3187800630994385, 0.31878006309943846, 0.3187800630994385, 0.3967331072317268, 0.39673310723172667, 0.3967331072317266, 0.3967331072317268, 0.3967331072317266, 0.3967331072317267, 0.39673310723172656, 0.39673310723172667, 0.3967331072317266, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317266, 0.3967331072317266, 0.3967331072317268, 0.28901066872747583, 0.28901066872747594, 0.2890106687274759, 0.2890106687274758, 0.289010668727476, 0.28901066872747594, 0.28901066872747594, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.2890106687274758, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.3989418529466809, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.3989418529466809, 0.3187800630994384, 0.3187800630994385, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.3187800630994384, 0.31878006309943857, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.3187800630994385, 0.3187800630994384, 0.31878006309943857, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.3967331072317266, 0.3967331072317268, 0.39673310723172667, 0.3967331072317268, 0.3967331072317267, 0.39673310723172667, 0.3967331072317267, 0.39673310723172667, 0.39673310723172656, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.2890106687274758, 0.28901066872747594, 0.28901066872747594, 0.28901066872747594, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.28901066872747594, 0.289010668727476, 0.28901066872747594, 0.28901066872747583, 0.28901066872747583, 0.3989418529466809, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.3989418529466809, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.31878006309943846, 0.31878006309943846, 0.31878006309943835, 0.3187800630994383, 0.3187800630994384, 0.31878006309943846, 0.3187800630994384, 0.3187800630994384, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.31878006309943835, 0.31878006309943857, 0.31878006309943846, 0.31878006309943835, 0.3967331072317268, 0.3967331072317267, 0.3967331072317266, 0.39673310723172683, 0.3967331072317267, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317267, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.2890106687274758, 0.2890106687274759, 0.28901066872747583, 0.28901066872747583, 0.28901066872747594, 0.28901066872747605, 0.28901066872747583, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.2890106687274759, 0.3989418529466808, 0.3989418529466808, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466807, 0.39894185294668083, 0.3187800630994385, 0.31878006309943857, 0.3187800630994384, 0.31878006309943835, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.3187800630994384, 0.31878006309943835, 0.3187800630994383, 0.31878006309943835, 0.31878006309943846, 0.31878006309943857, 0.31878006309943846, 0.31878006309943835, 0.3967331072317267, 0.39673310723172667, 0.3967331072317268, 0.3967331072317268, 0.39673310723172667, 0.3967331072317267, 0.3967331072317268, 0.3967331072317267, 0.3967331072317268, 0.39673310723172667, 0.3967331072317267, 0.3967331072317268, 0.3967331072317268, 0.39673310723172667, 0.3967331072317267, 0.2890106687274758, 0.2890106687274759, 0.28901066872747594, 0.289010668727476, 0.2890106687274759, 0.28901066872747583, 0.289010668727476, 0.28901066872747583, 0.2890106687274758, 0.2890106687274759, 0.28901066872747594, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.3989418529466808, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3187800630994384, 0.3187800630994385, 0.31878006309943835, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.3187800630994385, 0.3187800630994384, 0.3187800630994385, 0.3187800630994384, 0.3187800630994385, 0.3967331072317266, 0.39673310723172667, 0.39673310723172656, 0.3967331072317268, 0.3967331072317268, 0.3967331072317268, 0.3967331072317266, 0.3967331072317267, 0.39673310723172656, 0.39673310723172667, 0.39673310723172667, 0.3967331072317266, 0.3967331072317266, 0.3967331072317268, 0.3967331072317268, 0.28901066872747583, 0.2890106687274759, 0.28901066872747594, 0.2890106687274759, 0.28901066872747583, 0.2890106687274758, 0.28901066872747594, 0.2890106687274758, 0.289010668727476, 0.2890106687274759, 0.28901066872747583, 0.2890106687274759, 0.28901066872747605, 0.28901066872747594, 0.2890106687274759, 0.39894185294668083, 0.39894185294668083, 0.3989418529466807, 0.39894185294668083, 0.3989418529466808, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.39894185294668083, 0.3989418529466808, 0.39894185294668083, 0.39894185294668083, 0.3989418529466808, 0.3989418529466807, 0.3989418529466808, 0.3187800630994384, 0.3187800630994384, 0.3187800630994384, 0.3187800630994385, 0.31878006309943846, 0.31878006309943857, 0.3187800630994385, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.3187800630994384, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846, 0.31878006309943846]\n", "\n", "Abstraction error: 0.41071940592929096\n", "\n", "M1: ['X', 'Z', 'Y', 'U'] -> ['W']\n", "M0: ['A', 'B', 'D', 'G', 'H'] -> ['E']\n", "M1 mechanism shape: (2, 432)\n", "M0 mechanism shape: (3, 576)\n", "Alpha_s shape: (432, 576)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812584, 0.29800027268812596, 0.12464211800237422, 0.12464211800237408, 0.3010290906173688, 0.3010290906173692, 0.26188327036959036, 0.26188327036959025, 0.37661348697651276, 0.37661348697651276, 0.20700466096979925, 0.2070046609697992, 0.30102909061736904, 0.30102909061736904, 0.1805357218200005, 0.1805357218200007, 0.29800027268812596, 0.29800027268812607, 0.20700466096979928, 0.20700466096979933, 0.3795609994309098, 0.37956099943091004, 0.2618832703695903, 0.26188327036959025, 0.298000272688126, 0.29800027268812596, 0.12464211800237436, 0.12464211800237414, 0.301029090617369, 0.30102909061736893, 0.26188327036959036, 0.26188327036959036, 0.37661348697651265, 0.3766134869765129, 0.20700466096979891, 0.20700466096979914, 0.30102909061736904, 0.30102909061736915, 0.18053572182000024, 0.18053572182000038, 0.29800027268812584, 0.298000272688126, 0.20700466096979933, 0.20700466096979922, 0.37956099943091004, 0.3795609994309101, 0.26188327036959025, 0.26188327036959036, 0.34615164212143423, 0.3461516421214343, 0.17491416237792834, 0.17491416237792826, 0.3491329482857737, 0.34913294828577374, 0.22635077425815714, 0.2263507742581572, 0.34238511433660396, 0.34238511433660407, 0.17096250931531629, 0.1709625093153166, 0.3491329482857737, 0.34913294828577374, 0.2302517865442612, 0.2302517865442613, 0.34615164212143434, 0.3461516421214344, 0.17096250931531656, 0.1709625093153166, 0.34537038937475484, 0.34537038937475495, 0.2263507742581572, 0.226350774258157, 0.3461516421214344, 0.3461516421214344, 0.1749141623779284, 0.17491416237792817, 0.34913294828577374, 0.3491329482857736, 0.22635077425815708, 0.22635077425815708, 0.3423851143366043, 0.3423851143366042, 0.17096250931531642, 0.17096250931531654, 0.3491329482857738, 0.34913294828577357, 0.2302517865442612, 0.23025178654426123, 0.3461516421214343, 0.3461516421214343, 0.1709625093153166, 0.17096250931531654, 0.3453703893747549, 0.3453703893747549, 0.22635077425815706, 0.22635077425815706, 0.34290801596529336, 0.3429080159652935, 0.17151090649720208, 0.1715109064972025, 0.3458927426747925, 0.3458927426747923, 0.20777007412710408, 0.207770074127104, 0.3244169858323339, 0.3244169858323339, 0.15215748471939422, 0.1521574847193943, 0.34589274267479236, 0.3458927426747924, 0.22689221782503688, 0.22689221782503663, 0.34290801596529347, 0.34290801596529324, 0.15215748471939408, 0.15215748471939405, 0.32742059127956274, 0.3274205912795625, 0.207770074127104, 0.2077700741271041, 0.3429080159652935, 0.3429080159652934, 0.17151090649720258, 0.17151090649720244, 0.3458927426747925, 0.3458927426747924, 0.20777007412710405, 0.20777007412710397, 0.3244169858323339, 0.3244169858323338, 0.15215748471939416, 0.15215748471939403, 0.34589274267479236, 0.3458927426747926, 0.22689221782503682, 0.22689221782503685, 0.34290801596529347, 0.34290801596529336, 0.15215748471939403, 0.15215748471939416, 0.3274205912795624, 0.3274205912795626, 0.2077700741271041, 0.20777007412710397, 0.3232181804943167, 0.3232181804943168, 0.15090549408169257, 0.15090549408169296, 0.32622297416861007, 0.32622297416860985, 0.22295460065805242, 0.22295460065805248, 0.33910433888015695, 0.3391043388801569, 0.16752326710522494, 0.1675232671052249, 0.3262229741686099, 0.32622297416861007, 0.2065320643444577, 0.20653206434445787, 0.3232181804943168, 0.3232181804943168, 0.16752326710522494, 0.1675232671052247, 0.34209303475612046, 0.3420930347561204, 0.22295460065805228, 0.2229546006580523, 0.3232181804943168, 0.32321818049431683, 0.15090549408169274, 0.15090549408169301, 0.32622297416861007, 0.32622297416860996, 0.2229546006580522, 0.2229546006580523, 0.339104338880157, 0.33910433888015706, 0.16752326710522464, 0.16752326710522464, 0.32622297416860996, 0.3262229741686102, 0.20653206434445817, 0.20653206434445792, 0.3232181804943167, 0.3232181804943167, 0.1675232671052247, 0.1675232671052249, 0.34209303475612046, 0.3420930347561204, 0.2229546006580522, 0.22295460065805225, 0.29800027268812596, 0.29800027268812596, 0.12464211800237403, 0.12464211800237458, 0.3010290906173691, 0.30102909061736904, 0.26188327036959036, 0.26188327036959036, 0.37661348697651287, 0.3766134869765127, 0.2070046609697991, 0.20700466096979894, 0.3010290906173689, 0.301029090617369, 0.18053572182000024, 0.18053572182000036, 0.29800027268812607, 0.29800027268812607, 0.20700466096979886, 0.20700466096979894, 0.3795609994309099, 0.37956099943091004, 0.2618832703695903, 0.2618832703695902, 0.2980002726881261, 0.29800027268812596, 0.12464211800237411, 0.12464211800237422, 0.3010290906173691, 0.30102909061736904, 0.26188327036959036, 0.2618832703695903, 0.37661348697651287, 0.3766134869765127, 0.20700466096979916, 0.2070046609697991, 0.3010290906173691, 0.30102909061736904, 0.18053572182000036, 0.1805357218200006, 0.29800027268812607, 0.29800027268812607, 0.20700466096979933, 0.207004660969799, 0.37956099943091, 0.37956099943091, 0.2618832703695902, 0.26188327036959047, 0.3461516421214343, 0.3461516421214343, 0.1749141623779282, 0.17491416237792817, 0.3491329482857738, 0.34913294828577374, 0.2263507742581572, 0.22635077425815714, 0.3423851143366041, 0.3423851143366041, 0.17096250931531637, 0.1709625093153165, 0.34913294828577357, 0.3491329482857737, 0.23025178654426123, 0.23025178654426112, 0.3461516421214343, 0.3461516421214342, 0.17096250931531648, 0.17096250931531654, 0.34537038937475484, 0.3453703893747549, 0.2263507742581571, 0.22635077425815708, 0.3461516421214343, 0.3461516421214341, 0.17491416237792826, 0.17491416237792815, 0.3491329482857737, 0.34913294828577374, 0.22635077425815708, 0.22635077425815708, 0.3423851143366042, 0.3423851143366039, 0.17096250931531645, 0.1709625093153162, 0.3491329482857737, 0.34913294828577374, 0.23025178654426112, 0.23025178654426112, 0.3461516421214343, 0.3461516421214343, 0.17096250931531642, 0.17096250931531637, 0.34537038937475484, 0.34537038937475495, 0.2263507742581571, 0.2263507742581569, 0.3429080159652935, 0.34290801596529347, 0.17151090649720213, 0.17151090649720238, 0.34589274267479236, 0.3458927426747924, 0.20777007412710408, 0.20777007412710408, 0.3244169858323339, 0.3244169858323339, 0.152157484719394, 0.15215748471939392, 0.34589274267479253, 0.3458927426747926, 0.22689221782503669, 0.22689221782503688, 0.3429080159652934, 0.3429080159652933, 0.15215748471939416, 0.1521574847193939, 0.3274205912795626, 0.3274205912795626, 0.20777007412710397, 0.207770074127104, 0.3429080159652936, 0.34290801596529336, 0.17151090649720252, 0.17151090649720233, 0.34589274267479264, 0.3458927426747926, 0.2077700741271041, 0.207770074127104, 0.3244169858323338, 0.32441698583233386, 0.15215748471939422, 0.15215748471939392, 0.3458927426747926, 0.34589274267479236, 0.2268922178250368, 0.2268922178250367, 0.34290801596529347, 0.3429080159652934, 0.15215748471939408, 0.152157484719394, 0.32742059127956247, 0.3274205912795626, 0.20777007412710397, 0.2077700741271041, 0.3232181804943168, 0.3232181804943168, 0.1509054940816926, 0.15090549408169263, 0.32622297416860985, 0.32622297416860985, 0.22295460065805242, 0.2229546006580523, 0.33910433888015695, 0.33910433888015706, 0.16752326710522464, 0.16752326710522475, 0.3262229741686102, 0.3262229741686101, 0.20653206434445778, 0.20653206434445798, 0.3232181804943167, 0.3232181804943166, 0.1675232671052247, 0.16752326710522494, 0.3420930347561205, 0.3420930347561205, 0.22295460065805225, 0.2229546006580525, 0.32321818049431666, 0.32321818049431683, 0.1509054940816929, 0.15090549408169293, 0.32622297416861, 0.32622297416861, 0.22295460065805234, 0.22295460065805264, 0.33910433888015706, 0.3391043388801569, 0.16752326710522494, 0.1675232671052249, 0.32622297416861, 0.3262229741686101, 0.2065320643444581, 0.20653206434445812, 0.32321818049431666, 0.3232181804943167, 0.16752326710522453, 0.1675232671052247, 0.3420930347561203, 0.34209303475612046, 0.22295460065805225, 0.2229546006580522, 0.29800027268812596, 0.29800027268812607, 0.1246421180023743, 0.12464211800237439, 0.30102909061736904, 0.3010290906173692, 0.2618832703695902, 0.26188327036959036, 0.37661348697651287, 0.37661348697651287, 0.2070046609697992, 0.20700466096979897, 0.30102909061736915, 0.30102909061736927, 0.1805357218200004, 0.18053572182000024, 0.2980002726881261, 0.29800027268812584, 0.20700466096979891, 0.20700466096979916, 0.37956099943091004, 0.3795609994309098, 0.26188327036959036, 0.26188327036959014, 0.29800027268812596, 0.29800027268812607, 0.12464211800237428, 0.12464211800237428, 0.30102909061736893, 0.30102909061736904, 0.2618832703695903, 0.26188327036959036, 0.37661348697651276, 0.3766134869765127, 0.20700466096979916, 0.2070046609697992, 0.30102909061736904, 0.30102909061736904, 0.1805357218200004, 0.18053572182000024, 0.29800027268812596, 0.29800027268812607, 0.2070046609697991, 0.20700466096979914, 0.37956099943091004, 0.37956099943091, 0.26188327036959036, 0.2618832703695902, 0.3461516421214343, 0.3461516421214342, 0.17491416237792823, 0.1749141623779284, 0.34913294828577374, 0.3491329482857736, 0.22635077425815703, 0.22635077425815714, 0.3423851143366042, 0.342385114336604, 0.1709625093153163, 0.17096250931531592, 0.3491329482857737, 0.34913294828577374, 0.23025178654426115, 0.23025178654426132, 0.3461516421214343, 0.3461516421214344, 0.1709625093153166, 0.1709625093153165, 0.34537038937475484, 0.34537038937475484, 0.22635077425815708, 0.2263507742581568, 0.3461516421214343, 0.3461516421214343, 0.174914162377928, 0.1749141623779282, 0.3491329482857736, 0.34913294828577357, 0.22635077425815683, 0.22635077425815686, 0.34238511433660407, 0.34238511433660407, 0.1709625093153166, 0.17096250931531645, 0.34913294828577374, 0.3491329482857736, 0.23025178654426132, 0.23025178654426132, 0.3461516421214344, 0.3461516421214343, 0.17096250931531654, 0.1709625093153165, 0.34537038937475484, 0.34537038937475495, 0.22635077425815686, 0.2263507742581568, 0.34290801596529324, 0.3429080159652934, 0.1715109064972025, 0.17151090649720244, 0.34589274267479253, 0.34589274267479236, 0.20777007412710397, 0.2077700741271041, 0.3244169858323339, 0.3244169858323338, 0.15215748471939403, 0.15215748471939433, 0.34589274267479253, 0.3458927426747926, 0.22689221782503666, 0.22689221782503666, 0.3429080159652935, 0.34290801596529347, 0.15215748471939392, 0.1521574847193943, 0.3274205912795624, 0.3274205912795626, 0.20777007412710405, 0.20777007412710397, 0.34290801596529336, 0.3429080159652933, 0.17151090649720233, 0.17151090649720255, 0.3458927426747924, 0.34589274267479236, 0.20777007412710383, 0.20777007412710405, 0.3244169858323339, 0.3244169858323338, 0.15215748471939416, 0.1521574847193943, 0.34589274267479253, 0.3458927426747926, 0.226892217825037, 0.22689221782503677, 0.3429080159652935, 0.34290801596529336, 0.15215748471939433, 0.1521574847193938, 0.32742059127956247, 0.3274205912795626, 0.2077700741271039, 0.20777007412710422, 0.32321818049431683, 0.3232181804943167, 0.1509054940816929, 0.1509054940816927, 0.32622297416860985, 0.32622297416861, 0.22295460065805234, 0.22295460065805256, 0.3391043388801571, 0.3391043388801569, 0.16752326710522508, 0.16752326710522483, 0.32622297416860996, 0.3262229741686102, 0.206532064344458, 0.20653206434445787, 0.3232181804943166, 0.3232181804943168, 0.1675232671052247, 0.167523267105225, 0.3420930347561204, 0.3420930347561204, 0.2229546006580525, 0.22295460065805225, 0.3232181804943167, 0.3232181804943167, 0.15090549408169251, 0.1509054940816929, 0.32622297416860985, 0.32622297416860985, 0.22295460065805248, 0.22295460065805242, 0.3391043388801569, 0.33910433888015706, 0.1675232671052247, 0.16752326710522492, 0.3262229741686102, 0.32622297416861007, 0.20653206434445792, 0.20653206434445806, 0.32321818049431683, 0.3232181804943167, 0.16752326710522497, 0.16752326710522494, 0.3420930347561204, 0.3420930347561205, 0.2229546006580523, 0.22295460065805248]\n", "\n", "Abstraction error: 0.3795609994309101\n", "\n", "M1: ['X', 'Z', 'Y', 'U'] -> ['V']\n", "M0: ['A', 'B', 'D', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 432)\n", "M0 mechanism shape: (15, 576)\n", "Alpha_s shape: (432, 576)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390333, 0.12105668784390339, 0.16976266702387682, 0.1697626670238769, 0.12506564491964448, 0.12506564491964445, 0.09038807352010587, 0.09038807352010636, 0.12252356816251667, 0.12252356816251658, 0.15627890754249973, 0.15627890754249973, 0.1250656449196445, 0.12506564491964436, 0.09495741518845302, 0.09495741518845321, 0.12105668784390307, 0.12105668784390314, 0.15627890754249985, 0.1562789075424998, 0.12584520542608033, 0.12584520542608016, 0.09038807352010604, 0.09038807352010611, 0.12105668784390328, 0.12105668784390311, 0.16976266702387693, 0.16976266702387702, 0.12506564491964453, 0.1250656449196445, 0.09038807352010636, 0.09038807352010633, 0.12252356816251649, 0.12252356816251683, 0.15627890754249965, 0.1562789075424997, 0.1250656449196445, 0.12506564491964434, 0.09495741518845316, 0.094957415188453, 0.12105668784390317, 0.1210566878439029, 0.15627890754249962, 0.15627890754249985, 0.12584520542608013, 0.12584520542608021, 0.0903880735201062, 0.09038807352010601, 0.12152027265917047, 0.12152027265917037, 0.17306256523323524, 0.17306256523323524, 0.12560941066072562, 0.12560941066072562, 0.09063943467592875, 0.09063943467592878, 0.12076100717913932, 0.12076100717913951, 0.1583034000860831, 0.15830340008608304, 0.12560941066072567, 0.12560941066072565, 0.09737206753679639, 0.09737206753679647, 0.12152027265917041, 0.12152027265917027, 0.15830340008608312, 0.1583034000860832, 0.12418178999434855, 0.12418178999434858, 0.09063943467592872, 0.09063943467592864, 0.12152027265917036, 0.12152027265917052, 0.1730625652332353, 0.17306256523323518, 0.12560941066072565, 0.1256094106607254, 0.09063943467592864, 0.09063943467592869, 0.12076100717913957, 0.12076100717913947, 0.15830340008608304, 0.15830340008608315, 0.1256094106607256, 0.1256094106607256, 0.0973720675367964, 0.09737206753679642, 0.12152027265917048, 0.12152027265917044, 0.1583034000860832, 0.15830340008608312, 0.12418178999434865, 0.12418178999434862, 0.09063943467592879, 0.0906394346759289, 0.11833729828318679, 0.11833729828318669, 0.17440491400530034, 0.1744049140053005, 0.1220140781530333, 0.12201407815303332, 0.0902800070895291, 0.09028000708952898, 0.12326057044203362, 0.12326057044203387, 0.1595005966186787, 0.15950059661867877, 0.12201407815303338, 0.12201407815303345, 0.10248700488427966, 0.10248700488427942, 0.11833729828318687, 0.11833729828318669, 0.15950059661867869, 0.15950059661867882, 0.1268607926620771, 0.1268607926620772, 0.09028000708952902, 0.09028000708952885, 0.11833729828318695, 0.11833729828318686, 0.17440491400530045, 0.1744049140053004, 0.12201407815303325, 0.12201407815303335, 0.09028000708952891, 0.09028000708952907, 0.12326057044203369, 0.12326057044203365, 0.1595005966186787, 0.15950059661867869, 0.12201407815303321, 0.12201407815303325, 0.10248700488427966, 0.10248700488427955, 0.11833729828318683, 0.11833729828318669, 0.1595005966186788, 0.1595005966186787, 0.12686079266207725, 0.12686079266207703, 0.0902800070895289, 0.09028000708952917, 0.12081853718726931, 0.12081853718726906, 0.15617984742311714, 0.15617984742311705, 0.12402295722991727, 0.12402295722991732, 0.09553296052602442, 0.09553296052602443, 0.11755455086035477, 0.1175545508603548, 0.16612398289960081, 0.16612398289960081, 0.12402295722991734, 0.12402295722991734, 0.09123226769717196, 0.09123226769717212, 0.12081853718726934, 0.1208185371872692, 0.16612398289960081, 0.16612398289960054, 0.12113410460458303, 0.12113410460458296, 0.09553296052602446, 0.0955329605260244, 0.12081853718726923, 0.12081853718726929, 0.15617984742311722, 0.15617984742311722, 0.12402295722991744, 0.12402295722991735, 0.09553296052602443, 0.09553296052602443, 0.11755455086035489, 0.11755455086035471, 0.1661239828996006, 0.16612398289960084, 0.12402295722991713, 0.12402295722991762, 0.09123226769717203, 0.09123226769717203, 0.1208185371872693, 0.12081853718726922, 0.16612398289960076, 0.16612398289960068, 0.12113410460458308, 0.12113410460458303, 0.09553296052602442, 0.09553296052602457, 0.12105668784390342, 0.12105668784390317, 0.1697626670238768, 0.16976266702387685, 0.12506564491964445, 0.12506564491964448, 0.09038807352010612, 0.090388073520106, 0.1225235681625163, 0.1225235681625164, 0.15627890754249976, 0.1562789075424998, 0.1250656449196444, 0.12506564491964442, 0.09495741518845299, 0.09495741518845315, 0.12105668784390314, 0.12105668784390312, 0.1562789075424998, 0.1562789075424997, 0.1258452054260804, 0.12584520542608024, 0.09038807352010621, 0.09038807352010608, 0.1210566878439033, 0.1210566878439031, 0.16976266702387682, 0.1697626670238769, 0.12506564491964456, 0.12506564491964448, 0.090388073520106, 0.09038807352010622, 0.12252356816251662, 0.12252356816251664, 0.15627890754249973, 0.15627890754249996, 0.12506564491964442, 0.12506564491964445, 0.09495741518845321, 0.09495741518845313, 0.12105668784390322, 0.12105668784390296, 0.1562789075424995, 0.15627890754249976, 0.12584520542608038, 0.1258452054260802, 0.09038807352010611, 0.09038807352010637, 0.12152027265917031, 0.12152027265917052, 0.17306256523323518, 0.1730625652332353, 0.1256094106607255, 0.12560941066072565, 0.09063943467592901, 0.0906394346759288, 0.12076100717913943, 0.12076100717913944, 0.15830340008608285, 0.1583034000860831, 0.12560941066072548, 0.1256094106607257, 0.0973720675367961, 0.09737206753679645, 0.12152027265917038, 0.12152027265917033, 0.15830340008608307, 0.15830340008608315, 0.12418178999434878, 0.12418178999434852, 0.09063943467592898, 0.09063943467592886, 0.12152027265917031, 0.1215202726591704, 0.17306256523323532, 0.17306256523323518, 0.12560941066072562, 0.12560941066072567, 0.09063943467592929, 0.09063943467592878, 0.12076100717913954, 0.12076100717913932, 0.1583034000860831, 0.15830340008608323, 0.12560941066072562, 0.12560941066072556, 0.09737206753679645, 0.09737206753679642, 0.12152027265917038, 0.12152027265917041, 0.15830340008608318, 0.15830340008608307, 0.1241817899943486, 0.12418178999434869, 0.09063943467592878, 0.09063943467592887, 0.11833729828318698, 0.11833729828318677, 0.1744049140053004, 0.17440491400530045, 0.12201407815303322, 0.12201407815303321, 0.09028000708952884, 0.09028000708952917, 0.1232605704420338, 0.12326057044203395, 0.15950059661867869, 0.15950059661867866, 0.1220140781530333, 0.12201407815303324, 0.10248700488427946, 0.10248700488427952, 0.11833729828318666, 0.11833729828318687, 0.1595005966186786, 0.15950059661867874, 0.1268607926620771, 0.12686079266207725, 0.090280007089529, 0.09028000708952888, 0.11833729828318686, 0.1183372982831868, 0.17440491400530053, 0.17440491400530045, 0.12201407815303311, 0.12201407815303325, 0.09028000708952906, 0.09028000708952903, 0.12326057044203384, 0.12326057044203376, 0.15950059661867866, 0.15950059661867874, 0.12201407815303318, 0.12201407815303328, 0.10248700488427935, 0.10248700488427984, 0.11833729828318687, 0.11833729828318688, 0.15950059661867852, 0.1595005966186786, 0.12686079266207695, 0.12686079266207706, 0.0902800070895291, 0.09028000708952896, 0.12081853718726923, 0.12081853718726912, 0.1561798474231172, 0.15617984742311725, 0.1240229572299172, 0.12402295722991726, 0.09553296052602443, 0.09553296052602447, 0.11755455086035486, 0.11755455086035496, 0.16612398289960081, 0.16612398289960054, 0.12402295722991752, 0.12402295722991734, 0.09123226769717187, 0.09123226769717192, 0.12081853718726926, 0.12081853718726901, 0.1661239828996008, 0.16612398289960062, 0.12113410460458328, 0.12113410460458303, 0.09553296052602443, 0.0955329605260245, 0.12081853718726923, 0.12081853718726927, 0.15617984742311708, 0.15617984742311714, 0.12402295722991737, 0.12402295722991734, 0.09553296052602443, 0.09553296052602442, 0.11755455086035499, 0.11755455086035477, 0.1661239828996008, 0.1661239828996008, 0.12402295722991756, 0.12402295722991755, 0.09123226769717194, 0.09123226769717224, 0.12081853718726908, 0.12081853718726918, 0.16612398289960081, 0.16612398289960076, 0.121134104604583, 0.12113410460458306, 0.09553296052602449, 0.09553296052602454, 0.12105668784390332, 0.12105668784390325, 0.16976266702387685, 0.16976266702387693, 0.12506564491964456, 0.12506564491964448, 0.09038807352010604, 0.09038807352010612, 0.12252356816251657, 0.12252356816251661, 0.15627890754249987, 0.15627890754249962, 0.1250656449196445, 0.1250656449196443, 0.09495741518845315, 0.09495741518845321, 0.12105668784390335, 0.12105668784390322, 0.1562789075424998, 0.15627890754249982, 0.12584520542608021, 0.1258452054260803, 0.09038807352010628, 0.09038807352010604, 0.12105668784390312, 0.12105668784390321, 0.16976266702387682, 0.16976266702387685, 0.12506564491964448, 0.12506564491964456, 0.09038807352010611, 0.09038807352010624, 0.12252356816251667, 0.12252356816251662, 0.15627890754249985, 0.1562789075424997, 0.12506564491964434, 0.12506564491964448, 0.09495741518845316, 0.09495741518845315, 0.12105668784390324, 0.12105668784390317, 0.15627890754249987, 0.1562789075424998, 0.12584520542608016, 0.1258452054260802, 0.09038807352010632, 0.09038807352010624, 0.1215202726591705, 0.12152027265917047, 0.17306256523323513, 0.17306256523323504, 0.12560941066072562, 0.12560941066072573, 0.09063943467592857, 0.09063943467592889, 0.12076100717913948, 0.12076100717913944, 0.1583034000860832, 0.15830340008608307, 0.1256094106607255, 0.12560941066072567, 0.09737206753679627, 0.09737206753679636, 0.12152027265917031, 0.12152027265917043, 0.15830340008608307, 0.15830340008608318, 0.12418178999434866, 0.1241817899943486, 0.09063943467592889, 0.09063943467592893, 0.1215202726591704, 0.12152027265917038, 0.17306256523323518, 0.17306256523323515, 0.12560941066072565, 0.12560941066072562, 0.09063943467592855, 0.09063943467592891, 0.12076100717913951, 0.1207610071791395, 0.1583034000860832, 0.15830340008608323, 0.12560941066072567, 0.1256094106607257, 0.09737206753679653, 0.09737206753679639, 0.12152027265917036, 0.12152027265917047, 0.15830340008608312, 0.15830340008608312, 0.12418178999434869, 0.12418178999434853, 0.09063943467592904, 0.0906394346759288, 0.1183372982831869, 0.11833729828318663, 0.17440491400530034, 0.17440491400530042, 0.12201407815303332, 0.1220140781530333, 0.09028000708952891, 0.09028000708952921, 0.12326057044203383, 0.1232605704420338, 0.15950059661867885, 0.15950059661867877, 0.1220140781530333, 0.12201407815303336, 0.10248700488427946, 0.1024870048842798, 0.1183372982831867, 0.1183372982831866, 0.1595005966186785, 0.15950059661867866, 0.12686079266207698, 0.12686079266207728, 0.09028000708952885, 0.09028000708952905, 0.11833729828318687, 0.11833729828318684, 0.17440491400530042, 0.17440491400530056, 0.12201407815303324, 0.12201407815303315, 0.09028000708952894, 0.09028000708952891, 0.12326057044203365, 0.12326057044203363, 0.15950059661867858, 0.15950059661867855, 0.12201407815303335, 0.12201407815303332, 0.10248700488427974, 0.10248700488427934, 0.1183372982831869, 0.11833729828318684, 0.15950059661867874, 0.15950059661867866, 0.12686079266207714, 0.12686079266207706, 0.09028000708952916, 0.09028000708952935, 0.12081853718726909, 0.12081853718726895, 0.1561798474231171, 0.156179847423117, 0.12402295722991742, 0.12402295722991746, 0.09553296052602443, 0.09553296052602454, 0.11755455086035484, 0.11755455086035485, 0.16612398289960073, 0.16612398289960073, 0.12402295722991712, 0.12402295722991727, 0.09123226769717206, 0.0912322676971721, 0.12081853718726937, 0.12081853718726934, 0.16612398289960065, 0.16612398289960087, 0.12113410460458326, 0.12113410460458311, 0.09553296052602447, 0.0955329605260245, 0.12081853718726929, 0.12081853718726904, 0.15617984742311722, 0.15617984742311714, 0.12402295722991732, 0.12402295722991745, 0.09553296052602446, 0.09553296052602457, 0.1175545508603548, 0.11755455086035484, 0.16612398289960062, 0.16612398289960081, 0.12402295722991735, 0.12402295722991737, 0.09123226769717188, 0.09123226769717202, 0.12081853718726931, 0.1208185371872693, 0.1661239828996008, 0.1661239828996008, 0.12113410460458292, 0.1211341046045831, 0.09553296052602438, 0.09553296052602453]\n", "\n", "Abstraction error: 0.17440491400530056\n", "\n", "M1: ['X', 'Z', 'Y', 'U'] -> ['W', 'V']\n", "M0: ['A', 'B', 'D', 'G', 'H'] -> ['E', 'F', 'I']\n", "M1 mechanism shape: (16, 432)\n", "M0 mechanism shape: (45, 576)\n", "Alpha_s shape: (432, 576)\n", "Alpha_t shape: (16, 45)\n", "All JS distances: [0.3265160932300134, 0.32651609323001335, 0.2090475976171774, 0.20904759761717734, 0.3307785361643217, 0.3307785361643216, 0.2848122025372543, 0.28481220253725437, 0.3959952981885882, 0.3959952981885882, 0.25531654701173434, 0.2553165470117343, 0.3307785361643216, 0.3307785361643216, 0.21740140226763338, 0.21740140226763338, 0.32651609323001335, 0.3265160932300134, 0.25531654701173423, 0.2553165470117343, 0.39992478635754064, 0.3999247863575407, 0.28481220253725426, 0.2848122025372543, 0.3265160932300134, 0.3265160932300134, 0.20904759761717728, 0.2090475976171773, 0.3307785361643216, 0.3307785361643217, 0.2848122025372543, 0.2848122025372543, 0.3959952981885882, 0.3959952981885882, 0.2553165470117343, 0.2553165470117343, 0.33077853616432157, 0.3307785361643216, 0.21740140226763333, 0.21740140226763338, 0.32651609323001324, 0.32651609323001335, 0.25531654701173434, 0.2553165470117343, 0.39992478635754075, 0.3999247863575407, 0.2848122025372543, 0.28481220253725426, 0.3698028264706863, 0.3698028264706863, 0.24255275249512304, 0.242552752495123, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.253801277059305, 0.3648947001570345, 0.36489470015703457, 0.23012873196584752, 0.2301287319658475, 0.37396360070007995, 0.37396360070007995, 0.2604900235699062, 0.26049002356990625, 0.3698028264706863, 0.36980282647068635, 0.23012873196584752, 0.2301287319658475, 0.368893205524162, 0.368893205524162, 0.25380127705930505, 0.25380127705930494, 0.3698028264706863, 0.3698028264706863, 0.242552752495123, 0.24255275249512304, 0.37396360070007995, 0.3739636007000799, 0.253801277059305, 0.25380127705930494, 0.36489470015703457, 0.3648947001570345, 0.23012873196584752, 0.23012873196584746, 0.3739636007000799, 0.3739636007000799, 0.26049002356990614, 0.2604900235699062, 0.3698028264706863, 0.36980282647068635, 0.23012873196584743, 0.23012873196584746, 0.368893205524162, 0.368893205524162, 0.253801277059305, 0.25380127705930494, 0.3667157761338271, 0.36671577613382716, 0.24157451406304076, 0.24157451406304067, 0.3706734760341123, 0.3706734760341123, 0.23726346923320252, 0.23726346923320246, 0.34932332321100334, 0.34932332321100334, 0.21801825120534887, 0.21801825120534893, 0.3706734760341124, 0.3706734760341123, 0.26041466154024134, 0.2604146615402413, 0.3667157761338271, 0.3667157761338271, 0.21801825120534887, 0.21801825120534896, 0.3534521615212335, 0.3534521615212335, 0.23726346923320257, 0.23726346923320252, 0.3667157761338271, 0.3667157761338271, 0.24157451406304076, 0.24157451406304076, 0.3706734760341123, 0.3706734760341123, 0.23726346923320243, 0.23726346923320252, 0.3493233232110033, 0.34932332321100323, 0.21801825120534887, 0.21801825120534893, 0.3706734760341124, 0.3706734760341124, 0.2604146615402413, 0.26041466154024134, 0.3667157761338272, 0.3667157761338271, 0.21801825120534896, 0.21801825120534887, 0.3534521615212335, 0.35345216152123354, 0.23726346923320252, 0.23726346923320243, 0.3475789444945986, 0.34757894449459864, 0.2151158724366791, 0.21511587243667907, 0.35153664513847804, 0.35153664513847804, 0.25371587554237873, 0.2537158755423788, 0.36222443664235, 0.3622244366423501, 0.23315960279166242, 0.23315960279166237, 0.3515366451384781, 0.35153664513847804, 0.23686325378749362, 0.23686325378749373, 0.34757894449459864, 0.34757894449459864, 0.23315960279166242, 0.2331596027916624, 0.3662003226830193, 0.36620032268301916, 0.2537158755423787, 0.25371587554237873, 0.34757894449459864, 0.3475789444945986, 0.21511587243667893, 0.2151158724366791, 0.35153664513847804, 0.35153664513847804, 0.25371587554237873, 0.25371587554237873, 0.36222443664235, 0.3622244366423501, 0.23315960279166234, 0.23315960279166242, 0.35153664513847804, 0.35153664513847804, 0.23686325378749373, 0.23686325378749373, 0.34757894449459864, 0.3475789444945986, 0.23315960279166237, 0.23315960279166237, 0.36620032268301916, 0.3662003226830192, 0.2537158755423788, 0.2537158755423788, 0.32651609323001335, 0.32651609323001335, 0.2090475976171773, 0.20904759761717726, 0.3307785361643217, 0.3307785361643216, 0.28481220253725437, 0.2848122025372544, 0.3959952981885883, 0.39599529818858825, 0.2553165470117343, 0.25531654701173423, 0.3307785361643216, 0.3307785361643216, 0.21740140226763338, 0.21740140226763338, 0.32651609323001335, 0.3265160932300134, 0.25531654701173434, 0.25531654701173423, 0.3999247863575407, 0.39992478635754064, 0.2848122025372543, 0.2848122025372543, 0.3265160932300134, 0.32651609323001335, 0.2090475976171773, 0.2090475976171773, 0.3307785361643217, 0.3307785361643216, 0.2848122025372543, 0.28481220253725437, 0.3959952981885882, 0.3959952981885882, 0.25531654701173423, 0.25531654701173423, 0.3307785361643216, 0.3307785361643217, 0.21740140226763333, 0.21740140226763338, 0.32651609323001335, 0.3265160932300134, 0.2553165470117343, 0.2553165470117343, 0.3999247863575407, 0.3999247863575407, 0.2848122025372543, 0.2848122025372543, 0.36980282647068635, 0.3698028264706864, 0.242552752495123, 0.24255275249512306, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.25380127705930494, 0.36489470015703457, 0.36489470015703446, 0.2301287319658474, 0.2301287319658474, 0.37396360070007995, 0.37396360070007995, 0.2604900235699062, 0.26049002356990614, 0.3698028264706863, 0.36980282647068635, 0.2301287319658475, 0.23012873196584754, 0.36889320552416205, 0.36889320552416205, 0.2538012770593049, 0.253801277059305, 0.3698028264706863, 0.3698028264706863, 0.24255275249512304, 0.24255275249512306, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.25380127705930494, 0.3648947001570345, 0.3648947001570345, 0.23012873196584754, 0.2301287319658475, 0.37396360070007995, 0.37396360070008, 0.2604900235699062, 0.2604900235699062, 0.36980282647068635, 0.3698028264706863, 0.23012873196584738, 0.2301287319658475, 0.368893205524162, 0.368893205524162, 0.25380127705930494, 0.25380127705930494, 0.3667157761338272, 0.3667157761338272, 0.24157451406304067, 0.24157451406304073, 0.3706734760341123, 0.3706734760341124, 0.2372634692332025, 0.23726346923320255, 0.3493233232110033, 0.3493233232110033, 0.21801825120534887, 0.21801825120534882, 0.3706734760341124, 0.3706734760341123, 0.2604146615402413, 0.2604146615402413, 0.36671577613382716, 0.3667157761338271, 0.21801825120534893, 0.21801825120534893, 0.3534521615212335, 0.3534521615212335, 0.23726346923320252, 0.23726346923320246, 0.3667157761338271, 0.3667157761338271, 0.2415745140630407, 0.24157451406304073, 0.3706734760341124, 0.3706734760341123, 0.2372634692332025, 0.23726346923320243, 0.34932332321100334, 0.3493233232110033, 0.21801825120534893, 0.21801825120534887, 0.3706734760341124, 0.3706734760341124, 0.2604146615402413, 0.2604146615402413, 0.36671577613382705, 0.3667157761338272, 0.2180182512053489, 0.21801825120534893, 0.35345216152123354, 0.3534521615212335, 0.2372634692332025, 0.2372634692332025, 0.34757894449459864, 0.34757894449459864, 0.21511587243667896, 0.21511587243667893, 0.3515366451384781, 0.35153664513847804, 0.2537158755423787, 0.2537158755423787, 0.36222443664234993, 0.36222443664235, 0.23315960279166237, 0.23315960279166245, 0.35153664513847804, 0.35153664513847804, 0.23686325378749373, 0.23686325378749376, 0.3475789444945986, 0.34757894449459864, 0.2331596027916624, 0.23315960279166237, 0.3662003226830193, 0.3662003226830192, 0.25371587554237873, 0.2537158755423788, 0.34757894449459864, 0.3475789444945986, 0.21511587243667896, 0.21511587243667896, 0.3515366451384781, 0.3515366451384781, 0.25371587554237873, 0.2537158755423787, 0.3622244366423501, 0.36222443664235, 0.23315960279166234, 0.23315960279166237, 0.35153664513847804, 0.35153664513847804, 0.2368632537874937, 0.23686325378749373, 0.3475789444945986, 0.34757894449459864, 0.2331596027916624, 0.23315960279166234, 0.36620032268301916, 0.3662003226830192, 0.25371587554237873, 0.2537158755423788, 0.32651609323001335, 0.32651609323001335, 0.20904759761717734, 0.2090475976171773, 0.3307785361643217, 0.3307785361643217, 0.2848122025372543, 0.2848122025372544, 0.3959952981885882, 0.3959952981885882, 0.2553165470117343, 0.2553165470117343, 0.33077853616432157, 0.3307785361643217, 0.21740140226763335, 0.21740140226763335, 0.32651609323001335, 0.3265160932300134, 0.2553165470117343, 0.25531654701173423, 0.39992478635754064, 0.39992478635754064, 0.2848122025372543, 0.28481220253725437, 0.32651609323001335, 0.3265160932300134, 0.2090475976171773, 0.2090475976171773, 0.3307785361643216, 0.3307785361643216, 0.2848122025372543, 0.2848122025372543, 0.3959952981885882, 0.3959952981885883, 0.25531654701173423, 0.2553165470117343, 0.3307785361643216, 0.33077853616432157, 0.2174014022676334, 0.21740140226763335, 0.3265160932300133, 0.32651609323001335, 0.25531654701173423, 0.2553165470117342, 0.3999247863575407, 0.39992478635754075, 0.2848122025372543, 0.2848122025372543, 0.36980282647068635, 0.3698028264706863, 0.24255275249512298, 0.2425527524951231, 0.37396360070008, 0.37396360070007995, 0.25380127705930483, 0.25380127705930505, 0.3648947001570345, 0.36489470015703457, 0.2301287319658474, 0.23012873196584746, 0.3739636007000799, 0.37396360070007995, 0.2604900235699062, 0.26049002356990614, 0.36980282647068635, 0.36980282647068624, 0.23012873196584752, 0.23012873196584754, 0.36889320552416205, 0.36889320552416205, 0.2538012770593049, 0.2538012770593049, 0.3698028264706863, 0.36980282647068635, 0.24255275249512304, 0.24255275249512304, 0.37396360070007995, 0.37396360070007995, 0.25380127705930494, 0.25380127705930494, 0.3648947001570345, 0.3648947001570345, 0.2301287319658475, 0.23012873196584743, 0.37396360070007995, 0.37396360070008, 0.26049002356990614, 0.2604900235699062, 0.3698028264706863, 0.36980282647068635, 0.23012873196584743, 0.23012873196584738, 0.36889320552416205, 0.36889320552416205, 0.25380127705930494, 0.253801277059305, 0.3667157761338271, 0.3667157761338272, 0.24157451406304065, 0.24157451406304062, 0.3706734760341124, 0.3706734760341124, 0.23726346923320252, 0.2372634692332025, 0.34932332321100323, 0.3493233232110033, 0.21801825120534882, 0.21801825120534885, 0.3706734760341124, 0.3706734760341124, 0.2604146615402413, 0.26041466154024134, 0.3667157761338271, 0.36671577613382716, 0.21801825120534896, 0.21801825120534887, 0.3534521615212335, 0.3534521615212335, 0.23726346923320246, 0.2372634692332025, 0.36671577613382716, 0.3667157761338271, 0.24157451406304073, 0.24157451406304073, 0.3706734760341123, 0.3706734760341123, 0.2372634692332025, 0.2372634692332025, 0.3493233232110033, 0.3493233232110033, 0.2180182512053489, 0.21801825120534887, 0.3706734760341124, 0.3706734760341123, 0.2604146615402414, 0.2604146615402413, 0.3667157761338272, 0.3667157761338272, 0.21801825120534896, 0.21801825120534887, 0.35345216152123343, 0.35345216152123354, 0.23726346923320252, 0.2372634692332025, 0.34757894449459864, 0.34757894449459864, 0.215115872436679, 0.21511587243667896, 0.35153664513847804, 0.35153664513847804, 0.2537158755423788, 0.25371587554237873, 0.36222443664234993, 0.36222443664235, 0.23315960279166237, 0.23315960279166242, 0.3515366451384781, 0.35153664513847804, 0.23686325378749368, 0.23686325378749365, 0.34757894449459864, 0.34757894449459864, 0.2331596027916624, 0.23315960279166242, 0.36620032268301916, 0.36620032268301916, 0.2537158755423788, 0.2537158755423788, 0.34757894449459864, 0.3475789444945986, 0.21511587243667904, 0.21511587243667893, 0.3515366451384781, 0.35153664513847804, 0.25371587554237873, 0.25371587554237873, 0.36222443664235, 0.36222443664235, 0.23315960279166237, 0.23315960279166242, 0.35153664513847804, 0.35153664513847804, 0.23686325378749368, 0.23686325378749365, 0.34757894449459864, 0.34757894449459864, 0.23315960279166237, 0.23315960279166237, 0.36620032268301916, 0.36620032268301916, 0.25371587554237873, 0.2537158755423788]\n", "\n", "Abstraction error: 0.39992478635754075\n", "\n", "M1: ['X', 'Z', 'W', 'U'] -> ['V']\n", "M0: ['A', 'D', 'E', 'G', 'H'] -> ['F', 'I']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (8, 288)\n", "M0 mechanism shape: (15, 432)\n", "Alpha_s shape: (288, 432)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12491355211742428, 0.12491355211742416, 0.12491355211742433, 0.12491355211742419, 0.12491355211742425, 0.12491355211742419, 0.1250808516014133, 0.12508085160141333, 0.12508085160141336, 0.12508085160141347, 0.12508085160141322, 0.1250808516014134, 0.12491355211742412, 0.12491355211742426, 0.1249135521174243, 0.1249135521174242, 0.1249135521174242, 0.12491355211742441, 0.1250808516014132, 0.1250808516014131, 0.12508085160141336, 0.12508085160141344, 0.12508085160141313, 0.12508085160141322, 0.12491355211742429, 0.12491355211742423, 0.12491355211742423, 0.12491355211742426, 0.12491355211742416, 0.12491355211742415, 0.12508085160141336, 0.1250808516014133, 0.1250808516014133, 0.1250808516014133, 0.1250808516014132, 0.12508085160141336, 0.12491355211742423, 0.12491355211742414, 0.12491355211742432, 0.12491355211742426, 0.12491355211742439, 0.1249135521174243, 0.12508085160141347, 0.12508085160141316, 0.12508085160141316, 0.12508085160141336, 0.12508085160141325, 0.12508085160141313, 0.12491355211742441, 0.12491355211742419, 0.12491355211742426, 0.12491355211742418, 0.12491355211742419, 0.12491355211742437, 0.12508085160141344, 0.12508085160141338, 0.12508085160141302, 0.12508085160141316, 0.12508085160141344, 0.1250808516014131, 0.12491355211742423, 0.12491355211742425, 0.12491355211742419, 0.12491355211742437, 0.12491355211742425, 0.12491355211742422, 0.12508085160141322, 0.12508085160141344, 0.12508085160141325, 0.12508085160141333, 0.12508085160141347, 0.12508085160141308, 0.12491355211742416, 0.12491355211742414, 0.12491355211742416, 0.12491355211742412, 0.1249135521174242, 0.12491355211742419, 0.12508085160141327, 0.1250808516014133, 0.12508085160141344, 0.12508085160141325, 0.1250808516014132, 0.1250808516014134, 0.12491355211742428, 0.12491355211742419, 0.12491355211742435, 0.12491355211742428, 0.12491355211742432, 0.12491355211742403, 0.12508085160141325, 0.1250808516014134, 0.12508085160141333, 0.12508085160141327, 0.1250808516014131, 0.1250808516014134, 0.12491355211742432, 0.12491355211742418, 0.12491355211742441, 0.12491355211742436, 0.12491355211742423, 0.12491355211742422, 0.12508085160141325, 0.12508085160141336, 0.12508085160141316, 0.12508085160141322, 0.1250808516014133, 0.12508085160141338, 0.12491355211742414, 0.12491355211742436, 0.12491355211742425, 0.12491355211742425, 0.12491355211742426, 0.12491355211742426, 0.12508085160141322, 0.12508085160141336, 0.12508085160141316, 0.12508085160141316, 0.12508085160141336, 0.12508085160141313, 0.12491355211742423, 0.12491355211742426, 0.12491355211742403, 0.12491355211742419, 0.12491355211742407, 0.12491355211742444, 0.12508085160141313, 0.12508085160141316, 0.1250808516014131, 0.1250808516014133, 0.12508085160141336, 0.12508085160141325, 0.12491355211742419, 0.12491355211742422, 0.12491355211742407, 0.12491355211742433, 0.12491355211742428, 0.12491355211742423, 0.1250808516014133, 0.12508085160141344, 0.12508085160141313, 0.12508085160141327, 0.12508085160141327, 0.12508085160141344, 0.12491355211742416, 0.12491355211742418, 0.12491355211742425, 0.12491355211742418, 0.12491355211742425, 0.12491355211742428, 0.1250808516014133, 0.1250808516014132, 0.12508085160141305, 0.12508085160141327, 0.12508085160141333, 0.12508085160141336, 0.12491355211742423, 0.12491355211742435, 0.1249135521174242, 0.12491355211742412, 0.1249135521174242, 0.12491355211742418, 0.12508085160141322, 0.1250808516014133, 0.12508085160141338, 0.12508085160141327, 0.12508085160141344, 0.12508085160141325, 0.12491355211742423, 0.12491355211742432, 0.12491355211742416, 0.12491355211742433, 0.12491355211742416, 0.12491355211742415, 0.12508085160141322, 0.12508085160141325, 0.12508085160141338, 0.1250808516014133, 0.12508085160141333, 0.1250808516014132, 0.12491355211742403, 0.12491355211742433, 0.12491355211742432, 0.12491355211742423, 0.12491355211742426, 0.12491355211742423, 0.12508085160141325, 0.12508085160141322, 0.12508085160141313, 0.12508085160141325, 0.12508085160141344, 0.12508085160141333, 0.12491355211742425, 0.12491355211742408, 0.12491355211742428, 0.12491355211742419, 0.12491355211742446, 0.12491355211742439, 0.12508085160141327, 0.12508085160141327, 0.1250808516014132, 0.12508085160141333, 0.12508085160141338, 0.12508085160141333, 0.12491355211742407, 0.12491355211742422, 0.12491355211742433, 0.12491355211742428, 0.1249135521174242, 0.12491355211742447, 0.12508085160141322, 0.12508085160141316, 0.12508085160141333, 0.12508085160141322, 0.12508085160141322, 0.12508085160141322, 0.12491355211742411, 0.12491355211742415, 0.12491355211742416, 0.12491355211742414, 0.12491355211742403, 0.12491355211742408, 0.12508085160141327, 0.12508085160141322, 0.12508085160141333, 0.12508085160141344, 0.1250808516014132, 0.12508085160141322, 0.1249135521174243, 0.12491355211742411, 0.12491355211742407, 0.12491355211742416, 0.12491355211742405, 0.12491355211742419, 0.12508085160141325, 0.1250808516014134, 0.1250808516014133, 0.12508085160141322, 0.12508085160141322, 0.12508085160141316, 0.12491355211742425, 0.12491355211742415, 0.12491355211742437, 0.12491355211742415, 0.12491355211742423, 0.12491355211742437, 0.12508085160141316, 0.12508085160141338, 0.12508085160141316, 0.12508085160141327, 0.12508085160141316, 0.12508085160141325, 0.12491355211742428, 0.12491355211742429, 0.12491355211742416, 0.12491355211742419, 0.1249135521174244, 0.12491355211742405, 0.12508085160141325, 0.12508085160141333, 0.1250808516014132, 0.12508085160141322, 0.1250808516014133, 0.1250808516014132, 0.1249135521174243, 0.12491355211742411, 0.12491355211742425, 0.12491355211742412, 0.12491355211742415, 0.12491355211742416, 0.12508085160141313, 0.12508085160141322, 0.12508085160141336, 0.12508085160141322, 0.12508085160141347, 0.1250808516014131, 0.12491355211742425, 0.12491355211742443, 0.12491355211742432, 0.12491355211742411, 0.1249135521174243, 0.12491355211742422, 0.12508085160141336, 0.12508085160141308, 0.12508085160141305, 0.1250808516014133, 0.1250808516014132, 0.12508085160141344, 0.12491355211742407, 0.12491355211742419, 0.12491355211742433, 0.12491355211742407, 0.12491355211742419, 0.12491355211742419, 0.12508085160141352, 0.12508085160141338, 0.12508085160141325, 0.12508085160141325, 0.12508085160141322, 0.12508085160141308, 0.12491355211742412, 0.12491355211742432, 0.12491355211742408, 0.12491355211742426, 0.1249135521174242, 0.12491355211742432, 0.1250808516014133, 0.12508085160141325, 0.12508085160141333, 0.1250808516014133, 0.1250808516014134, 0.12508085160141333, 0.124913552117424, 0.12491355211742439, 0.12491355211742415, 0.12491355211742415, 0.12491355211742415, 0.12491355211742426, 0.12508085160141322, 0.1250808516014133, 0.12508085160141347, 0.12508085160141325, 0.1250808516014134, 0.1250808516014134, 0.12491355211742439, 0.12491355211742419, 0.12491355211742429, 0.12491355211742439, 0.12491355211742426, 0.12491355211742429, 0.1250808516014134, 0.12508085160141325, 0.1250808516014133, 0.12508085160141322, 0.12508085160141308, 0.12508085160141338, 0.12491355211742414, 0.12491355211742411, 0.1249135521174242, 0.12491355211742426, 0.12491355211742426, 0.12491355211742416, 0.12508085160141333, 0.12508085160141352, 0.12508085160141333, 0.12508085160141325, 0.1250808516014134, 0.1250808516014134, 0.12491355211742407, 0.1249135521174243, 0.12491355211742419, 0.12491355211742419, 0.12491355211742428, 0.12491355211742411, 0.12508085160141327, 0.12508085160141333, 0.12508085160141322, 0.12508085160141308, 0.12508085160141327, 0.12508085160141333, 0.12491355211742435, 0.12491355211742416, 0.12491355211742428, 0.12491355211742429, 0.12491355211742425, 0.12491355211742408, 0.12508085160141308, 0.12508085160141352, 0.12508085160141322, 0.1250808516014133, 0.12508085160141344, 0.12508085160141322, 0.12491355211742426, 0.12491355211742429, 0.12491355211742439, 0.12491355211742422, 0.12491355211742412, 0.12491355211742415, 0.12508085160141333, 0.12508085160141322, 0.1250808516014133, 0.12508085160141327, 0.12508085160141336, 0.1250808516014133, 0.12491355211742441, 0.12491355211742414, 0.12491355211742414, 0.12491355211742419, 0.12491355211742416, 0.12491355211742433, 0.1250808516014133, 0.1250808516014133, 0.12508085160141322, 0.12508085160141336, 0.12508085160141327, 0.12508085160141325, 0.12491355211742437, 0.12491355211742423, 0.12491355211742432, 0.1249135521174243, 0.12491355211742418, 0.12491355211742405, 0.12508085160141316, 0.1250808516014133, 0.12508085160141325, 0.1250808516014133, 0.12508085160141333, 0.12508085160141338, 0.12491355211742411, 0.12491355211742408, 0.12491355211742422, 0.12491355211742419, 0.1249135521174243, 0.12491355211742418, 0.12508085160141308, 0.1250808516014133, 0.12508085160141327, 0.12508085160141327, 0.1250808516014133, 0.12508085160141344, 0.12491355211742405, 0.124913552117424, 0.12491355211742432, 0.12491355211742423, 0.12491355211742414, 0.12491355211742418, 0.12508085160141327, 0.12508085160141327, 0.12508085160141355, 0.1250808516014136, 0.12508085160141316, 0.125080851601413]\n", "\n", "Abstraction error: 0.1250808516014136\n", "\n", "M1: ['X', 'Z', 'W', 'U'] -> ['Y', 'V']\n", "M0: ['A', 'D', 'E', 'G', 'H'] -> ['B', 'F', 'I']\n", "M1 mechanism shape: (24, 288)\n", "M0 mechanism shape: (60, 432)\n", "Alpha_s shape: (288, 432)\n", "Alpha_t shape: (24, 60)\n", "All JS distances: [0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25475021120176605, 0.25475021120176605, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513335, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2547502112017661, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.2560743634951334, 0.2560743634951335, 0.2560743634951333, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.25475021120176605, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.2547502112017659, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.2547502112017661, 0.2560743634951334, 0.2560743634951335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.2547502112017659, 0.25475021120176594, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.2547502112017659, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.25607436349513335, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.2547502112017659, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25475021120176605, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.25475021120176594, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.2547502112017659, 0.25607436349513335, 0.25607436349513335, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.25475021120176605, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513335, 0.25475021120176605, 0.25475021120176605, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.25475021120176605, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.254750211201766, 0.25475021120176605, 0.25475021120176605, 0.2547502112017659, 0.25475021120176594, 0.25475021120176594, 0.25607436349513335, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.25607436349513335, 0.25607436349513346, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.25475021120176605, 0.25475021120176605, 0.254750211201766, 0.25475021120176594, 0.25475021120176605, 0.254750211201766, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513335, 0.25607436349513346, 0.25607436349513346, 0.254750211201766, 0.25475021120176605, 0.25475021120176594, 0.25475021120176605, 0.25475021120176594, 0.254750211201766, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.25607436349513346, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.2547502112017659, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.25475021120176594, 0.254750211201766, 0.2547502112017659, 0.25475021120176605, 0.254750211201766, 0.25475021120176594, 0.25607436349513346, 0.25607436349513346, 0.25607436349513346, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.2547502112017659, 0.254750211201766, 0.2547502112017661, 0.25475021120176594, 0.2560743634951334, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.254750211201766, 0.25475021120176594, 0.25475021120176594, 0.254750211201766, 0.2547502112017659, 0.25607436349513335, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346, 0.25607436349513335, 0.2560743634951334, 0.254750211201766, 0.25475021120176605, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.25607436349513335, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.2560743634951334, 0.2560743634951334, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.25475021120176594, 0.254750211201766, 0.254750211201766, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.2560743634951334, 0.25607436349513346, 0.25607436349513346]\n", "\n", "Abstraction error: 0.2560743634951335\n", "\n", "M1: ['X', 'Z', 'V', 'U'] -> ['W']\n", "M0: ['A', 'D', 'F', 'G', 'H', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 1152)\n", "M0 mechanism shape: (3, 2160)\n", "Alpha_s shape: (1152, 2160)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.2828240281348516, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334726, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347236, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2828240281348521, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.2828240281348519, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.2836537022334726, 0.2836537022334725, 0.28365370223347264, 0.2836537022334726, 0.28365370223347275, 0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.2828240281348518, 0.282824028134852, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334727, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.282824028134852, 0.28282402813485197, 0.2828240281348521, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.28365370223347275, 0.2836537022334725, 0.28365370223347275, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347275, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.2828240281348519, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.2828240281348518, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.2836537022334726, 0.2836537022334727, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28282402813485197, 0.2828240281348518, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485175, 0.2828240281348518, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28282402813485175, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485175, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485175, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.2836537022334725, 0.2836537022334727, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334726, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334728, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347275, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334724, 0.2836537022334727, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.2828240281348518, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.282824028134852, 0.2828240281348518, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.2828240281348518, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348518, 0.282824028134852, 0.28282402813485186, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334728, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.2836537022334726, 0.28365370223347247, 0.28365370223347264, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485175, 0.282824028134852, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347275, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334726, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.2828240281348519, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.28365370223347264, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347236, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334726, 0.2836537022334726, 0.2836537022334726, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485175, 0.28282402813485175, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485175, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485175, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.2836537022334725, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.2828240281348519, 0.2828240281348519, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28365370223347247, 0.28365370223347236, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.2828240281348519, 0.282824028134852, 0.2828240281348518, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.2828240281348518, 0.2828240281348519, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2828240281348518, 0.2828240281348519, 0.28282402813485197, 0.2828240281348519, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348515, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347264, 0.2836537022334724, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.2828240281348518, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.282824028134852, 0.282824028134852, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485175, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347264, 0.28365370223347247, 0.2836537022334724, 0.2836537022334726, 0.28365370223347275, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485175, 0.2828240281348518, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485175, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485175, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347275, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347247, 0.282824028134852, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.2828240281348519, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334726, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.28365370223347275, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347275, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.2828240281348519, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485175, 0.282824028134852, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485175, 0.2828240281348519, 0.282824028134852, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.2828240281348519, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334726, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334727, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485197, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348518, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.282824028134852, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28365370223347275, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334724, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347264, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.2836537022334726, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.2828240281348519, 0.282824028134852, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.2828240281348519, 0.28282402813485186, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347275, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.28365370223347264, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334726, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.2828240281348519, 0.282824028134852, 0.282824028134852, 0.28282402813485186, 0.28282402813485175, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.2836537022334724, 0.2836537022334724, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334724, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.2836537022334726, 0.28365370223347247, 0.28365370223347247, 0.2828240281348518, 0.28282402813485197, 0.28282402813485186, 0.28282402813485197, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.282824028134852, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.2828240281348518, 0.28282402813485186, 0.28282402813485197, 0.28282402813485197, 0.28282402813485197, 0.28282402813485186, 0.2828240281348518, 0.2828240281348519, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.282824028134852, 0.28282402813485186, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.2836537022334725, 0.28365370223347247, 0.28365370223347264, 0.28365370223347247, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334725, 0.28365370223347247, 0.2836537022334725, 0.2836537022334724, 0.28365370223347264, 0.28365370223347247, 0.28365370223347247, 0.2836537022334725, 0.28282402813485197, 0.282824028134852, 0.282824028134852, 0.28282402813485197, 0.2828240281348516, 0.28282402813485186, 0.28282402813485197, 0.2828240281348518, 0.2828240281348519, 0.28282402813485175, 0.28282402813485197, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.282824028134852, 0.2828240281348519, 0.28282402813485186, 0.2828240281348518, 0.2828240281348517, 0.28282402813485186, 0.28282402813485197, 0.2828240281348519, 0.28282402813485197, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186, 0.28282402813485175, 0.28282402813485186, 0.28282402813485186, 0.28282402813485186]\n", "\n", "Abstraction error: 0.2836537022334728\n", "\n", "M1: ['X', 'Z', 'V', 'U'] -> ['Y', 'W']\n", "M0: ['A', 'D', 'F', 'G', 'H', 'I'] -> ['B', 'E']\n", "M1 mechanism shape: (6, 1152)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (12, 2160)\n", "Alpha_s shape: (1152, 2160)\n", "Alpha_t shape: (6, 12)\n", "All JS distances: [0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698544, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561308, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698546, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698544, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698546, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561308, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.38227740866985443, 0.3822774086698544, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698543, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.37921353595613083, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.379213535956131, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698546, 0.38227740866985443, 0.3822774086698545, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561308, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.3822774086698544, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698546, 0.38227740866985455, 0.3822774086698545, 0.37921353595613094, 0.37921353595613094, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698546, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.38227740866985455, 0.3822774086698546, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561308, 0.37921353595613083, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3822774086698545, 0.3822774086698545, 0.3822774086698546, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698544, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698543, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3822774086698545, 0.3822774086698544, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985466, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.37921353595613094, 0.37921353595613094, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698546, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.379213535956131, 0.3792135359561309, 0.3792135359561308, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698543, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613083, 0.379213535956131, 0.379213535956131, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698546, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.38227740866985443, 0.37921353595613094, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.379213535956131, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698546, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985455, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.379213535956131, 0.3792135359561309, 0.379213535956131, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561308, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.379213535956131, 0.3792135359561309, 0.3822774086698545, 0.38227740866985455, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.38227740866985443, 0.3822774086698544, 0.38227740866985443, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985443, 0.3822774086698545, 0.38227740866985455, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.38227740866985455, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.3822774086698545, 0.38227740866985443, 0.38227740866985455, 0.3822774086698545, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613094, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613083, 0.37921353595613083, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613083, 0.3792135359561309, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094, 0.3792135359561309, 0.37921353595613094]\n", "\n", "Abstraction error: 0.38227740866985466\n", "\n", "M1: ['X', 'Y', 'W', 'V'] -> ['Z']\n", "M0: ['A', 'B', 'E', 'F', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 144)\n", "M0 mechanism shape: (24, 540)\n", "Alpha_s shape: (144, 540)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137532, 0.14750258547137537, 0.14750258547137535, 0.14750258547137532, 0.14750258547137532, 0.14750258547137532, 0.14750258547137537, 0.1475025854713754, 0.14750258547137535, 0.14750258547137537, 0.14750258547137535, 0.14750258547137535, 0.14750258547137535, 0.14750258547137535, 0.1475025854713754, 0.14750258547137537, 0.1475025854713754, 0.1475025854713753, 0.14750258547137535, 0.1475025854713753, 0.14750258547137546, 0.14750258547137532, 0.1475025854713754, 0.14750258547137543, 0.14750258547137543, 0.1475025854713754, 0.1475025854713753, 0.14750258547137537, 0.1475025854713753, 0.14750258547137532, 0.14750258547137532, 0.1475025854713754, 0.14750258547137535, 0.14750258547137535, 0.14750258547137532, 0.14750258547137543, 0.14750258547137535, 0.14750258547137532, 0.14750258547137535, 0.14750258547137535, 0.14750258547137543, 0.14750258547137537, 0.1475025854713753, 0.14750258547137535, 0.14750258547137532, 0.14477921931232055, 0.14477921931232052, 0.1447792193123206, 0.1447792193123206, 0.14477921931232068, 0.1447792193123206, 0.14477921931232068, 0.14477921931232057, 0.14477921931232057, 0.14477921931232063, 0.14477921931232055, 0.14477921931232052, 0.1447792193123206, 0.14477921931232055, 0.14477921931232057, 0.14477921931232063, 0.14477921931232052, 0.1447792193123205, 0.14477921931232057, 0.14477921931232057, 0.14477921931232063, 0.14477921931232066, 0.14477921931232066, 0.14477921931232055, 0.1447792193123205, 0.14477921931232057, 0.14477921931232057, 0.1447792193123206, 0.14477921931232057, 0.1447792193123206, 0.14477921931232068, 0.1447792193123204, 0.14477921931232055, 0.1447792193123206, 0.14477921931232052, 0.14477921931232063, 0.1447792193123206, 0.1447792193123206, 0.14477921931232055, 0.1447792193123206, 0.14477921931232052, 0.14477921931232063, 0.14477921931232052, 0.14477921931232057, 0.14477921931232052, 0.14686181058189643, 0.14686181058189646, 0.14686181058189646, 0.14686181058189654, 0.14686181058189654, 0.14686181058189632, 0.14686181058189646, 0.14686181058189646, 0.14686181058189648, 0.14686181058189635, 0.14686181058189648, 0.14686181058189646, 0.1468618105818964, 0.14686181058189637, 0.14686181058189646, 0.14686181058189646, 0.14686181058189654, 0.14686181058189637, 0.14686181058189643, 0.1468618105818965, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.14686181058189637, 0.1468618105818965, 0.14686181058189648, 0.14686181058189648, 0.1468618105818964, 0.14686181058189637, 0.1468618105818964, 0.14686181058189643, 0.14686181058189654, 0.14686181058189646, 0.14686181058189637, 0.14686181058189643, 0.14686181058189637, 0.14686181058189648, 0.14686181058189646, 0.14686181058189646, 0.14686181058189643, 0.14686181058189648, 0.1468618105818964, 0.1468618105818965, 0.14686181058189637, 0.14686181058189646, 0.1501012031596559, 0.15010120315965597, 0.15010120315965594, 0.15010120315965586, 0.15010120315965597, 0.1501012031596559, 0.1501012031596559, 0.1501012031596559, 0.1501012031596559, 0.15010120315965597, 0.15010120315965597, 0.15010120315965583, 0.15010120315965594, 0.15010120315965594, 0.15010120315965594, 0.15010120315965583, 0.15010120315965597, 0.15010120315965597, 0.15010120315965594, 0.15010120315965597, 0.15010120315965597, 0.15010120315965597, 0.15010120315965594, 0.150101203159656, 0.15010120315965597, 0.15010120315965592, 0.15010120315965597, 0.15010120315965597, 0.15010120315965592, 0.15010120315965594, 0.15010120315965583, 0.15010120315965594, 0.15010120315965586, 0.15010120315965592, 0.15010120315965594, 0.15010120315965594, 0.15010120315965592, 0.150101203159656, 0.150101203159656, 0.1501012031596559, 0.15010120315965592, 0.15010120315965597, 0.15010120315965592, 0.1501012031596559, 0.15010120315965592, 0.14322994822209395, 0.14322994822209403, 0.1432299482220941, 0.143229948222094, 0.14322994822209395, 0.14322994822209406, 0.14322994822209398, 0.143229948222094, 0.143229948222094, 0.14322994822209395, 0.143229948222094, 0.14322994822209392, 0.14322994822209395, 0.1432299482220939, 0.1432299482220939, 0.143229948222094, 0.14322994822209403, 0.143229948222094, 0.14322994822209406, 0.143229948222094, 0.14322994822209406, 0.14322994822209412, 0.14322994822209406, 0.14322994822209406, 0.14322994822209406, 0.14322994822209403, 0.14322994822209406, 0.143229948222094, 0.14322994822209398, 0.14322994822209392, 0.14322994822209392, 0.14322994822209403, 0.1432299482220941, 0.14322994822209406, 0.14322994822209403, 0.14322994822209406, 0.14322994822209406, 0.14322994822209403, 0.14322994822209395, 0.14322994822209398, 0.143229948222094, 0.143229948222094, 0.14322994822209403, 0.1432299482220941, 0.14322994822209403, 0.1228081114843295, 0.12280811148432948, 0.12280811148432957, 0.12280811148432945, 0.12280811148432935, 0.12280811148432945, 0.12280811148432952, 0.1228081114843295, 0.12280811148432949, 0.12280811148432962, 0.12280811148432949, 0.1228081114843295, 0.12280811148432937, 0.12280811148432956, 0.12280811148432948, 0.12280811148432952, 0.12280811148432953, 0.12280811148432942, 0.12280811148432949, 0.1228081114843296, 0.12280811148432942, 0.12280811148432944, 0.12280811148432946, 0.12280811148432931, 0.12280811148432944, 0.12280811148432948, 0.12280811148432952, 0.12280811148432948, 0.12280811148432942, 0.12280811148432952, 0.12280811148432946, 0.12280811148432956, 0.1228081114843295, 0.12280811148432941, 0.12280811148432955, 0.12280811148432957, 0.1228081114843295, 0.12280811148432948, 0.12280811148432944, 0.1228081114843295, 0.12280811148432941, 0.12280811148432944, 0.12280811148432955, 0.12280811148432946, 0.12280811148432944, 0.11942718073653456, 0.11942718073653455, 0.11942718073653451, 0.11942718073653463, 0.11942718073653447, 0.11942718073653451, 0.11942718073653455, 0.11942718073653451, 0.11942718073653458, 0.1194271807365345, 0.11942718073653452, 0.11942718073653459, 0.1194271807365346, 0.1194271807365345, 0.11942718073653454, 0.11942718073653454, 0.11942718073653452, 0.11942718073653456, 0.11942718073653458, 0.11942718073653459, 0.11942718073653454, 0.11942718073653465, 0.11942718073653458, 0.11942718073653442, 0.11942718073653456, 0.11942718073653458, 0.11942718073653456, 0.11942718073653459, 0.11942718073653451, 0.1194271807365346, 0.11942718073653463, 0.11942718073653456, 0.11942718073653452, 0.11942718073653455, 0.11942718073653456, 0.1194271807365345, 0.11942718073653447, 0.11942718073653455, 0.1194271807365345, 0.11942718073653447, 0.11942718073653454, 0.11942718073653454, 0.11942718073653444, 0.11942718073653447, 0.11942718073653445, 0.12956066510934927, 0.1295606651093493, 0.12956066510934938, 0.12956066510934938, 0.12956066510934922, 0.1295606651093493, 0.12956066510934935, 0.12956066510934938, 0.12956066510934935, 0.12956066510934944, 0.1295606651093493, 0.12956066510934935, 0.1295606651093493, 0.12956066510934924, 0.12956066510934933, 0.12956066510934924, 0.12956066510934927, 0.12956066510934935, 0.12956066510934935, 0.12956066510934933, 0.1295606651093493, 0.12956066510934924, 0.1295606651093493, 0.1295606651093493, 0.12956066510934938, 0.12956066510934935, 0.12956066510934933, 0.1295606651093494, 0.1295606651093494, 0.12956066510934944, 0.12956066510934938, 0.1295606651093493, 0.12956066510934933, 0.1295606651093494, 0.1295606651093494, 0.12956066510934935, 0.12956066510934938, 0.12956066510934927, 0.1295606651093494, 0.1295606651093493, 0.12956066510934935, 0.1295606651093493, 0.1295606651093493, 0.12956066510934933, 0.12956066510934935, 0.12060711691901511, 0.12060711691901498, 0.12060711691901506, 0.12060711691901499, 0.12060711691901502, 0.12060711691901504, 0.12060711691901511, 0.12060711691901502, 0.1206071169190151, 0.12060711691901502, 0.12060711691901499, 0.12060711691901503, 0.12060711691901492, 0.12060711691901495, 0.12060711691901513, 0.12060711691901513, 0.12060711691901503, 0.12060711691901507, 0.12060711691901496, 0.120607116919015, 0.12060711691901509, 0.12060711691901504, 0.12060711691901503, 0.12060711691901498, 0.12060711691901502, 0.12060711691901498, 0.1206071169190149, 0.12060711691901502, 0.12060711691901502, 0.12060711691901509, 0.12060711691901498, 0.12060711691901502, 0.12060711691901507, 0.1206071169190151, 0.12060711691901509, 0.12060711691901496, 0.12060711691901503, 0.12060711691901498, 0.12060711691901506, 0.12060711691901495, 0.12060711691901496, 0.12060711691901502, 0.12060711691901502, 0.12060711691901506, 0.12060711691901502, 0.1397996435991871, 0.139799643599187, 0.13979964359918723, 0.13979964359918706, 0.13979964359918715, 0.1397996435991872, 0.13979964359918706, 0.13979964359918703, 0.1397996435991872, 0.1397996435991871, 0.1397996435991871, 0.13979964359918703, 0.1397996435991871, 0.13979964359918703, 0.1397996435991871, 0.13979964359918712, 0.13979964359918717, 0.1397996435991871, 0.13979964359918712, 0.1397996435991872, 0.13979964359918703, 0.1397996435991871, 0.1397996435991871, 0.13979964359918706, 0.13979964359918706, 0.13979964359918712, 0.13979964359918715, 0.13979964359918706, 0.13979964359918703, 0.1397996435991871, 0.139799643599187, 0.1397996435991871, 0.1397996435991872, 0.13979964359918703, 0.1397996435991871, 0.13979964359918715, 0.139799643599187, 0.1397996435991871, 0.13979964359918703, 0.1397996435991871, 0.13979964359918715, 0.13979964359918715, 0.13979964359918706, 0.13979964359918698, 0.13979964359918712, 0.12692729904194705, 0.12692729904194705, 0.1269272990419471, 0.1269272990419471, 0.1269272990419471, 0.12692729904194708, 0.12692729904194705, 0.12692729904194705, 0.12692729904194697, 0.12692729904194708, 0.12692729904194708, 0.12692729904194716, 0.1269272990419471, 0.12692729904194716, 0.1269272990419471, 0.12692729904194702, 0.12692729904194713, 0.12692729904194702, 0.12692729904194708, 0.1269272990419471, 0.1269272990419471, 0.12692729904194697, 0.12692729904194722, 0.1269272990419472, 0.1269272990419471, 0.12692729904194705, 0.12692729904194716, 0.12692729904194716, 0.12692729904194713, 0.1269272990419471, 0.1269272990419471, 0.12692729904194705, 0.12692729904194702, 0.12692729904194713, 0.12692729904194708, 0.12692729904194705, 0.12692729904194713, 0.12692729904194702, 0.126927299041947, 0.126927299041947, 0.12692729904194705, 0.1269272990419471, 0.12692729904194705, 0.12692729904194713, 0.1269272990419471, 0.12981197125816757, 0.12981197125816762, 0.12981197125816749, 0.1298119712581675, 0.12981197125816746, 0.12981197125816749, 0.1298119712581675, 0.1298119712581676, 0.1298119712581676, 0.1298119712581675, 0.1298119712581675, 0.1298119712581676, 0.12981197125816757, 0.12981197125816746, 0.12981197125816749, 0.12981197125816757, 0.12981197125816762, 0.12981197125816743, 0.12981197125816762, 0.1298119712581676, 0.12981197125816762, 0.12981197125816754, 0.12981197125816757, 0.12981197125816746, 0.12981197125816746, 0.12981197125816754, 0.1298119712581676, 0.1298119712581674, 0.1298119712581675, 0.12981197125816746, 0.12981197125816749, 0.12981197125816743, 0.1298119712581676, 0.12981197125816757, 0.1298119712581674, 0.12981197125816754, 0.1298119712581676, 0.1298119712581675, 0.1298119712581675, 0.1298119712581675, 0.12981197125816757, 0.12981197125816754, 0.1298119712581675, 0.12981197125816746, 0.12981197125816757]\n", "\n", "Abstraction error: 0.150101203159656\n", "\n", "M1: ['X', 'Y', 'W', 'V'] -> ['Z', 'U']\n", "M0: ['A', 'B', 'E', 'F', 'I'] -> ['D', 'G', 'H']\n", "M1 mechanism shape: (48, 144)\n", "M0 mechanism shape: (48, 540)\n", "Alpha_s shape: (144, 540)\n", "Alpha_t shape: (48, 48)\n", "All JS distances: [0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.2829848290119225, 0.28298482901192257, 0.28298482901192257, 0.2829848290119225, 0.28298482901192257, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.2800907217618497, 0.28009072176184974, 0.28009072176184974, 0.28009072176184974, 0.2800907217618497, 0.28009072176184974, 0.2800907217618497, 0.28009072176184974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.2787437643486997, 0.27874376434869963, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869974, 0.2787437643486997, 0.2787437643486997, 0.2787437643486997, 0.27874376434869963, 0.2758966179519917, 0.2758966179519917, 0.27589661795199166, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519918, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.27589661795199166, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.27589661795199166, 0.27589661795199166, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.2758966179519917, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.276567465223105, 0.27656746522310494, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.276567465223105, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.27656746522310494, 0.276567465223105, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.2765674652231051, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.2765674652231051, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.276567465223105, 0.27656746522310505, 0.276567465223105, 0.26563104647991276, 0.2656310464799127, 0.26563104647991276, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991265, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.26563104647991276, 0.26563104647991265, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.26563104647991265, 0.26563104647991265, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.26563104647991265, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.2656310464799127, 0.2656310464799127, 0.2656310464799127, 0.26563104647991276, 0.26563104647991265, 0.2656310464799127, 0.26563104647991276, 0.2661742834583291, 0.26617428345832916, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.26617428345832916, 0.26617428345832905, 0.26617428345832905, 0.26617428345832916, 0.2661742834583291, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.26617428345832916, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.26617428345832916, 0.2661742834583291, 0.26617428345832905, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2661742834583291, 0.2684371008654081, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.2684371008654082, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.2684371008654082, 0.2684371008654082, 0.26843710086540823, 0.26843710086540823, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.2648372336345971, 0.2648372336345971, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.2648372336345971, 0.2648372336345971, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.2648372336345971, 0.26483723363459705, 0.2648372336345971, 0.264837233634597, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.26483723363459705, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.2753472579922986, 0.27534725799229853, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.2753472579922986, 0.2753472579922986, 0.27534725799229864, 0.27534725799229864, 0.2753472579922986, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.26836127653016767, 0.26836127653016767, 0.26836127653016767, 0.2683612765301676, 0.2683612765301676, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.272034337048069, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.272034337048069, 0.2720343370480691, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906, 0.27203433704806906, 0.2720343370480691, 0.2720343370480691, 0.27203433704806906, 0.27203433704806906]\n", "\n", "Abstraction error: 0.28298482901192257\n", "\n", "M1: ['X', 'Y', 'W', 'U'] -> ['Z']\n", "M0: ['A', 'B', 'E', 'G'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 36)\n", "M0 mechanism shape: (24, 72)\n", "Alpha_s shape: (36, 72)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137543, 0.1475025854713754, 0.14750258547137537, 0.14750258547137535, 0.1475025854713753, 0.14750258547137537, 0.14477921931232068, 0.14477921931232066, 0.1447792193123206, 0.14477921931232052, 0.14477921931232063, 0.14477921931232063, 0.14686181058189643, 0.14686181058189654, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.1468618105818964, 0.15010120315965592, 0.15010120315965583, 0.15010120315965592, 0.1501012031596559, 0.15010120315965594, 0.15010120315965597, 0.14322994822209406, 0.1432299482220939, 0.14322994822209403, 0.14322994822209403, 0.14322994822209398, 0.14322994822209403, 0.12280811148432945, 0.12280811148432956, 0.12280811148432952, 0.12280811148432953, 0.1228081114843294, 0.12280811148432948, 0.11942718073653458, 0.11942718073653451, 0.11942718073653454, 0.11942718073653442, 0.11942718073653451, 0.11942718073653458, 0.12956066510934938, 0.12956066510934935, 0.12956066510934922, 0.12956066510934924, 0.12956066510934933, 0.12956066510934933, 0.12060711691901506, 0.12060711691901507, 0.12060711691901498, 0.120607116919015, 0.12060711691901511, 0.120607116919015, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.13979964359918703, 0.13979964359918706, 0.139799643599187, 0.12692729904194708, 0.12692729904194705, 0.12692729904194702, 0.12692729904194716, 0.12692729904194702, 0.12692729904194708, 0.12981197125816757, 0.12981197125816754, 0.12981197125816754, 0.12981197125816757, 0.12981197125816746, 0.12981197125816768]\n", "\n", "Abstraction error: 0.15010120315965597\n", "\n", "M1: ['X', 'Y', 'W', 'U'] -> ['V']\n", "M0: ['A', 'B', 'E', 'G'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 36)\n", "M0 mechanism shape: (15, 72)\n", "Alpha_s shape: (36, 72)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390318, 0.12252356816251672, 0.12105668784390326, 0.12252356816251656, 0.12105668784390307, 0.1225235681625164, 0.17306256523323513, 0.15830340008608304, 0.17306256523323524, 0.1583034000860832, 0.17306256523323515, 0.1583034000860832, 0.12201407815303353, 0.12686079266207737, 0.12201407815303322, 0.12686079266207712, 0.12201407815303314, 0.12686079266207717, 0.09123226769717202, 0.09553296052602436, 0.09123226769717208, 0.09553296052602442, 0.09123226769717198, 0.09553296052602443, 0.12105668784390303, 0.12252356816251672, 0.12105668784390336, 0.12252356816251678, 0.12105668784390308, 0.12252356816251668, 0.17306256523323504, 0.15830340008608318, 0.1730625652332352, 0.15830340008608315, 0.17306256523323507, 0.1583034000860831, 0.1220140781530334, 0.12686079266207703, 0.12201407815303346, 0.12686079266207723, 0.12201407815303335, 0.12686079266207725, 0.09123226769717224, 0.09553296052602436, 0.09123226769717192, 0.0955329605260242, 0.09123226769717216, 0.09553296052602438, 0.12105668784390314, 0.12252356816251651, 0.12105668784390314, 0.12252356816251672, 0.12105668784390328, 0.12252356816251653, 0.1730625652332352, 0.15830340008608312, 0.17306256523323513, 0.15830340008608326, 0.17306256523323518, 0.158303400086083, 0.12201407815303324, 0.12686079266207728, 0.12201407815303346, 0.12686079266207698, 0.12201407815303311, 0.12686079266207695, 0.09123226769717219, 0.09553296052602428, 0.09123226769717205, 0.09553296052602447, 0.09123226769717226, 0.09553296052602445]\n", "\n", "Abstraction error: 0.17306256523323524\n", "\n", "M1: ['X', 'Y', 'W', 'U'] -> ['Z', 'V']\n", "M0: ['A', 'B', 'E', 'G'] -> ['D', 'F', 'H', 'I']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (192, 36)\n", "M0 mechanism shape: (360, 72)\n", "Alpha_s shape: (36, 72)\n", "Alpha_t shape: (192, 360)\n", "All JS distances: [0.19267930623122678, 0.19030092528795195, 0.19267930623122678, 0.19030092528795195, 0.19267930623122673, 0.1903009252879519, 0.21971659579621858, 0.21703824265488417, 0.21971659579621858, 0.21703824265488417, 0.21971659579621858, 0.2170382426548842, 0.19413074407175346, 0.1962878203793407, 0.1941307440717535, 0.19628782037934075, 0.19413074407175346, 0.19628782037934078, 0.1702518014333433, 0.1732092037302183, 0.17025180143334337, 0.17320920373021834, 0.1702518014333433, 0.1732092037302183, 0.18865518037896745, 0.19014279892054556, 0.18865518037896742, 0.19014279892054559, 0.18865518037896745, 0.19014279892054559, 0.209554355279872, 0.20627972154925703, 0.20955435527987204, 0.20627972154925708, 0.20955435527987204, 0.20627972154925706, 0.1729626609555944, 0.1863306240338362, 0.17296266095559443, 0.18633062403383624, 0.1729626609555944, 0.18633062403383618, 0.1584130712294324, 0.15771744050234998, 0.15841307122943243, 0.15771744050234998, 0.15841307122943243, 0.15771744050235, 0.1793931737677971, 0.17660179754865096, 0.17939317376779707, 0.17660179754865096, 0.17939317376779704, 0.17660179754865094, 0.2148169196452478, 0.21361129411114768, 0.2148169196452478, 0.21361129411114765, 0.21481691964524777, 0.21361129411114768, 0.17888711128179138, 0.18817543263999195, 0.17888711128179138, 0.188175432639992, 0.17888711128179144, 0.18817543263999198, 0.15888757087972993, 0.15801545761238325, 0.15888757087972996, 0.1580154576123832, 0.15888757087972993, 0.15801545761238323]\n", "\n", "Abstraction error: 0.21971659579621858\n", "\n", "M1: ['X', 'Y', 'V', 'U'] -> ['Z']\n", "M0: ['A', 'B', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 144)\n", "M0 mechanism shape: (24, 360)\n", "Alpha_s shape: (144, 360)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137532, 0.14750258547137532, 0.14750258547137537, 0.1475025854713753, 0.14750258547137537, 0.14750258547137537, 0.14750258547137526, 0.14750258547137535, 0.14750258547137535, 0.14750258547137535, 0.14750258547137537, 0.14750258547137535, 0.14750258547137526, 0.14750258547137537, 0.1475025854713753, 0.1475025854713754, 0.14750258547137543, 0.1475025854713753, 0.14750258547137535, 0.14750258547137535, 0.14750258547137535, 0.1475025854713754, 0.1475025854713754, 0.14750258547137543, 0.14750258547137535, 0.14750258547137535, 0.14750258547137537, 0.14750258547137535, 0.14750258547137532, 0.14750258547137537, 0.1447792193123206, 0.14477921931232057, 0.14477921931232057, 0.14477921931232046, 0.14477921931232052, 0.1447792193123205, 0.14477921931232057, 0.14477921931232068, 0.1447792193123205, 0.14477921931232052, 0.14477921931232052, 0.1447792193123206, 0.14477921931232052, 0.1447792193123206, 0.14477921931232052, 0.14477921931232052, 0.14477921931232055, 0.14477921931232057, 0.14477921931232055, 0.14477921931232052, 0.14477921931232057, 0.14477921931232057, 0.14477921931232052, 0.14477921931232052, 0.14477921931232057, 0.14477921931232052, 0.1447792193123206, 0.14477921931232052, 0.1447792193123206, 0.14477921931232057, 0.14686181058189646, 0.14686181058189643, 0.1468618105818964, 0.14686181058189643, 0.1468618105818965, 0.14686181058189646, 0.14686181058189654, 0.1468618105818965, 0.1468618105818965, 0.14686181058189657, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.1468618105818964, 0.14686181058189646, 0.14686181058189637, 0.1468618105818965, 0.14686181058189643, 0.14686181058189648, 0.1468618105818965, 0.14686181058189643, 0.14686181058189646, 0.14686181058189643, 0.14686181058189646, 0.1468618105818964, 0.14686181058189643, 0.14686181058189646, 0.14686181058189646, 0.14686181058189648, 0.15010120315965592, 0.15010120315965586, 0.15010120315965592, 0.15010120315965594, 0.15010120315965583, 0.15010120315965592, 0.15010120315965605, 0.1501012031596558, 0.15010120315965594, 0.15010120315965594, 0.15010120315965594, 0.15010120315965583, 0.15010120315965594, 0.1501012031596559, 0.15010120315965583, 0.15010120315965594, 0.15010120315965586, 0.15010120315965597, 0.15010120315965594, 0.15010120315965583, 0.15010120315965597, 0.15010120315965597, 0.15010120315965594, 0.150101203159656, 0.15010120315965597, 0.15010120315965592, 0.15010120315965594, 0.1501012031596559, 0.15010120315965592, 0.1501012031596559, 0.143229948222094, 0.14322994822209398, 0.143229948222094, 0.1432299482220939, 0.143229948222094, 0.143229948222094, 0.1432299482220941, 0.1432299482220939, 0.14322994822209398, 0.14322994822209406, 0.143229948222094, 0.14322994822209398, 0.14322994822209398, 0.143229948222094, 0.1432299482220941, 0.14322994822209406, 0.14322994822209403, 0.14322994822209406, 0.14322994822209406, 0.14322994822209412, 0.14322994822209392, 0.143229948222094, 0.14322994822209398, 0.14322994822209398, 0.143229948222094, 0.14322994822209403, 0.143229948222094, 0.143229948222094, 0.143229948222094, 0.14322994822209398, 0.12280811148432948, 0.12280811148432949, 0.12280811148432956, 0.12280811148432953, 0.1228081114843295, 0.12280811148432945, 0.12280811148432957, 0.12280811148432956, 0.1228081114843295, 0.12280811148432944, 0.1228081114843295, 0.12280811148432942, 0.12280811148432949, 0.12280811148432946, 0.12280811148432957, 0.12280811148432945, 0.12280811148432952, 0.12280811148432956, 0.12280811148432946, 0.12280811148432956, 0.12280811148432945, 0.12280811148432941, 0.12280811148432953, 0.12280811148432948, 0.12280811148432946, 0.12280811148432949, 0.12280811148432942, 0.12280811148432949, 0.12280811148432944, 0.12280811148432956, 0.11942718073653434, 0.1194271807365346, 0.11942718073653441, 0.11942718073653445, 0.1194271807365346, 0.11942718073653458, 0.11942718073653458, 0.11942718073653447, 0.11942718073653458, 0.11942718073653448, 0.1194271807365345, 0.11942718073653455, 0.11942718073653467, 0.11942718073653454, 0.11942718073653463, 0.11942718073653459, 0.11942718073653462, 0.11942718073653462, 0.11942718073653456, 0.11942718073653458, 0.1194271807365345, 0.11942718073653459, 0.11942718073653454, 0.1194271807365345, 0.11942718073653447, 0.11942718073653454, 0.11942718073653454, 0.11942718073653441, 0.1194271807365344, 0.11942718073653466, 0.12956066510934935, 0.12956066510934935, 0.1295606651093493, 0.12956066510934933, 0.12956066510934935, 0.12956066510934922, 0.12956066510934947, 0.12956066510934933, 0.1295606651093493, 0.12956066510934938, 0.1295606651093494, 0.12956066510934935, 0.1295606651093493, 0.12956066510934938, 0.1295606651093494, 0.12956066510934933, 0.1295606651093493, 0.12956066510934927, 0.1295606651093494, 0.12956066510934938, 0.12956066510934933, 0.12956066510934944, 0.1295606651093494, 0.12956066510934935, 0.12956066510934933, 0.12956066510934927, 0.12956066510934924, 0.12956066510934933, 0.12956066510934938, 0.12956066510934938, 0.12060711691901496, 0.12060711691901502, 0.12060711691901498, 0.12060711691901507, 0.12060711691901504, 0.1206071169190151, 0.12060711691901509, 0.12060711691901502, 0.12060711691901504, 0.12060711691901511, 0.12060711691901506, 0.12060711691901511, 0.12060711691901499, 0.12060711691901509, 0.12060711691901503, 0.120607116919015, 0.12060711691901509, 0.12060711691901502, 0.12060711691901509, 0.12060711691901511, 0.12060711691901502, 0.12060711691901496, 0.12060711691901504, 0.120607116919015, 0.12060711691901507, 0.12060711691901499, 0.12060711691901499, 0.12060711691901496, 0.12060711691901507, 0.12060711691901502, 0.13979964359918712, 0.13979964359918703, 0.1397996435991871, 0.13979964359918715, 0.13979964359918706, 0.13979964359918715, 0.13979964359918706, 0.13979964359918712, 0.13979964359918715, 0.13979964359918698, 0.13979964359918715, 0.13979964359918723, 0.13979964359918717, 0.139799643599187, 0.13979964359918712, 0.13979964359918706, 0.13979964359918703, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.13979964359918715, 0.13979964359918706, 0.139799643599187, 0.13979964359918712, 0.13979964359918715, 0.13979964359918712, 0.13979964359918706, 0.13979964359918706, 0.1397996435991871, 0.12692729904194705, 0.12692729904194702, 0.12692729904194705, 0.12692729904194716, 0.12692729904194716, 0.1269272990419471, 0.12692729904194716, 0.12692729904194705, 0.12692729904194702, 0.12692729904194705, 0.12692729904194705, 0.12692729904194708, 0.12692729904194702, 0.12692729904194702, 0.1269272990419471, 0.12692729904194708, 0.12692729904194716, 0.12692729904194708, 0.1269272990419471, 0.12692729904194705, 0.12692729904194705, 0.12692729904194708, 0.12692729904194716, 0.1269272990419471, 0.1269272990419471, 0.12692729904194713, 0.12692729904194702, 0.12692729904194716, 0.1269272990419471, 0.126927299041947, 0.12981197125816746, 0.12981197125816754, 0.1298119712581675, 0.1298119712581676, 0.12981197125816743, 0.12981197125816757, 0.1298119712581675, 0.12981197125816754, 0.12981197125816749, 0.1298119712581676, 0.12981197125816754, 0.1298119712581675, 0.1298119712581675, 0.12981197125816754, 0.12981197125816754, 0.1298119712581675, 0.12981197125816754, 0.12981197125816749, 0.12981197125816765, 0.12981197125816754, 0.12981197125816757, 0.1298119712581676, 0.12981197125816749, 0.1298119712581675, 0.1298119712581675, 0.1298119712581676, 0.12981197125816749, 0.1298119712581675, 0.12981197125816749, 0.12981197125816757]\n", "\n", "Abstraction error: 0.15010120315965605\n", "\n", "M1: ['X', 'Y', 'V', 'U'] -> ['W']\n", "M0: ['A', 'B', 'F', 'G', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 144)\n", "M0 mechanism shape: (3, 360)\n", "Alpha_s shape: (144, 360)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.3766134869765127, 0.37661348697651276, 0.3766134869765127, 0.37661348697651287, 0.37661348697651276, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.37661348697651276, 0.37661348697651276, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.17491416237792823, 0.1749141623779284, 0.1749141623779283, 0.17491416237792815, 0.17491416237792823, 0.17096250931531642, 0.17096250931531615, 0.1709625093153163, 0.1709625093153162, 0.1709625093153166, 0.1749141623779284, 0.17491416237792803, 0.1749141623779284, 0.1749141623779283, 0.17491416237792815, 0.1709625093153165, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.1709625093153163, 0.17491416237792815, 0.1749141623779282, 0.17491416237792815, 0.17491416237792834, 0.1749141623779283, 0.1709625093153166, 0.1709625093153162, 0.1709625093153162, 0.1709625093153165, 0.17096250931531656, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.32742059127956247, 0.32742059127956263, 0.32742059127956263, 0.32742059127956263, 0.32742059127956263, 0.3458927426747925, 0.3458927426747925, 0.3458927426747927, 0.3458927426747927, 0.3458927426747927, 0.3274205912795624, 0.3274205912795625, 0.3274205912795624, 0.3274205912795624, 0.32742059127956263, 0.34589274267479236, 0.34589274267479236, 0.3458927426747925, 0.34589274267479264, 0.3458927426747927, 0.32742059127956236, 0.3274205912795625, 0.3274205912795625, 0.32742059127956263, 0.3274205912795625, 0.20653206434445792, 0.2065320643444577, 0.20653206434445795, 0.20653206434445806, 0.206532064344458, 0.22295460065805234, 0.22295460065805242, 0.2229546006580523, 0.2229546006580524, 0.22295460065805228, 0.20653206434445764, 0.206532064344458, 0.20653206434445784, 0.206532064344458, 0.2065320643444579, 0.2229546006580522, 0.22295460065805225, 0.22295460065805217, 0.2229546006580522, 0.22295460065805237, 0.20653206434445803, 0.20653206434445792, 0.20653206434445792, 0.2065320643444579, 0.2065320643444579, 0.22295460065805262, 0.22295460065805212, 0.2229546006580524, 0.2229546006580523, 0.22295460065805248, 0.298000272688126, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.2980002726881259, 0.3766134869765127, 0.37661348697651276, 0.3766134869765127, 0.3766134869765127, 0.37661348697651276, 0.298000272688126, 0.2980002726881261, 0.298000272688126, 0.29800027268812596, 0.2980002726881259, 0.3766134869765127, 0.37661348697651276, 0.3766134869765127, 0.3766134869765128, 0.3766134869765127, 0.298000272688126, 0.298000272688126, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.3766134869765127, 0.3766134869765127, 0.3766134869765127, 0.37661348697651276, 0.3766134869765128, 0.17491416237792823, 0.17491416237792828, 0.17491416237792823, 0.17491416237792826, 0.17491416237792803, 0.1709625093153165, 0.1709625093153166, 0.17096250931531637, 0.17096250931531642, 0.17096250931531637, 0.1749141623779283, 0.1749141623779283, 0.17491416237792812, 0.17491416237792834, 0.17491416237792815, 0.1709625093153162, 0.17096250931531654, 0.1709625093153166, 0.17096250931531617, 0.17096250931531648, 0.17491416237792823, 0.1749141623779283, 0.17491416237792823, 0.1749141623779283, 0.17491416237792826, 0.17096250931531642, 0.17096250931531648, 0.1709625093153165, 0.17096250931531648, 0.17096250931531642, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747926, 0.3274205912795627, 0.32742059127956247, 0.32742059127956247, 0.3274205912795624, 0.32742059127956263, 0.3458927426747925, 0.3458927426747926, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.3274205912795624, 0.3274205912795624, 0.32742059127956247, 0.3274205912795624, 0.3274205912795624, 0.3458927426747925, 0.34589274267479236, 0.34589274267479264, 0.34589274267479236, 0.34589274267479264, 0.32742059127956263, 0.32742059127956247, 0.32742059127956247, 0.3274205912795624, 0.32742059127956247, 0.20653206434445784, 0.2065320643444579, 0.2065320643444579, 0.20653206434445787, 0.20653206434445806, 0.2229546006580525, 0.2229546006580525, 0.2229546006580525, 0.2229546006580525, 0.22295460065805225, 0.20653206434445787, 0.20653206434445776, 0.206532064344458, 0.20653206434445773, 0.20653206434445787, 0.2229546006580524, 0.22295460065805223, 0.22295460065805234, 0.22295460065805237, 0.22295460065805248, 0.2065320643444579, 0.20653206434445803, 0.20653206434445795, 0.20653206434445798, 0.20653206434445787, 0.22295460065805228, 0.22295460065805253, 0.2229546006580522, 0.22295460065805248, 0.22295460065805228, 0.2980002726881259, 0.2980002726881259, 0.2980002726881258, 0.2980002726881259, 0.29800027268812607, 0.37661348697651276, 0.3766134869765127, 0.376613486976513, 0.3766134869765127, 0.37661348697651276, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.37661348697651276, 0.3766134869765127, 0.37661348697651265, 0.3766134869765127, 0.3766134869765127, 0.29800027268812607, 0.29800027268812596, 0.2980002726881262, 0.29800027268812607, 0.298000272688126, 0.3766134869765127, 0.37661348697651276, 0.3766134869765127, 0.3766134869765128, 0.376613486976513, 0.1749141623779282, 0.17491416237792815, 0.17491416237792817, 0.17491416237792817, 0.17491416237792823, 0.1709625093153162, 0.17096250931531637, 0.1709625093153166, 0.1709625093153162, 0.17096250931531667, 0.17491416237792817, 0.1749141623779282, 0.1749141623779284, 0.17491416237792812, 0.17491416237792834, 0.17096250931531629, 0.17096250931531665, 0.1709625093153165, 0.1709625093153162, 0.1709625093153166, 0.1749141623779283, 0.17491416237792803, 0.1749141623779283, 0.17491416237792823, 0.1749141623779284, 0.1709625093153166, 0.1709625093153166, 0.1709625093153162, 0.17096250931531637, 0.1709625093153166, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747926, 0.34589274267479236, 0.32742059127956247, 0.3274205912795624, 0.32742059127956263, 0.3274205912795624, 0.3274205912795624, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.32742059127956263, 0.3274205912795625, 0.3274205912795627, 0.32742059127956247, 0.3274205912795624, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3274205912795624, 0.3274205912795624, 0.32742059127956247, 0.32742059127956263, 0.3274205912795625, 0.20653206434445776, 0.20653206434445795, 0.2065320643444579, 0.20653206434445792, 0.2065320643444579, 0.22295460065805248, 0.2229546006580524, 0.2229546006580522, 0.22295460065805245, 0.22295460065805262, 0.20653206434445787, 0.20653206434445784, 0.206532064344458, 0.20653206434445795, 0.2065320643444579, 0.2229546006580525, 0.22295460065805223, 0.2229546006580522, 0.22295460065805262, 0.22295460065805242, 0.20653206434445798, 0.20653206434445787, 0.2065320643444579, 0.20653206434445776, 0.20653206434445792, 0.2229546006580525, 0.2229546006580526, 0.22295460065805217, 0.22295460065805223, 0.2229546006580522]\n", "\n", "Abstraction error: 0.376613486976513\n", "\n", "M1: ['X', 'Y', 'V', 'U'] -> ['Z', 'W']\n", "M0: ['A', 'B', 'F', 'G', 'I'] -> ['D', 'E', 'H']\n", "M1 mechanism shape: (48, 144)\n", "M0 mechanism shape: (72, 360)\n", "Alpha_s shape: (144, 360)\n", "Alpha_t shape: (48, 72)\n", "All JS distances: [0.3171774649121772, 0.31717746491217724, 0.31717746491217724, 0.31717746491217724, 0.31717746491217724, 0.3159761205582506, 0.31597612055825053, 0.31597612055825053, 0.3159761205582506, 0.3159761205582505, 0.31717746491217724, 0.3171774649121772, 0.31717746491217724, 0.31717746491217724, 0.31717746491217724, 0.31597612055825053, 0.31597612055825053, 0.31597612055825053, 0.31597612055825053, 0.3159761205582505, 0.3171774649121772, 0.31717746491217724, 0.31717746491217724, 0.31717746491217724, 0.31717746491217724, 0.31597612055825053, 0.31597612055825053, 0.31597612055825053, 0.3159761205582506, 0.31597612055825053, 0.18691264602250773, 0.18691264602250776, 0.18691264602250773, 0.18691264602250768, 0.18691264602250784, 0.18533447288543584, 0.18533447288543584, 0.18533447288543592, 0.1853344728854359, 0.18533447288543584, 0.18691264602250776, 0.1869126460225077, 0.18691264602250773, 0.18691264602250776, 0.18691264602250773, 0.18533447288543584, 0.18533447288543584, 0.18533447288543586, 0.18533447288543584, 0.18533447288543595, 0.18691264602250773, 0.18691264602250776, 0.1869126460225078, 0.18691264602250773, 0.18691264602250776, 0.18533447288543584, 0.18533447288543584, 0.1853344728854359, 0.18533447288543586, 0.18533447288543584, 0.3079153815104917, 0.3079153815104917, 0.30791538151049175, 0.3079153815104917, 0.3079153815104917, 0.3055436271978146, 0.30554362719781464, 0.3055436271978146, 0.3055436271978146, 0.3055436271978145, 0.30791538151049164, 0.3079153815104917, 0.30791538151049175, 0.3079153815104917, 0.3079153815104917, 0.3055436271978146, 0.3055436271978146, 0.3055436271978146, 0.3055436271978146, 0.3055436271978145, 0.3079153815104917, 0.3079153815104917, 0.3079153815104917, 0.3079153815104917, 0.3079153815104917, 0.3055436271978146, 0.3055436271978146, 0.3055436271978146, 0.3055436271978146, 0.3055436271978146, 0.18606743136381051, 0.18606743136381057, 0.18606743136381057, 0.1860674313638105, 0.18606743136381057, 0.18549584662456509, 0.1854958466245651, 0.1854958466245652, 0.1854958466245652, 0.1854958466245651, 0.18606743136381054, 0.18606743136381054, 0.18606743136381057, 0.18606743136381051, 0.18606743136381051, 0.18549584662456517, 0.1854958466245651, 0.18549584662456517, 0.18549584662456517, 0.18549584662456522, 0.18606743136381057, 0.18606743136381054, 0.18606743136381051, 0.18606743136381057, 0.18606743136381057, 0.18549584662456517, 0.1854958466245652, 0.18549584662456514, 0.1854958466245652, 0.18549584662456517, 0.3138404218277864, 0.3138404218277864, 0.3138404218277864, 0.3138404218277864, 0.3138404218277864, 0.3162134844807529, 0.316213484480753, 0.3162134844807529, 0.316213484480753, 0.3162134844807529, 0.3138404218277863, 0.3138404218277864, 0.3138404218277863, 0.3138404218277864, 0.3138404218277863, 0.316213484480753, 0.316213484480753, 0.3162134844807529, 0.3162134844807529, 0.3162134844807529, 0.3138404218277864, 0.3138404218277864, 0.3138404218277864, 0.3138404218277863, 0.3138404218277863, 0.3162134844807529, 0.316213484480753, 0.316213484480753, 0.3162134844807529, 0.3162134844807529, 0.15504114790155435, 0.15504114790155435, 0.15504114790155435, 0.15504114790155435, 0.1550411479015543, 0.15456313577157602, 0.15456313577157604, 0.15456313577157604, 0.15456313577157604, 0.15456313577157602, 0.1550411479015544, 0.15504114790155438, 0.15504114790155435, 0.15504114790155435, 0.15504114790155432, 0.15456313577157596, 0.15456313577157604, 0.154563135771576, 0.15456313577157602, 0.154563135771576, 0.1550411479015544, 0.15504114790155435, 0.1550411479015543, 0.15504114790155438, 0.1550411479015543, 0.15456313577157607, 0.15456313577157604, 0.15456313577157602, 0.15456313577157604, 0.154563135771576, 0.3168551367217351, 0.3168551367217351, 0.31685513672173515, 0.31685513672173515, 0.3168551367217351, 0.31766398847062505, 0.317663988470625, 0.317663988470625, 0.31766398847062505, 0.31766398847062505, 0.3168551367217351, 0.31685513672173515, 0.3168551367217351, 0.3168551367217351, 0.3168551367217351, 0.317663988470625, 0.317663988470625, 0.317663988470625, 0.317663988470625, 0.317663988470625, 0.3168551367217351, 0.3168551367217351, 0.3168551367217351, 0.3168551367217351, 0.3168551367217351, 0.317663988470625, 0.317663988470625, 0.317663988470625, 0.31766398847062505, 0.31766398847062505, 0.19559704360305258, 0.1955970436030526, 0.19559704360305266, 0.19559704360305258, 0.19559704360305263, 0.19564074271697746, 0.1956407427169775, 0.1956407427169775, 0.1956407427169775, 0.19564074271697748, 0.19559704360305266, 0.19559704360305255, 0.1955970436030526, 0.19559704360305263, 0.1955970436030527, 0.19564074271697748, 0.19564074271697746, 0.19564074271697748, 0.19564074271697746, 0.19564074271697746, 0.19559704360305266, 0.19559704360305266, 0.19559704360305263, 0.19559704360305263, 0.19559704360305258, 0.19564074271697746, 0.19564074271697754, 0.19564074271697754, 0.19564074271697746, 0.19564074271697748, 0.29831523275190114, 0.29831523275190114, 0.29831523275190114, 0.29831523275190114, 0.2983152327519011, 0.30071754604490747, 0.3007175460449074, 0.3007175460449074, 0.3007175460449074, 0.3007175460449074, 0.2983152327519011, 0.29831523275190114, 0.2983152327519011, 0.2983152327519011, 0.29831523275190114, 0.30071754604490747, 0.3007175460449074, 0.3007175460449074, 0.3007175460449074, 0.3007175460449074, 0.2983152327519011, 0.29831523275190114, 0.29831523275190114, 0.29831523275190114, 0.29831523275190114, 0.30071754604490747, 0.30071754604490747, 0.3007175460449074, 0.3007175460449074, 0.30071754604490747, 0.17487969910487955, 0.17487969910487955, 0.17487969910487952, 0.1748796991048795, 0.17487969910487955, 0.17308807009355504, 0.17308807009355498, 0.17308807009355504, 0.1730880700935551, 0.173088070093555, 0.17487969910487955, 0.17487969910487952, 0.17487969910487955, 0.1748796991048795, 0.17487969910487955, 0.173088070093555, 0.17308807009355498, 0.17308807009355506, 0.1730880700935551, 0.17308807009355504, 0.17487969910487952, 0.17487969910487955, 0.17487969910487952, 0.17487969910487952, 0.17487969910487952, 0.173088070093555, 0.17308807009355506, 0.1730880700935551, 0.173088070093555, 0.173088070093555, 0.3147440247155937, 0.31474402471559365, 0.3147440247155936, 0.3147440247155937, 0.3147440247155936, 0.31443602568656087, 0.3144360256865608, 0.3144360256865608, 0.31443602568656087, 0.3144360256865608, 0.3147440247155936, 0.31474402471559365, 0.3147440247155937, 0.31474402471559365, 0.3147440247155937, 0.31443602568656087, 0.3144360256865608, 0.31443602568656087, 0.3144360256865608, 0.31443602568656087, 0.3147440247155937, 0.31474402471559365, 0.31474402471559365, 0.3147440247155937, 0.31474402471559365, 0.3144360256865609, 0.31443602568656087, 0.31443602568656087, 0.31443602568656087, 0.31443602568656087, 0.20590093228871625, 0.20590093228871625, 0.2059009322887162, 0.2059009322887162, 0.2059009322887162, 0.20603787687924768, 0.20603787687924766, 0.20603787687924768, 0.20603787687924774, 0.20603787687924768, 0.2059009322887162, 0.2059009322887162, 0.20590093228871623, 0.2059009322887162, 0.20590093228871623, 0.20603787687924774, 0.20603787687924768, 0.20603787687924768, 0.20603787687924768, 0.20603787687924768, 0.2059009322887162, 0.20590093228871623, 0.20590093228871625, 0.20590093228871625, 0.2059009322887162, 0.20603787687924766, 0.20603787687924774, 0.20603787687924777, 0.20603787687924768, 0.20603787687924766]\n", "\n", "Abstraction error: 0.31766398847062505\n", "\n", "M1: ['X', 'W', 'V', 'U'] -> ['Z']\n", "M0: ['A', 'E', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 96)\n", "M0 mechanism shape: (24, 270)\n", "Alpha_s shape: (96, 270)\n", "Alpha_t shape: (24, 24)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.14671651019565887, 0.1467165101956589, 0.1467165101956589, 0.14671651019565882, 0.14671651019565893, 0.1467165101956589, 0.14671651019565893, 0.1467165101956589, 0.14671651019565898, 0.14671651019565898, 0.1467165101956589, 0.14671651019565893, 0.14671651019565882, 0.14671651019565893, 0.14671651019565893, 0.1467165101956589, 0.14671651019565882, 0.14671651019565896, 0.14671651019565893, 0.14671651019565893, 0.1467165101956589, 0.14671651019565887, 0.14671651019565896, 0.14671651019565898, 0.14671651019565898, 0.14671651019565898, 0.14671651019565887, 0.14671651019565893, 0.146716510195659, 0.14671651019565898, 0.1467165101956589, 0.14671651019565893, 0.1467165101956589, 0.14671651019565893, 0.14671651019565898, 0.14671651019565893, 0.14671651019565898, 0.1467165101956589, 0.14671651019565904, 0.14671651019565887, 0.14671651019565896, 0.14671651019565896, 0.14671651019565896, 0.14671651019565887, 0.14671651019565898, 0.14671651019565898, 0.1467165101956589, 0.14671651019565898, 0.14671651019565893, 0.146716510195659, 0.14671651019565882, 0.14671651019565893, 0.146716510195659, 0.14671651019565896, 0.14671651019565898, 0.14671651019565893, 0.14671651019565907, 0.14671651019565896, 0.14671651019565896, 0.1467165101956589, 0.14671651019565898, 0.14671651019565896, 0.14671651019565898, 0.14671651019565893, 0.14671651019565896, 0.14671651019565884, 0.14671651019565896, 0.14671651019565896, 0.1467165101956589, 0.1467165101956589, 0.14671651019565893, 0.1467165101956589, 0.14671651019565884, 0.14671651019565898, 0.14671651019565898, 0.14671651019565893, 0.14671651019565887, 0.14671651019565896, 0.1467165101956589, 0.14671651019565893, 0.14671651019565898, 0.14671651019565884, 0.1467165101956589, 0.1467165101956589, 0.14671651019565893, 0.14671651019565896, 0.14671651019565884, 0.14671651019565884, 0.14671651019565898, 0.14671651019565884, 0.12190811938213292, 0.12190811938213308, 0.12190811938213286, 0.12190811938213302, 0.12190811938213307, 0.12190811938213293, 0.121908119382133, 0.12190811938213304, 0.121908119382133, 0.12190811938213304, 0.12190811938213303, 0.12190811938213293, 0.12190811938213306, 0.12190811938213304, 0.121908119382133, 0.12190811938213314, 0.12190811938213288, 0.12190811938213308, 0.121908119382133, 0.12190811938213296, 0.12190811938213306, 0.12190811938213307, 0.12190811938213297, 0.12190811938213299, 0.12190811938213306, 0.12190811938213299, 0.12190811938213302, 0.12190811938213297, 0.12190811938213302, 0.12190811938213295, 0.12190811938213302, 0.12190811938213302, 0.12190811938213296, 0.12190811938213307, 0.121908119382133, 0.12190811938213288, 0.12190811938213307, 0.12190811938213303, 0.12190811938213302, 0.12190811938213303, 0.12190811938213302, 0.12190811938213302, 0.12190811938213303, 0.12190811938213295, 0.12190811938213308, 0.12190811938213304, 0.12190811938213292, 0.12190811938213306, 0.12190811938213306, 0.12190811938213295, 0.12190811938213315, 0.12190811938213299, 0.12190811938213293, 0.12190811938213303, 0.12190811938213302, 0.1219081193821329, 0.12190811938213289, 0.12190811938213296, 0.1219081193821329, 0.12190811938213293, 0.12190811938213307, 0.121908119382133, 0.12190811938213304, 0.12190811938213314, 0.12190811938213306, 0.1219081193821329, 0.12190811938213293, 0.12190811938213311, 0.12190811938213299, 0.12190811938213295, 0.12190811938213308, 0.12190811938213308, 0.12190811938213292, 0.12190811938213303, 0.12190811938213307, 0.12190811938213296, 0.12190811938213313, 0.12190811938213299, 0.12190811938213306, 0.12190811938213295, 0.12190811938213297, 0.12190811938213303, 0.12190811938213307, 0.12190811938213303, 0.12190811938213292, 0.12190811938213302, 0.12190811938213302, 0.12190811938213295, 0.12190811938213303, 0.12190811938213295, 0.12808385511874873, 0.12808385511874865, 0.12808385511874862, 0.12808385511874865, 0.12808385511874862, 0.1280838551187486, 0.12808385511874856, 0.12808385511874867, 0.1280838551187486, 0.1280838551187486, 0.12808385511874862, 0.12808385511874865, 0.12808385511874873, 0.1280838551187486, 0.12808385511874865, 0.1280838551187487, 0.12808385511874862, 0.12808385511874867, 0.1280838551187486, 0.1280838551187486, 0.1280838551187487, 0.1280838551187485, 0.12808385511874856, 0.12808385511874865, 0.12808385511874867, 0.12808385511874867, 0.1280838551187485, 0.12808385511874865, 0.12808385511874862, 0.12808385511874856, 0.1280838551187487, 0.1280838551187486, 0.1280838551187486, 0.1280838551187487, 0.12808385511874867, 0.12808385511874865, 0.12808385511874854, 0.1280838551187486, 0.12808385511874873, 0.12808385511874865, 0.12808385511874867, 0.12808385511874862, 0.1280838551187487, 0.12808385511874873, 0.12808385511874867, 0.1280838551187487, 0.12808385511874862, 0.1280838551187486, 0.12808385511874856, 0.12808385511874856, 0.1280838551187487, 0.12808385511874862, 0.1280838551187487, 0.12808385511874862, 0.1280838551187486, 0.12808385511874865, 0.12808385511874867, 0.12808385511874865, 0.1280838551187486, 0.1280838551187486, 0.12808385511874867, 0.12808385511874862, 0.12808385511874867, 0.12808385511874865, 0.12808385511874867, 0.12808385511874865, 0.12808385511874867, 0.12808385511874865, 0.12808385511874873, 0.12808385511874862, 0.1280838551187487, 0.1280838551187487, 0.12808385511874865, 0.12808385511874865, 0.12808385511874867, 0.1280838551187487, 0.12808385511874862, 0.12808385511874862, 0.12808385511874865, 0.12808385511874867, 0.1280838551187486, 0.12808385511874879, 0.12808385511874873, 0.12808385511874873, 0.12808385511874867, 0.12808385511874865, 0.12808385511874865, 0.12808385511874856, 0.12808385511874856, 0.1280838551187486]\n", "\n", "Abstraction error: 0.14671651019565907\n", "\n", "M1: ['X', 'W', 'V', 'U'] -> ['Z', 'Y']\n", "M0: ['A', 'E', 'F', 'G', 'I'] -> ['B', 'D', 'H']\n", "M1 mechanism shape: (72, 96)\n", "M0 mechanism shape: (96, 270)\n", "Alpha_s shape: (96, 270)\n", "Alpha_t shape: (72, 96)\n", "All JS distances: [0.1760842660865808, 0.17608426608658084, 0.17608426608658084, 0.1760842660865809, 0.17608426608658087, 0.17608426608658087, 0.17608426608658082, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.1760842660865809, 0.1760842660865809, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.1760842660865808, 0.17608426608658084, 0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.17608426608658087, 0.17608426608658084, 0.17608426608658084, 0.17608426608658084, 0.17608426608658087, 0.17608426608658082, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.1760842660865808, 0.17608426608658084, 0.17608426608658084, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.1760842660865808, 0.17608426608658087, 0.17608426608658084, 0.17608426608658084, 0.17608426608658084, 0.1760842660865809, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658082, 0.17608426608658084, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658082, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658084, 0.17608426608658084, 0.1760842660865809, 0.17608426608658082, 0.17608426608658087, 0.1760842660865809, 0.17608426608658087, 0.17608426608658082, 0.17608426608658084, 0.17608426608658084, 0.17608426608658082, 0.1760842660865808, 0.17608426608658087, 0.17608426608658084, 0.17608426608658087, 0.17608426608658087, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.16899071049739622, 0.16899071049739625, 0.16899071049739628, 0.16899071049739625, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.16899071049739617, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.16899071049739625, 0.1689907104973962, 0.16899071049739628, 0.16899071049739625, 0.1689907104973962, 0.16899071049739625, 0.16899071049739622, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.16899071049739617, 0.16899071049739617, 0.16899071049739622, 0.16899071049739625, 0.16899071049739622, 0.16899071049739625, 0.16899071049739617, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739625, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739617, 0.16899071049739622, 0.16899071049739625, 0.1689907104973962, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739617, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739625, 0.16899071049739622, 0.16899071049739622, 0.16899071049739622, 0.16899071049739625, 0.1689907104973962, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739617, 0.16899071049739617, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739622, 0.1689907104973962, 0.16899071049739628, 0.16899071049739622, 0.1689907104973962, 0.16899071049739622, 0.16899071049739628, 0.16899071049739622, 0.1689907104973962, 0.1689907104973962, 0.16899071049739622, 0.16899071049739625, 0.16899071049739622, 0.1678968020770706, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707053, 0.16789680207707064, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707056, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.1678968020770706, 0.16789680207707067, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707067, 0.16789680207707058, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706, 0.16789680207707058, 0.16789680207707058, 0.1678968020770706, 0.1678968020770706, 0.16789680207707067, 0.1678968020770706, 0.1678968020770706, 0.1678968020770706, 0.16789680207707067, 0.16789680207707058, 0.1678968020770706, 0.16789680207707056, 0.16789680207707058, 0.16789680207707064, 0.16789680207707058, 0.16789680207707064, 0.1678968020770706]\n", "\n", "Abstraction error: 0.1760842660865809\n", "\n", "M1: ['Z', 'Y', 'W', 'U'] -> ['V']\n", "M0: ['B', 'D', 'E', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 288)\n", "M0 mechanism shape: (15, 576)\n", "Alpha_s shape: (288, 576)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390305, 0.12105668784390304, 0.12105668784390329, 0.12105668784390318, 0.12105668784390328, 0.12105668784390321, 0.15627890754249976, 0.15627890754249962, 0.15627890754249985, 0.15627890754249968, 0.15627890754249976, 0.1562789075424996, 0.12506564491964445, 0.12506564491964436, 0.12506564491964453, 0.12506564491964445, 0.12506564491964445, 0.1250656449196445, 0.0903880735201062, 0.09038807352010601, 0.09038807352010604, 0.09038807352010608, 0.09038807352010611, 0.09038807352010596, 0.12105668784390303, 0.12105668784390321, 0.12105668784390317, 0.12105668784390315, 0.12105668784390343, 0.12105668784390326, 0.1562789075424997, 0.15627890754249985, 0.1562789075424998, 0.15627890754249973, 0.15627890754249973, 0.15627890754249987, 0.1250656449196445, 0.12506564491964445, 0.12506564491964436, 0.12506564491964445, 0.1250656449196443, 0.12506564491964456, 0.09038807352010617, 0.09038807352010596, 0.09038807352010622, 0.0903880735201063, 0.0903880735201059, 0.09038807352010599, 0.12105668784390303, 0.1210566878439033, 0.12105668784390305, 0.12105668784390318, 0.12105668784390325, 0.12105668784390333, 0.1562789075424998, 0.1562789075424998, 0.15627890754249973, 0.15627890754249987, 0.15627890754249965, 0.1562789075424997, 0.12506564491964448, 0.1250656449196444, 0.12506564491964453, 0.12506564491964436, 0.12506564491964442, 0.1250656449196444, 0.09038807352010633, 0.09038807352010614, 0.09038807352010607, 0.09038807352010604, 0.09038807352010604, 0.09038807352010632, 0.12105668784390303, 0.12105668784390317, 0.12105668784390318, 0.12105668784390312, 0.12105668784390311, 0.12105668784390311, 0.15627890754249996, 0.15627890754249973, 0.15627890754249982, 0.15627890754249976, 0.1562789075424997, 0.15627890754249976, 0.12506564491964442, 0.12506564491964453, 0.12506564491964445, 0.12506564491964445, 0.12506564491964434, 0.12506564491964448, 0.09038807352010618, 0.09038807352010633, 0.09038807352010604, 0.09038807352010617, 0.09038807352010604, 0.09038807352010643, 0.12105668784390321, 0.12105668784390322, 0.12105668784390326, 0.1210566878439033, 0.12105668784390324, 0.1210566878439031, 0.1562789075424998, 0.1562789075424995, 0.1562789075424998, 0.15627890754249962, 0.15627890754249985, 0.15627890754249973, 0.12506564491964442, 0.1250656449196445, 0.12506564491964461, 0.1250656449196445, 0.12506564491964453, 0.12506564491964453, 0.09038807352010626, 0.09038807352010617, 0.09038807352010605, 0.0903880735201061, 0.09038807352010599, 0.09038807352010615, 0.12105668784390337, 0.12105668784390317, 0.12105668784390314, 0.12105668784390325, 0.1210566878439031, 0.12105668784390308, 0.1562789075424998, 0.15627890754249973, 0.15627890754249973, 0.15627890754249968, 0.1562789075424998, 0.1562789075424999, 0.1250656449196445, 0.12506564491964456, 0.1250656449196444, 0.1250656449196444, 0.12506564491964453, 0.12506564491964464, 0.09038807352010604, 0.09038807352010614, 0.09038807352010604, 0.09038807352010589, 0.09038807352010612, 0.09038807352010635, 0.12152027265917033, 0.12152027265917054, 0.12152027265917047, 0.12152027265917036, 0.12152027265917059, 0.12152027265917023, 0.15830340008608335, 0.15830340008608312, 0.15830340008608318, 0.15830340008608318, 0.15830340008608304, 0.15830340008608304, 0.12560941066072562, 0.12560941066072548, 0.12560941066072573, 0.1256094106607255, 0.1256094106607257, 0.12560941066072573, 0.09063943467592883, 0.09063943467592904, 0.09063943467592864, 0.09063943467592887, 0.09063943467592875, 0.09063943467592891, 0.12152027265917045, 0.12152027265917043, 0.12152027265917058, 0.12152027265917037, 0.12152027265917047, 0.1215202726591705, 0.15830340008608318, 0.15830340008608312, 0.15830340008608307, 0.15830340008608318, 0.15830340008608312, 0.1583034000860831, 0.12560941066072567, 0.1256094106607256, 0.12560941066072562, 0.12560941066072562, 0.12560941066072578, 0.12560941066072553, 0.09063943467592883, 0.0906394346759287, 0.09063943467592858, 0.09063943467592896, 0.09063943467592853, 0.0906394346759287, 0.12152027265917052, 0.12152027265917031, 0.12152027265917048, 0.1215202726591706, 0.12152027265917038, 0.12152027265917041, 0.15830340008608323, 0.15830340008608315, 0.1583034000860833, 0.1583034000860831, 0.1583034000860832, 0.15830340008608312, 0.12560941066072562, 0.12560941066072565, 0.1256094106607256, 0.12560941066072565, 0.12560941066072567, 0.12560941066072562, 0.09063943467592872, 0.09063943467592878, 0.0906394346759287, 0.09063943467592894, 0.09063943467592864, 0.09063943467592869, 0.12152027265917043, 0.12152027265917037, 0.12152027265917037, 0.12152027265917034, 0.12152027265917048, 0.12152027265917045, 0.15830340008608312, 0.1583034000860832, 0.1583034000860832, 0.1583034000860831, 0.15830340008608323, 0.15830340008608318, 0.1256094106607257, 0.12560941066072556, 0.12560941066072565, 0.12560941066072578, 0.12560941066072573, 0.12560941066072556, 0.09063943467592868, 0.09063943467592865, 0.09063943467592862, 0.0906394346759288, 0.09063943467592896, 0.09063943467592854, 0.12152027265917047, 0.12152027265917036, 0.12152027265917044, 0.12152027265917047, 0.1215202726591703, 0.12152027265917038, 0.15830340008608312, 0.1583034000860831, 0.15830340008608293, 0.1583034000860833, 0.15830340008608315, 0.158303400086083, 0.12560941066072576, 0.12560941066072556, 0.12560941066072565, 0.1256094106607256, 0.1256094106607258, 0.12560941066072567, 0.09063943467592886, 0.09063943467592876, 0.09063943467592876, 0.09063943467592886, 0.09063943467592867, 0.0906394346759286, 0.12152027265917041, 0.12152027265917026, 0.12152027265917026, 0.12152027265917034, 0.12152027265917038, 0.12152027265917044, 0.15830340008608304, 0.1583034000860831, 0.15830340008608312, 0.15830340008608312, 0.15830340008608315, 0.15830340008608315, 0.12560941066072565, 0.12560941066072556, 0.1256094106607257, 0.1256094106607256, 0.12560941066072542, 0.1256094106607256, 0.09063943467592891, 0.09063943467592891, 0.09063943467592876, 0.09063943467592858, 0.09063943467592875, 0.09063943467592879, 0.11833729828318673, 0.11833729828318694, 0.11833729828318665, 0.11833729828318672, 0.11833729828318673, 0.11833729828318694, 0.15950059661867855, 0.15950059661867866, 0.1595005966186786, 0.15950059661867882, 0.1595005966186787, 0.1595005966186788, 0.12201407815303329, 0.12201407815303315, 0.12201407815303329, 0.12201407815303318, 0.12201407815303339, 0.12201407815303332, 0.09028000708952916, 0.09028000708952885, 0.09028000708952896, 0.09028000708952896, 0.09028000708952891, 0.09028000708952905, 0.11833729828318694, 0.11833729828318684, 0.11833729828318684, 0.11833729828318669, 0.11833729828318672, 0.11833729828318688, 0.1595005966186786, 0.15950059661867866, 0.15950059661867869, 0.1595005966186788, 0.15950059661867877, 0.15950059661867869, 0.12201407815303329, 0.1220140781530332, 0.12201407815303336, 0.12201407815303321, 0.12201407815303322, 0.12201407815303325, 0.09028000708952913, 0.09028000708952925, 0.09028000708952895, 0.09028000708952894, 0.09028000708952905, 0.09028000708952894, 0.11833729828318677, 0.1183372982831869, 0.11833729828318684, 0.11833729828318688, 0.11833729828318659, 0.1183372982831869, 0.15950059661867882, 0.15950059661867869, 0.15950059661867858, 0.15950059661867874, 0.1595005966186789, 0.15950059661867869, 0.12201407815303328, 0.12201407815303303, 0.12201407815303338, 0.12201407815303338, 0.12201407815303332, 0.12201407815303333, 0.09028000708952912, 0.09028000708952888, 0.0902800070895291, 0.09028000708952919, 0.09028000708952888, 0.09028000708952912, 0.11833729828318673, 0.11833729828318675, 0.11833729828318669, 0.11833729828318681, 0.11833729828318679, 0.11833729828318675, 0.15950059661867869, 0.1595005966186788, 0.15950059661867877, 0.1595005966186788, 0.15950059661867874, 0.1595005966186787, 0.12201407815303322, 0.1220140781530333, 0.1220140781530333, 0.12201407815303332, 0.12201407815303333, 0.12201407815303345, 0.09028000708952899, 0.09028000708952935, 0.09028000708952895, 0.0902800070895289, 0.09028000708952923, 0.09028000708952888, 0.11833729828318662, 0.1183372982831869, 0.11833729828318668, 0.11833729828318656, 0.1183372982831866, 0.11833729828318669, 0.15950059661867866, 0.15950059661867874, 0.15950059661867874, 0.15950059661867877, 0.15950059661867885, 0.15950059661867877, 0.1220140781530334, 0.12201407815303349, 0.12201407815303324, 0.12201407815303333, 0.12201407815303322, 0.12201407815303336, 0.09028000708952916, 0.09028000708952914, 0.09028000708952882, 0.09028000708952894, 0.090280007089529, 0.09028000708952925, 0.11833729828318665, 0.118337298283187, 0.11833729828318683, 0.11833729828318669, 0.11833729828318683, 0.11833729828318668, 0.15950059661867869, 0.1595005966186787, 0.15950059661867874, 0.15950059661867874, 0.15950059661867877, 0.15950059661867855, 0.12201407815303322, 0.12201407815303318, 0.12201407815303346, 0.12201407815303329, 0.12201407815303322, 0.12201407815303321, 0.09028000708952888, 0.09028000708952899, 0.0902800070895291, 0.09028000708952896, 0.09028000708952905, 0.09028000708952906, 0.12081853718726927, 0.12081853718726916, 0.12081853718726898, 0.12081853718726912, 0.12081853718726929, 0.12081853718726909, 0.1661239828996008, 0.1661239828996008, 0.16612398289960062, 0.16612398289960084, 0.1661239828996008, 0.16612398289960068, 0.12402295722991731, 0.12402295722991759, 0.12402295722991724, 0.12402295722991732, 0.12402295722991732, 0.12402295722991728, 0.09553296052602436, 0.09553296052602452, 0.09553296052602459, 0.09553296052602428, 0.0955329605260244, 0.09553296052602434, 0.12081853718726915, 0.12081853718726931, 0.12081853718726936, 0.12081853718726927, 0.12081853718726938, 0.12081853718726925, 0.16612398289960073, 0.16612398289960065, 0.16612398289960076, 0.16612398289960065, 0.16612398289960054, 0.16612398289960068, 0.12402295722991737, 0.12402295722991753, 0.12402295722991748, 0.12402295722991735, 0.1240229572299175, 0.1240229572299173, 0.09553296052602435, 0.09553296052602457, 0.09553296052602453, 0.0955329605260244, 0.09553296052602454, 0.0955329605260244, 0.12081853718726916, 0.12081853718726916, 0.12081853718726936, 0.12081853718726922, 0.12081853718726936, 0.12081853718726916, 0.16612398289960073, 0.16612398289960076, 0.16612398289960084, 0.1661239828996008, 0.16612398289960065, 0.16612398289960076, 0.12402295722991742, 0.12402295722991746, 0.12402295722991727, 0.12402295722991746, 0.12402295722991737, 0.12402295722991738, 0.09553296052602446, 0.09553296052602425, 0.09553296052602463, 0.09553296052602436, 0.09553296052602427, 0.09553296052602438, 0.12081853718726919, 0.12081853718726922, 0.12081853718726915, 0.12081853718726931, 0.1208185371872693, 0.12081853718726915, 0.1661239828996008, 0.16612398289960073, 0.1661239828996007, 0.1661239828996007, 0.16612398289960087, 0.1661239828996006, 0.12402295722991742, 0.12402295722991742, 0.12402295722991748, 0.1240229572299173, 0.12402295722991731, 0.12402295722991746, 0.09553296052602438, 0.09553296052602465, 0.09553296052602447, 0.09553296052602459, 0.09553296052602431, 0.09553296052602482, 0.12081853718726925, 0.12081853718726909, 0.12081853718726919, 0.12081853718726923, 0.12081853718726927, 0.1208185371872692, 0.1661239828996008, 0.16612398289960068, 0.16612398289960076, 0.16612398289960076, 0.16612398289960065, 0.1661239828996007, 0.12402295722991745, 0.12402295722991752, 0.12402295722991728, 0.12402295722991721, 0.1240229572299174, 0.12402295722991737, 0.09553296052602438, 0.09553296052602427, 0.0955329605260244, 0.09553296052602452, 0.0955329605260245, 0.09553296052602436, 0.12081853718726933, 0.1208185371872692, 0.12081853718726937, 0.12081853718726931, 0.12081853718726915, 0.12081853718726933, 0.16612398289960068, 0.16612398289960073, 0.16612398289960073, 0.16612398289960068, 0.1661239828996008, 0.16612398289960073, 0.12402295722991738, 0.1240229572299174, 0.1240229572299174, 0.12402295722991735, 0.12402295722991716, 0.1240229572299173, 0.09553296052602438, 0.09553296052602428, 0.09553296052602459, 0.09553296052602443, 0.09553296052602436, 0.09553296052602428]\n", "\n", "Abstraction error: 0.16612398289960087\n", "\n", "M1: ['Z', 'Y', 'W', 'U'] -> ['X', 'V']\n", "M0: ['B', 'D', 'E', 'G', 'H'] -> ['A', 'F', 'I']\n", "M1 mechanism shape: (24, 288)\n", "M0 mechanism shape: (45, 576)\n", "Alpha_s shape: (288, 576)\n", "Alpha_t shape: (24, 45)\n", "All JS distances: [0.299313661121234, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.2899226054124036, 0.28992260541240356, 0.2899226054124036, 0.2899226054124036, 0.2899226054124036, 0.2899226054124036, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.299313661121234, 0.2993136611212339, 0.2993136611212339, 0.31307518477575885, 0.31307518477575885, 0.3130751847757588, 0.3130751847757588, 0.31307518477575885, 0.3130751847757588, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.28992260541240356, 0.2899226054124036, 0.28992260541240356, 0.2899226054124036, 0.28992260541240356, 0.2899226054124036, 0.299313661121234, 0.29931366112123386, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.3007235367439133, 0.28992260541240356, 0.2899226054124036, 0.28992260541240356, 0.2899226054124035, 0.2899226054124036, 0.28992260541240356, 0.2993136611212339, 0.299313661121234, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.299313661121234, 0.3130751847757588, 0.3130751847757588, 0.31307518477575885, 0.31307518477575885, 0.3130751847757588, 0.3130751847757588, 0.3007235367439133, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.2899226054124036, 0.28992260541240356, 0.2899226054124036, 0.28992260541240356, 0.28992260541240356, 0.2899226054124036, 0.2993136611212339, 0.299313661121234, 0.299313661121234, 0.2993136611212339, 0.2993136611212339, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.31307518477575885, 0.3007235367439132, 0.30072353674391333, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.3007235367439133, 0.28992260541240356, 0.28992260541240356, 0.28992260541240356, 0.2899226054124036, 0.28992260541240356, 0.28992260541240356, 0.2993136611212339, 0.299313661121234, 0.2993136611212339, 0.299313661121234, 0.2993136611212339, 0.2993136611212339, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3130751847757588, 0.3007235367439133, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.30072353674391333, 0.2899226054124037, 0.28992260541240356, 0.2899226054124036, 0.2899226054124036, 0.2899226054124036, 0.2899226054124036, 0.2994710723184173, 0.2994710723184173, 0.29947107231841724, 0.2994710723184173, 0.2994710723184173, 0.29947107231841735, 0.3139527721423171, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.30091350776591674, 0.3009135077659167, 0.3009135077659168, 0.30091350776591674, 0.3009135077659168, 0.3009135077659168, 0.28998763074938466, 0.2899876307493846, 0.28998763074938466, 0.28998763074938466, 0.28998763074938466, 0.2899876307493846, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.29947107231841735, 0.29947107231841735, 0.29947107231841724, 0.3139527721423171, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.3139527721423172, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.3009135077659167, 0.30091350776591674, 0.30091350776591674, 0.28998763074938455, 0.2899876307493846, 0.2899876307493846, 0.28998763074938466, 0.2899876307493846, 0.2899876307493846, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.29947107231841735, 0.2994710723184173, 0.29947107231841735, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.2899876307493846, 0.28998763074938455, 0.2899876307493846, 0.2899876307493846, 0.2899876307493846, 0.2899876307493846, 0.29947107231841735, 0.29947107231841735, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.29947107231841735, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.3139527721423171, 0.31395277214231715, 0.3009135077659167, 0.30091350776591674, 0.3009135077659168, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.28998763074938455, 0.28998763074938466, 0.2899876307493846, 0.2899876307493846, 0.2899876307493846, 0.28998763074938466, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.29947107231841724, 0.29947107231841724, 0.29947107231841735, 0.3139527721423171, 0.3139527721423171, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.3139527721423171, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.3009135077659168, 0.3009135077659168, 0.2899876307493846, 0.28998763074938455, 0.28998763074938455, 0.2899876307493846, 0.2899876307493846, 0.2899876307493846, 0.29947107231841735, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.2994710723184173, 0.3139527721423171, 0.3139527721423171, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.31395277214231715, 0.3009135077659167, 0.30091350776591674, 0.30091350776591674, 0.30091350776591674, 0.3009135077659168, 0.3009135077659168, 0.28998763074938466, 0.28998763074938466, 0.28998763074938455, 0.28998763074938455, 0.28998763074938466, 0.2899876307493846, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.29965131762769265, 0.29965131762769265, 0.29965131762769265, 0.29965131762769265, 0.2996513176276926, 0.29965131762769265, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.2898901240833615, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.29838529505769823, 0.2983852950576982, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.2996513176276926, 0.29965131762769265, 0.2996513176276926, 0.29965131762769265, 0.2996513176276926, 0.29965131762769265, 0.28989012408336157, 0.28989012408336157, 0.2898901240833615, 0.2898901240833615, 0.28989012408336157, 0.28989012408336157, 0.2983852950576981, 0.2983852950576981, 0.29838529505769823, 0.2983852950576982, 0.29838529505769823, 0.2983852950576982, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.31449384552895604, 0.31449384552895615, 0.29965131762769265, 0.29965131762769265, 0.29965131762769265, 0.2996513176276926, 0.29965131762769254, 0.2996513176276926, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.2898901240833616, 0.28989012408336157, 0.2898901240833615, 0.2983852950576982, 0.2983852950576981, 0.2983852950576982, 0.2983852950576981, 0.2983852950576981, 0.2983852950576982, 0.31449384552895604, 0.31449384552895615, 0.31449384552895604, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.29965131762769265, 0.2996513176276926, 0.29965131762769265, 0.29965131762769265, 0.29965131762769265, 0.2996513176276926, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.2898901240833615, 0.28989012408336157, 0.2983852950576982, 0.2983852950576981, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.29838529505769806, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.31449384552895604, 0.3144938455289561, 0.3144938455289561, 0.2996513176276926, 0.2996513176276926, 0.29965131762769265, 0.29965131762769265, 0.2996513176276926, 0.2996513176276926, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.28989012408336157, 0.2898901240833615, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.2983852950576982, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.3144938455289561, 0.31449384552895604, 0.2996513176276926, 0.29965131762769265, 0.2996513176276926, 0.2996513176276926, 0.29965131762769254, 0.29965131762769265, 0.28989012408336157, 0.28989012408336146, 0.28989012408336157, 0.28989012408336157, 0.2898901240833615, 0.28989012408336157, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.3174127828811229, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.3174127828811229, 0.3174127828811229, 0.30039083560568636, 0.3003908356056863, 0.3003908356056864, 0.30039083560568636, 0.3003908356056863, 0.3003908356056864, 0.2913205071664122, 0.2913205071664123, 0.2913205071664122, 0.29132050716641217, 0.2913205071664123, 0.2913205071664122, 0.2992642821829253, 0.2992642821829252, 0.2992642821829253, 0.2992642821829253, 0.2992642821829253, 0.2992642821829252, 0.3174127828811229, 0.3174127828811229, 0.3174127828811229, 0.31741278288112285, 0.3174127828811229, 0.31741278288112285, 0.30039083560568636, 0.30039083560568636, 0.3003908356056863, 0.3003908356056863, 0.3003908356056864, 0.30039083560568636, 0.2913205071664123, 0.2913205071664123, 0.2913205071664122, 0.2913205071664123, 0.2913205071664122, 0.2913205071664123, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829253, 0.2992642821829253, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.3174127828811228, 0.30039083560568636, 0.3003908356056864, 0.3003908356056864, 0.30039083560568636, 0.30039083560568636, 0.30039083560568636, 0.2913205071664123, 0.2913205071664123, 0.2913205071664122, 0.2913205071664122, 0.2913205071664123, 0.2913205071664123, 0.2992642821829253, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829252, 0.2992642821829253, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.30039083560568636, 0.30039083560568636, 0.3003908356056864, 0.3003908356056863, 0.3003908356056863, 0.30039083560568636, 0.2913205071664122, 0.2913205071664123, 0.2913205071664123, 0.2913205071664122, 0.2913205071664123, 0.2913205071664122, 0.2992642821829253, 0.2992642821829253, 0.29926428218292533, 0.2992642821829252, 0.2992642821829253, 0.2992642821829253, 0.3174127828811229, 0.3174127828811229, 0.31741278288112285, 0.3174127828811229, 0.31741278288112285, 0.31741278288112285, 0.30039083560568636, 0.3003908356056864, 0.3003908356056864, 0.3003908356056864, 0.3003908356056863, 0.3003908356056864, 0.2913205071664123, 0.2913205071664123, 0.2913205071664122, 0.2913205071664122, 0.2913205071664122, 0.2913205071664122, 0.2992642821829253, 0.2992642821829252, 0.2992642821829253, 0.2992642821829253, 0.2992642821829252, 0.2992642821829252, 0.31741278288112285, 0.31741278288112285, 0.31741278288112285, 0.3174127828811229, 0.3174127828811229, 0.3174127828811229, 0.30039083560568636, 0.3003908356056864, 0.3003908356056863, 0.30039083560568636, 0.3003908356056864, 0.30039083560568636, 0.29132050716641217, 0.2913205071664122, 0.2913205071664122, 0.2913205071664122, 0.2913205071664122, 0.2913205071664122]\n", "\n", "Abstraction error: 0.3174127828811229\n", "\n", "M1: ['Z', 'Y', 'V', 'U'] -> ['W']\n", "M0: ['B', 'D', 'F', 'G', 'H', 'I'] -> ['E']\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M1 mechanism shape: (2, 1152)\n", "M0 mechanism shape: (3, 2880)\n", "Alpha_s shape: (1152, 2880)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.2980002726881261, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.20700466096979914, 0.2070046609697992, 0.20700466096979894, 0.20700466096979894, 0.20700466096979914, 0.207004660969799, 0.20700466096979933, 0.20700466096979894, 0.2070046609697991, 0.2070046609697992, 0.20700466096979886, 0.20700466096979914, 0.2070046609697991, 0.20700466096979916, 0.2070046609697992, 0.20700466096979891, 0.20700466096979916, 0.20700466096979914, 0.20700466096979925, 0.20700466096979925, 0.20700466096979933, 0.20700466096979933, 0.20700466096979914, 0.20700466096979916, 0.20700466096979916, 0.20700466096979914, 0.2070046609697992, 0.2070046609697992, 0.20700466096979914, 0.20700466096979908, 0.30102909061736904, 0.30102909061736904, 0.3010290906173689, 0.30102909061736893, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.30102909061736915, 0.30102909061736915, 0.30102909061736893, 0.3010290906173692, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.3010290906173691, 0.30102909061736904, 0.3010290906173691, 0.30102909061736893, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.26188327036959036, 0.2618832703695903, 0.2618832703695904, 0.26188327036959036, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.26188327036959047, 0.26188327036959047, 0.26188327036959025, 0.26188327036959025, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959047, 0.26188327036959036, 0.2618832703695903, 0.2618832703695904, 0.26188327036959025, 0.2618832703695902, 0.2618832703695903, 0.29800027268812584, 0.298000272688126, 0.29800027268812596, 0.29800027268812584, 0.2980002726881261, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.29800027268812584, 0.298000272688126, 0.2980002726881259, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.298000272688126, 0.2980002726881259, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.20700466096979894, 0.20700466096979914, 0.20700466096979925, 0.2070046609697992, 0.20700466096979933, 0.2070046609697992, 0.20700466096979922, 0.20700466096979928, 0.20700466096979908, 0.20700466096979914, 0.2070046609697991, 0.20700466096979925, 0.20700466096979928, 0.20700466096979894, 0.20700466096979928, 0.2070046609697991, 0.20700466096979933, 0.20700466096979894, 0.20700466096979914, 0.20700466096979894, 0.20700466096979936, 0.20700466096979933, 0.20700466096979916, 0.20700466096979933, 0.20700466096979933, 0.2070046609697992, 0.20700466096979916, 0.20700466096979922, 0.20700466096979914, 0.20700466096979897, 0.301029090617369, 0.3010290906173691, 0.30102909061736915, 0.30102909061736893, 0.30102909061736904, 0.30102909061736893, 0.30102909061736915, 0.3010290906173691, 0.30102909061736893, 0.30102909061736904, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.30102909061736904, 0.30102909061736904, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.30102909061736904, 0.30102909061736904, 0.3010290906173691, 0.30102909061736893, 0.30102909061736893, 0.30102909061736893, 0.30102909061736904, 0.2618832703695902, 0.26188327036959025, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695901, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.26188327036959047, 0.26188327036959025, 0.2618832703695904, 0.2618832703695903, 0.26188327036959025, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812584, 0.29800027268812584, 0.29800027268812584, 0.29800027268812584, 0.2980002726881261, 0.29800027268812584, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.2980002726881258, 0.29800027268812584, 0.29800027268812607, 0.20700466096979894, 0.20700466096979894, 0.20700466096979894, 0.20700466096979928, 0.20700466096979922, 0.2070046609697991, 0.20700466096979916, 0.20700466096979914, 0.20700466096979894, 0.20700466096979916, 0.20700466096979891, 0.20700466096979914, 0.20700466096979894, 0.20700466096979916, 0.2070046609697992, 0.20700466096979894, 0.20700466096979928, 0.2070046609697992, 0.2070046609697992, 0.2070046609697991, 0.2070046609697991, 0.20700466096979916, 0.2070046609697988, 0.20700466096979891, 0.20700466096979914, 0.2070046609697992, 0.2070046609697991, 0.20700466096979925, 0.20700466096979914, 0.20700466096979914, 0.3010290906173692, 0.3010290906173692, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.30102909061736904, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.3010290906173691, 0.30102909061736915, 0.30102909061736904, 0.30102909061736904, 0.3010290906173691, 0.3010290906173691, 0.30102909061736893, 0.30102909061736904, 0.3010290906173691, 0.3010290906173691, 0.2618832703695903, 0.26188327036959025, 0.2618832703695903, 0.26188327036959047, 0.2618832703695901, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.26188327036959047, 0.26188327036959047, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.26188327036959036, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2980002726881259, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.2980002726881259, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.2980002726881258, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.20700466096979914, 0.20700466096979916, 0.20700466096979891, 0.20700466096979928, 0.2070046609697992, 0.20700466096979908, 0.2070046609697992, 0.20700466096979933, 0.20700466096979894, 0.20700466096979916, 0.2070046609697988, 0.20700466096979908, 0.20700466096979914, 0.20700466096979903, 0.2070046609697991, 0.20700466096979914, 0.20700466096979894, 0.20700466096979916, 0.20700466096979916, 0.207004660969799, 0.20700466096979891, 0.20700466096979914, 0.2070046609697991, 0.20700466096979928, 0.20700466096979908, 0.2070046609697992, 0.20700466096979914, 0.20700466096979916, 0.20700466096979894, 0.20700466096979914, 0.30102909061736893, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.3010290906173692, 0.30102909061736927, 0.30102909061736915, 0.3010290906173691, 0.3010290906173692, 0.301029090617369, 0.30102909061736915, 0.3010290906173691, 0.3010290906173692, 0.30102909061736904, 0.30102909061736927, 0.3010290906173691, 0.301029090617369, 0.30102909061736927, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.3010290906173691, 0.30102909061736904, 0.26188327036959047, 0.26188327036959047, 0.2618832703695903, 0.26188327036959047, 0.2618832703695903, 0.26188327036959014, 0.2618832703695903, 0.2618832703695904, 0.2618832703695904, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.26188327036959036, 0.2618832703695905, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.29800027268812584, 0.2980002726881261, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812573, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812596, 0.298000272688126, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.2980002726881261, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.298000272688126, 0.20700466096979928, 0.20700466096979883, 0.20700466096979928, 0.20700466096979891, 0.20700466096979891, 0.20700466096979914, 0.20700466096979925, 0.20700466096979894, 0.20700466096979914, 0.20700466096979916, 0.2070046609697992, 0.20700466096979908, 0.20700466096979886, 0.20700466096979922, 0.2070046609697992, 0.2070046609697992, 0.20700466096979905, 0.2070046609697991, 0.2070046609697992, 0.20700466096979922, 0.20700466096979914, 0.2070046609697991, 0.20700466096979894, 0.2070046609697992, 0.20700466096979908, 0.20700466096979914, 0.20700466096979914, 0.20700466096979922, 0.20700466096979916, 0.2070046609697992, 0.3010290906173692, 0.30102909061736904, 0.30102909061736893, 0.3010290906173691, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.30102909061736904, 0.3010290906173691, 0.30102909061736915, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.30102909061736893, 0.3010290906173691, 0.30102909061736893, 0.3010290906173691, 0.30102909061736915, 0.3010290906173691, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.3010290906173692, 0.301029090617369, 0.3010290906173692, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.30102909061736904, 0.26188327036959047, 0.2618832703695903, 0.2618832703695903, 0.2618832703695905, 0.2618832703695903, 0.2618832703695902, 0.26188327036959, 0.2618832703695902, 0.2618832703695902, 0.2618832703695904, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.26188327036959025, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.2618832703695904, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812573, 0.29800027268812584, 0.29800027268812596, 0.20700466096979933, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.20700466096979894, 0.20700466096979933, 0.20700466096979894, 0.20700466096979936, 0.20700466096979933, 0.20700466096979908, 0.20700466096979908, 0.20700466096979916, 0.20700466096979928, 0.2070046609697991, 0.20700466096979891, 0.20700466096979933, 0.20700466096979936, 0.2070046609697992, 0.20700466096979933, 0.20700466096979894, 0.20700466096979922, 0.20700466096979914, 0.20700466096979914, 0.20700466096979933, 0.2070046609697992, 0.20700466096979891, 0.20700466096979925, 0.2070046609697992, 0.2070046609697991, 0.20700466096979894, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.3010290906173692, 0.301029090617369, 0.30102909061736904, 0.30102909061736904, 0.30102909061736904, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.30102909061736904, 0.3010290906173691, 0.30102909061736904, 0.3010290906173692, 0.3010290906173691, 0.30102909061736893, 0.30102909061736904, 0.3010290906173692, 0.3010290906173691, 0.30102909061736927, 0.3010290906173692, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.30102909061736915, 0.3010290906173692, 0.2618832703695902, 0.26188327036959036, 0.26188327036959047, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695904, 0.26188327036959, 0.26188327036959036, 0.26188327036959025, 0.2618832703695905, 0.26188327036959, 0.2618832703695904, 0.2618832703695902, 0.2618832703695904, 0.2618832703695904, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.26188327036959025, 0.26188327036959047, 0.2618832703695904, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.26188327036959014, 0.26188327036959025, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.17096250931531637, 0.1709625093153163, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.17096250931531654, 0.1709625093153166, 0.1709625093153163, 0.1709625093153165, 0.17096250931531654, 0.17096250931531637, 0.17096250931531645, 0.17096250931531637, 0.1709625093153166, 0.1709625093153165, 0.17096250931531656, 0.1709625093153166, 0.1709625093153166, 0.17096250931531654, 0.1709625093153166, 0.17096250931531654, 0.1709625093153162, 0.1709625093153163, 0.17096250931531654, 0.1709625093153166, 0.1709625093153166, 0.17096250931531642, 0.1709625093153163, 0.1709625093153166, 0.1709625093153166, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.34913294828577357, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.22635077425815686, 0.2263507742581571, 0.2263507742581572, 0.2263507742581571, 0.22635077425815717, 0.2263507742581572, 0.2263507742581572, 0.22635077425815694, 0.22635077425815692, 0.22635077425815708, 0.2263507742581571, 0.22635077425815708, 0.22635077425815706, 0.2263507742581571, 0.22635077425815706, 0.22635077425815708, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.22635077425815708, 0.2263507742581572, 0.22635077425815697, 0.22635077425815714, 0.22635077425815714, 0.2263507742581571, 0.22635077425815692, 0.22635077425815703, 0.22635077425815708, 0.2263507742581569, 0.22635077425815703, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.34615164212143434, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.17096250931531637, 0.17096250931531637, 0.1709625093153166, 0.17096250931531656, 0.17096250931531648, 0.17096250931531642, 0.1709625093153165, 0.17096250931531656, 0.1709625093153163, 0.1709625093153166, 0.17096250931531654, 0.17096250931531637, 0.17096250931531656, 0.1709625093153166, 0.1709625093153165, 0.17096250931531662, 0.1709625093153166, 0.17096250931531648, 0.17096250931531654, 0.1709625093153162, 0.17096250931531654, 0.17096250931531656, 0.17096250931531648, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.1709625093153166, 0.17096250931531629, 0.1709625093153166, 0.17096250931531648, 0.3491329482857736, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.22635077425815703, 0.22635077425815714, 0.2263507742581572, 0.22635077425815714, 0.22635077425815714, 0.22635077425815706, 0.22635077425815703, 0.22635077425815708, 0.22635077425815703, 0.22635077425815694, 0.2263507742581571, 0.22635077425815717, 0.2263507742581572, 0.22635077425815706, 0.22635077425815708, 0.226350774258157, 0.2263507742581571, 0.22635077425815683, 0.22635077425815706, 0.2263507742581571, 0.22635077425815703, 0.22635077425815697, 0.2263507742581571, 0.22635077425815708, 0.22635077425815706, 0.22635077425815703, 0.22635077425815703, 0.22635077425815714, 0.22635077425815706, 0.22635077425815697, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.17096250931531648, 0.17096250931531617, 0.17096250931531637, 0.1709625093153166, 0.1709625093153166, 0.17096250931531648, 0.17096250931531656, 0.17096250931531656, 0.1709625093153163, 0.17096250931531656, 0.17096250931531637, 0.1709625093153166, 0.1709625093153165, 0.1709625093153165, 0.1709625093153163, 0.1709625093153162, 0.17096250931531648, 0.17096250931531645, 0.1709625093153162, 0.1709625093153165, 0.1709625093153162, 0.1709625093153165, 0.17096250931531642, 0.17096250931531662, 0.17096250931531645, 0.17096250931531629, 0.1709625093153166, 0.1709625093153162, 0.17096250931531648, 0.1709625093153162, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.22635077425815708, 0.22635077425815686, 0.22635077425815706, 0.22635077425815714, 0.22635077425815714, 0.22635077425815686, 0.22635077425815706, 0.22635077425815692, 0.226350774258157, 0.2263507742581571, 0.22635077425815703, 0.22635077425815708, 0.22635077425815717, 0.2263507742581569, 0.2263507742581571, 0.22635077425815686, 0.2263507742581571, 0.2263507742581571, 0.22635077425815686, 0.22635077425815692, 0.2263507742581571, 0.22635077425815706, 0.2263507742581571, 0.22635077425815708, 0.2263507742581572, 0.22635077425815683, 0.2263507742581568, 0.22635077425815708, 0.2263507742581571, 0.22635077425815706, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.1709625093153162, 0.1709625093153162, 0.17096250931531648, 0.1709625093153166, 0.17096250931531642, 0.1709625093153165, 0.1709625093153163, 0.1709625093153166, 0.17096250931531642, 0.1709625093153166, 0.1709625093153166, 0.17096250931531648, 0.17096250931531656, 0.1709625093153163, 0.17096250931531648, 0.1709625093153163, 0.17096250931531656, 0.1709625093153163, 0.1709625093153162, 0.17096250931531642, 0.17096250931531662, 0.1709625093153162, 0.17096250931531642, 0.17096250931531642, 0.17096250931531656, 0.1709625093153165, 0.1709625093153162, 0.1709625093153165, 0.1709625093153166, 0.1709625093153166, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.22635077425815706, 0.2263507742581571, 0.22635077425815697, 0.22635077425815686, 0.22635077425815706, 0.2263507742581572, 0.2263507742581571, 0.22635077425815692, 0.22635077425815706, 0.2263507742581571, 0.22635077425815686, 0.22635077425815706, 0.22635077425815694, 0.22635077425815706, 0.2263507742581571, 0.22635077425815686, 0.22635077425815706, 0.22635077425815708, 0.2263507742581571, 0.22635077425815697, 0.2263507742581571, 0.2263507742581571, 0.2263507742581571, 0.22635077425815694, 0.2263507742581571, 0.2263507742581572, 0.22635077425815697, 0.22635077425815706, 0.2263507742581571, 0.22635077425815706, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.17096250931531642, 0.17096250931531648, 0.17096250931531629, 0.1709625093153162, 0.17096250931531656, 0.17096250931531642, 0.17096250931531648, 0.17096250931531637, 0.17096250931531642, 0.1709625093153163, 0.1709625093153162, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.17096250931531656, 0.1709625093153163, 0.1709625093153166, 0.1709625093153163, 0.1709625093153162, 0.17096250931531642, 0.17096250931531656, 0.17096250931531648, 0.1709625093153166, 0.1709625093153163, 0.1709625093153166, 0.17096250931531645, 0.17096250931531656, 0.1709625093153166, 0.1709625093153162, 0.17096250931531642, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577357, 0.3491329482857738, 0.3491329482857738, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.2263507742581571, 0.22635077425815706, 0.2263507742581571, 0.22635077425815706, 0.2263507742581571, 0.2263507742581571, 0.22635077425815686, 0.22635077425815706, 0.2263507742581572, 0.22635077425815694, 0.2263507742581571, 0.226350774258157, 0.2263507742581572, 0.2263507742581572, 0.2263507742581571, 0.2263507742581572, 0.22635077425815694, 0.22635077425815714, 0.22635077425815694, 0.22635077425815714, 0.2263507742581571, 0.22635077425815714, 0.22635077425815714, 0.2263507742581572, 0.22635077425815714, 0.2263507742581571, 0.22635077425815708, 0.22635077425815697, 0.2263507742581572, 0.22635077425815703, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.1709625093153166, 0.1709625093153162, 0.17096250931531648, 0.1709625093153165, 0.1709625093153166, 0.1709625093153162, 0.17096250931531654, 0.1709625093153163, 0.17096250931531629, 0.17096250931531654, 0.1709625093153166, 0.17096250931531656, 0.17096250931531648, 0.17096250931531642, 0.1709625093153166, 0.1709625093153165, 0.17096250931531637, 0.17096250931531656, 0.17096250931531654, 0.1709625093153165, 0.1709625093153166, 0.17096250931531662, 0.1709625093153166, 0.17096250931531656, 0.1709625093153163, 0.1709625093153165, 0.1709625093153166, 0.17096250931531648, 0.17096250931531667, 0.17096250931531629, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.34913294828577357, 0.34913294828577357, 0.34913294828577357, 0.34913294828577374, 0.3491329482857738, 0.34913294828577357, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.22635077425815708, 0.22635077425815686, 0.22635077425815692, 0.22635077425815714, 0.22635077425815708, 0.2263507742581571, 0.22635077425815714, 0.22635077425815697, 0.22635077425815714, 0.22635077425815708, 0.22635077425815708, 0.22635077425815714, 0.22635077425815703, 0.2263507742581572, 0.22635077425815708, 0.22635077425815703, 0.22635077425815694, 0.2263507742581571, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.22635077425815714, 0.22635077425815694, 0.2263507742581571, 0.22635077425815708, 0.22635077425815686, 0.22635077425815697, 0.22635077425815686, 0.22635077425815694, 0.22635077425815714, 0.3429080159652935, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.3429080159652934, 0.3429080159652934, 0.3429080159652936, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.3429080159652934, 0.3429080159652935, 0.3429080159652933, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652933, 0.3429080159652935, 0.3429080159652935, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.152157484719394, 0.15215748471939403, 0.15215748471939403, 0.15215748471939397, 0.15215748471939425, 0.15215748471939403, 0.1521574847193938, 0.15215748471939392, 0.1521574847193938, 0.15215748471939394, 0.15215748471939392, 0.15215748471939433, 0.15215748471939403, 0.15215748471939408, 0.15215748471939403, 0.15215748471939422, 0.15215748471939428, 0.15215748471939422, 0.152157484719394, 0.15215748471939403, 0.15215748471939433, 0.1521574847193939, 0.15215748471939403, 0.15215748471939392, 0.15215748471939433, 0.15215748471939408, 0.1521574847193938, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.34589274267479236, 0.3458927426747926, 0.34589274267479253, 0.3458927426747926, 0.3458927426747924, 0.34589274267479253, 0.3458927426747926, 0.3458927426747927, 0.34589274267479275, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.34589274267479253, 0.3458927426747925, 0.34589274267479253, 0.3458927426747923, 0.34589274267479236, 0.3458927426747924, 0.3458927426747926, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.3458927426747926, 0.34589274267479236, 0.3458927426747924, 0.20777007412710405, 0.20777007412710397, 0.207770074127104, 0.20777007412710397, 0.207770074127104, 0.20777007412710405, 0.207770074127104, 0.20777007412710397, 0.20777007412710405, 0.207770074127104, 0.20777007412710405, 0.20777007412710405, 0.20777007412710402, 0.20777007412710405, 0.20777007412710424, 0.20777007412710408, 0.2077700741271041, 0.2077700741271041, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710416, 0.2077700741271041, 0.20777007412710402, 0.20777007412710402, 0.20777007412710405, 0.20777007412710402, 0.20777007412710424, 0.2077700741271041, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.3429080159652934, 0.3429080159652934, 0.34290801596529324, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.3429080159652935, 0.34290801596529363, 0.34290801596529324, 0.34290801596529347, 0.3429080159652934, 0.3429080159652934, 0.34290801596529347, 0.15215748471939403, 0.15215748471939392, 0.15215748471939408, 0.15215748471939394, 0.15215748471939394, 0.15215748471939392, 0.15215748471939403, 0.15215748471939392, 0.15215748471939428, 0.15215748471939428, 0.15215748471939403, 0.15215748471939422, 0.15215748471939392, 0.15215748471939403, 0.15215748471939392, 0.15215748471939403, 0.15215748471939394, 0.15215748471939428, 0.15215748471939403, 0.15215748471939392, 0.152157484719394, 0.1521574847193943, 0.15215748471939428, 0.15215748471939433, 0.152157484719394, 0.1521574847193939, 0.1521574847193938, 0.1521574847193939, 0.15215748471939433, 0.1521574847193943, 0.3458927426747926, 0.34589274267479264, 0.3458927426747926, 0.3458927426747924, 0.34589274267479253, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.34589274267479264, 0.3458927426747926, 0.34589274267479264, 0.3458927426747926, 0.34589274267479236, 0.3458927426747924, 0.3458927426747926, 0.34589274267479253, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747926, 0.34589274267479253, 0.3458927426747924, 0.20777007412710397, 0.20777007412710408, 0.20777007412710402, 0.20777007412710422, 0.20777007412710397, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.20777007412710397, 0.2077700741271039, 0.20777007412710422, 0.20777007412710408, 0.207770074127104, 0.20777007412710408, 0.20777007412710408, 0.20777007412710424, 0.20777007412710408, 0.2077700741271041, 0.20777007412710397, 0.20777007412710424, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.207770074127104, 0.2077700741271041, 0.2077700741271039, 0.20777007412710405, 0.20777007412710408, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.34290801596529347, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652934, 0.3429080159652934, 0.34290801596529336, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652936, 0.15215748471939392, 0.15215748471939428, 0.152157484719394, 0.1521574847193938, 0.15215748471939433, 0.1521574847193938, 0.15215748471939386, 0.152157484719394, 0.15215748471939428, 0.15215748471939403, 0.15215748471939403, 0.1521574847193943, 0.15215748471939394, 0.1521574847193943, 0.15215748471939392, 0.15215748471939403, 0.1521574847193939, 0.15215748471939403, 0.152157484719394, 0.15215748471939403, 0.15215748471939397, 0.15215748471939422, 0.152157484719394, 0.15215748471939403, 0.1521574847193938, 0.1521574847193943, 0.1521574847193938, 0.15215748471939397, 0.15215748471939422, 0.15215748471939408, 0.34589274267479236, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.34589274267479264, 0.34589274267479264, 0.3458927426747925, 0.3458927426747924, 0.34589274267479253, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.34589274267479264, 0.34589274267479236, 0.3458927426747926, 0.34589274267479236, 0.34589274267479253, 0.3458927426747925, 0.34589274267479264, 0.3458927426747926, 0.34589274267479253, 0.34589274267479236, 0.34589274267479236, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.20777007412710413, 0.20777007412710416, 0.20777007412710405, 0.20777007412710383, 0.207770074127104, 0.2077700741271041, 0.207770074127104, 0.20777007412710405, 0.20777007412710402, 0.2077700741271039, 0.207770074127104, 0.20777007412710402, 0.207770074127104, 0.20777007412710397, 0.207770074127104, 0.20777007412710408, 0.207770074127104, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.207770074127104, 0.20777007412710405, 0.20777007412710416, 0.20777007412710397, 0.2077700741271041, 0.2077700741271041, 0.20777007412710405, 0.20777007412710416, 0.207770074127104, 0.34290801596529336, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.3429080159652934, 0.3429080159652936, 0.3429080159652933, 0.3429080159652936, 0.34290801596529347, 0.34290801596529347, 0.34290801596529336, 0.34290801596529336, 0.34290801596529336, 0.34290801596529336, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.1521574847193938, 0.15215748471939408, 0.152157484719394, 0.152157484719394, 0.15215748471939392, 0.15215748471939408, 0.15215748471939392, 0.152157484719394, 0.15215748471939392, 0.15215748471939386, 0.1521574847193943, 0.15215748471939403, 0.15215748471939386, 0.15215748471939433, 0.15215748471939414, 0.152157484719394, 0.15215748471939428, 0.152157484719394, 0.1521574847193939, 0.15215748471939392, 0.1521574847193938, 0.15215748471939405, 0.15215748471939394, 0.15215748471939414, 0.1521574847193939, 0.15215748471939408, 0.1521574847193939, 0.34589274267479253, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747925, 0.34589274267479264, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.34589274267479236, 0.3458927426747925, 0.3458927426747924, 0.3458927426747923, 0.34589274267479236, 0.3458927426747923, 0.3458927426747924, 0.34589274267479253, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.3458927426747923, 0.3458927426747924, 0.3458927426747923, 0.3458927426747925, 0.3458927426747926, 0.3458927426747924, 0.20777007412710408, 0.20777007412710422, 0.20777007412710405, 0.20777007412710424, 0.20777007412710413, 0.20777007412710408, 0.20777007412710405, 0.20777007412710388, 0.20777007412710416, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.20777007412710397, 0.20777007412710408, 0.20777007412710422, 0.20777007412710397, 0.20777007412710405, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.207770074127104, 0.2077700741271041, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.2077700741271041, 0.20777007412710408, 0.20777007412710408, 0.207770074127104, 0.20777007412710408, 0.3429080159652934, 0.3429080159652935, 0.3429080159652933, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.34290801596529324, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.15215748471939392, 0.15215748471939425, 0.152157484719394, 0.1521574847193943, 0.15215748471939394, 0.15215748471939392, 0.15215748471939405, 0.15215748471939425, 0.1521574847193938, 0.15215748471939425, 0.15215748471939425, 0.1521574847193938, 0.152157484719394, 0.15215748471939422, 0.15215748471939392, 0.15215748471939422, 0.1521574847193944, 0.15215748471939403, 0.1521574847193939, 0.15215748471939403, 0.1521574847193938, 0.1521574847193938, 0.15215748471939394, 0.152157484719394, 0.15215748471939425, 0.1521574847193938, 0.1521574847193943, 0.1521574847193939, 0.15215748471939405, 0.15215748471939403, 0.3458927426747924, 0.34589274267479264, 0.3458927426747926, 0.34589274267479236, 0.3458927426747926, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.34589274267479253, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.34589274267479264, 0.3458927426747923, 0.34589274267479264, 0.3458927426747925, 0.34589274267479253, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.3458927426747926, 0.34589274267479253, 0.3458927426747924, 0.34589274267479236, 0.2077700741271041, 0.20777007412710422, 0.20777007412710424, 0.2077700741271041, 0.2077700741271039, 0.20777007412710405, 0.20777007412710397, 0.20777007412710408, 0.2077700741271041, 0.20777007412710422, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.2077700741271041, 0.207770074127104, 0.20777007412710402, 0.20777007412710424, 0.20777007412710402, 0.207770074127104, 0.207770074127104, 0.2077700741271041, 0.20777007412710408, 0.20777007412710405, 0.20777007412710402, 0.20777007412710397, 0.20777007412710405, 0.20777007412710422, 0.2077700741271041, 0.20777007412710397, 0.207770074127104, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.3429080159652934, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.34290801596529336, 0.3429080159652936, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.34290801596529336, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.3429080159652934, 0.1521574847193939, 0.1521574847193943, 0.1521574847193938, 0.15215748471939386, 0.15215748471939422, 0.1521574847193938, 0.15215748471939422, 0.15215748471939403, 0.1521574847193943, 0.1521574847193943, 0.15215748471939392, 0.15215748471939403, 0.15215748471939422, 0.15215748471939425, 0.15215748471939397, 0.1521574847193938, 0.15215748471939392, 0.1521574847193939, 0.152157484719394, 0.15215748471939405, 0.15215748471939397, 0.15215748471939392, 0.15215748471939403, 0.15215748471939408, 0.15215748471939394, 0.15215748471939425, 0.152157484719394, 0.15215748471939392, 0.15215748471939408, 0.15215748471939405, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.34589274267479253, 0.34589274267479236, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.34589274267479253, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.3458927426747924, 0.34589274267479253, 0.34589274267479253, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.20777007412710408, 0.20777007412710402, 0.207770074127104, 0.20777007412710405, 0.207770074127104, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.207770074127104, 0.20777007412710422, 0.20777007412710422, 0.20777007412710408, 0.20777007412710405, 0.20777007412710416, 0.20777007412710405, 0.20777007412710402, 0.2077700741271041, 0.20777007412710402, 0.2077700741271041, 0.20777007412710405, 0.2077700741271041, 0.20777007412710397, 0.20777007412710405, 0.20777007412710405, 0.20777007412710397, 0.207770074127104, 0.20777007412710408, 0.207770074127104, 0.2077700741271041, 0.207770074127104, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943166, 0.3232181804943167, 0.3232181804943168, 0.3232181804943166, 0.3232181804943167, 0.3232181804943168, 0.3232181804943167, 0.3232181804943167, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.16752326710522494, 0.16752326710522467, 0.16752326710522472, 0.16752326710522472, 0.16752326710522503, 0.16752326710522517, 0.16752326710522494, 0.16752326710522494, 0.167523267105225, 0.16752326710522453, 0.16752326710522494, 0.16752326710522494, 0.16752326710522503, 0.16752326710522475, 0.16752326710522472, 0.16752326710522494, 0.1675232671052247, 0.16752326710522492, 0.1675232671052249, 0.16752326710522494, 0.16752326710522497, 0.16752326710522494, 0.1675232671052249, 0.16752326710522494, 0.16752326710522472, 0.16752326710522492, 0.16752326710522483, 0.16752326710522508, 0.167523267105225, 0.16752326710522508, 0.3262229741686102, 0.32622297416860985, 0.32622297416861, 0.3262229741686099, 0.3262229741686099, 0.3262229741686101, 0.3262229741686099, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416861007, 0.32622297416861, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.3262229741686099, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.3262229741686099, 0.32622297416860996, 0.32622297416861, 0.32622297416860985, 0.32622297416861007, 0.22295460065805225, 0.2229546006580522, 0.22295460065805223, 0.2229546006580525, 0.22295460065805214, 0.22295460065805248, 0.2229546006580522, 0.22295460065805234, 0.22295460065805214, 0.2229546006580522, 0.2229546006580525, 0.22295460065805256, 0.2229546006580522, 0.2229546006580524, 0.22295460065805225, 0.22295460065805223, 0.22295460065805242, 0.2229546006580523, 0.2229546006580522, 0.22295460065805223, 0.2229546006580524, 0.2229546006580524, 0.22295460065805234, 0.22295460065805248, 0.22295460065805225, 0.2229546006580523, 0.22295460065805228, 0.2229546006580522, 0.2229546006580522, 0.2229546006580522, 0.3232181804943167, 0.3232181804943168, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.32321818049431655, 0.32321818049431655, 0.32321818049431666, 0.3232181804943166, 0.3232181804943167, 0.32321818049431683, 0.3232181804943167, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.32321818049431655, 0.3232181804943167, 0.32321818049431655, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.32321818049431655, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.16752326710522492, 0.16752326710522517, 0.16752326710522505, 0.16752326710522467, 0.1675232671052249, 0.1675232671052249, 0.16752326710522455, 0.16752326710522464, 0.1675232671052247, 0.16752326710522453, 0.1675232671052249, 0.16752326710522494, 0.16752326710522503, 0.16752326710522472, 0.167523267105225, 0.16752326710522494, 0.1675232671052251, 0.16752326710522472, 0.16752326710522453, 0.16752326710522472, 0.16752326710522475, 0.16752326710522492, 0.16752326710522497, 0.16752326710522505, 0.167523267105225, 0.16752326710522494, 0.16752326710522464, 0.16752326710522475, 0.1675232671052251, 0.16752326710522483, 0.32622297416861, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.3262229741686101, 0.32622297416861, 0.3262229741686099, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.32622297416860996, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.3262229741686099, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.3262229741686102, 0.3262229741686099, 0.32622297416860985, 0.22295460065805234, 0.2229546006580522, 0.2229546006580525, 0.22295460065805234, 0.22295460065805248, 0.2229546006580524, 0.2229546006580525, 0.22295460065805223, 0.2229546006580521, 0.2229546006580525, 0.22295460065805234, 0.2229546006580525, 0.22295460065805228, 0.2229546006580525, 0.22295460065805223, 0.22295460065805245, 0.2229546006580523, 0.22295460065805225, 0.2229546006580522, 0.22295460065805234, 0.22295460065805242, 0.2229546006580523, 0.22295460065805234, 0.2229546006580525, 0.22295460065805262, 0.22295460065805234, 0.2229546006580525, 0.22295460065805242, 0.22295460065805217, 0.22295460065805234, 0.3232181804943167, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943166, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.16752326710522494, 0.16752326710522494, 0.16752326710522486, 0.16752326710522494, 0.167523267105225, 0.1675232671052251, 0.16752326710522478, 0.16752326710522494, 0.16752326710522497, 0.1675232671052248, 0.1675232671052251, 0.16752326710522472, 0.16752326710522464, 0.16752326710522486, 0.16752326710522494, 0.16752326710522494, 0.16752326710522472, 0.16752326710522492, 0.16752326710522478, 0.16752326710522494, 0.16752326710522478, 0.16752326710522494, 0.167523267105225, 0.1675232671052248, 0.16752326710522453, 0.16752326710522503, 0.16752326710522478, 0.16752326710522475, 0.16752326710522503, 0.16752326710522503, 0.3262229741686102, 0.32622297416861, 0.32622297416860985, 0.32622297416861007, 0.3262229741686102, 0.32622297416860985, 0.32622297416860996, 0.3262229741686102, 0.32622297416860985, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.32622297416860996, 0.3262229741686102, 0.32622297416861007, 0.3262229741686101, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416860996, 0.3262229741686099, 0.32622297416861, 0.3262229741686102, 0.32622297416860985, 0.2229546006580525, 0.22295460065805223, 0.22295460065805225, 0.2229546006580522, 0.2229546006580522, 0.2229546006580524, 0.2229546006580522, 0.22295460065805225, 0.2229546006580523, 0.2229546006580525, 0.2229546006580525, 0.22295460065805237, 0.2229546006580524, 0.2229546006580525, 0.2229546006580522, 0.22295460065805225, 0.2229546006580523, 0.2229546006580526, 0.22295460065805217, 0.22295460065805237, 0.22295460065805228, 0.2229546006580524, 0.2229546006580525, 0.22295460065805237, 0.22295460065805234, 0.22295460065805234, 0.22295460065805225, 0.22295460065805234, 0.22295460065805245, 0.22295460065805225, 0.32321818049431683, 0.32321818049431655, 0.3232181804943167, 0.32321818049431666, 0.3232181804943166, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.32321818049431666, 0.3232181804943167, 0.32321818049431666, 0.3232181804943167, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.3232181804943167, 0.32321818049431683, 0.32321818049431655, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.3232181804943166, 0.32321818049431683, 0.32321818049431683, 0.16752326710522505, 0.16752326710522522, 0.16752326710522478, 0.16752326710522478, 0.16752326710522517, 0.16752326710522464, 0.16752326710522508, 0.16752326710522492, 0.16752326710522492, 0.16752326710522494, 0.16752326710522517, 0.16752326710522494, 0.16752326710522494, 0.16752326710522497, 0.16752326710522517, 0.1675232671052247, 0.1675232671052247, 0.16752326710522453, 0.16752326710522494, 0.1675232671052251, 0.16752326710522494, 0.1675232671052249, 0.16752326710522455, 0.16752326710522503, 0.16752326710522497, 0.16752326710522492, 0.16752326710522494, 0.16752326710522508, 0.16752326710522478, 0.16752326710522467, 0.3262229741686102, 0.32622297416861, 0.32622297416861, 0.3262229741686099, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.3262229741686099, 0.32622297416861, 0.32622297416861007, 0.3262229741686099, 0.32622297416860996, 0.32622297416861, 0.3262229741686102, 0.32622297416861007, 0.32622297416861007, 0.3262229741686099, 0.3262229741686102, 0.32622297416861007, 0.3262229741686102, 0.3262229741686102, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416860996, 0.32622297416860985, 0.32622297416860985, 0.2229546006580522, 0.22295460065805223, 0.22295460065805234, 0.2229546006580524, 0.2229546006580523, 0.2229546006580524, 0.2229546006580523, 0.22295460065805225, 0.2229546006580522, 0.22295460065805248, 0.2229546006580523, 0.22295460065805253, 0.22295460065805248, 0.2229546006580523, 0.2229546006580526, 0.22295460065805234, 0.2229546006580522, 0.2229546006580522, 0.22295460065805242, 0.22295460065805225, 0.22295460065805234, 0.22295460065805237, 0.22295460065805253, 0.22295460065805234, 0.2229546006580526, 0.2229546006580525, 0.2229546006580522, 0.2229546006580523, 0.22295460065805234, 0.2229546006580525, 0.3232181804943167, 0.32321818049431666, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.3232181804943166, 0.32321818049431655, 0.32321818049431655, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.3232181804943166, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943166, 0.3232181804943168, 0.3232181804943168, 0.16752326710522464, 0.16752326710522517, 0.16752326710522517, 0.16752326710522478, 0.16752326710522464, 0.16752326710522472, 0.167523267105225, 0.16752326710522517, 0.16752326710522467, 0.167523267105225, 0.16752326710522497, 0.16752326710522514, 0.16752326710522475, 0.16752326710522517, 0.16752326710522494, 0.16752326710522453, 0.1675232671052247, 0.1675232671052249, 0.16752326710522494, 0.16752326710522464, 0.16752326710522483, 0.16752326710522494, 0.16752326710522508, 0.1675232671052248, 0.16752326710522492, 0.16752326710522478, 0.16752326710522467, 0.16752326710522486, 0.1675232671052247, 0.16752326710522494, 0.3262229741686099, 0.32622297416860996, 0.3262229741686099, 0.32622297416860985, 0.32622297416861007, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.32622297416861, 0.32622297416861007, 0.32622297416860985, 0.32622297416860996, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416860985, 0.3262229741686102, 0.3262229741686102, 0.32622297416860996, 0.32622297416860985, 0.3262229741686101, 0.3262229741686102, 0.32622297416861007, 0.32622297416861, 0.32622297416860985, 0.32622297416860996, 0.32622297416860985, 0.32622297416860985, 0.2229546006580525, 0.2229546006580525, 0.2229546006580525, 0.22295460065805225, 0.22295460065805262, 0.2229546006580523, 0.22295460065805234, 0.22295460065805234, 0.2229546006580523, 0.2229546006580522, 0.2229546006580524, 0.22295460065805223, 0.2229546006580522, 0.2229546006580523, 0.2229546006580523, 0.22295460065805248, 0.2229546006580522, 0.22295460065805245, 0.2229546006580522, 0.22295460065805242, 0.22295460065805262, 0.2229546006580525, 0.22295460065805225, 0.2229546006580522, 0.22295460065805234, 0.2229546006580523, 0.2229546006580522, 0.22295460065805228, 0.2229546006580523, 0.2229546006580523, 0.32321818049431683, 0.3232181804943167, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.3232181804943166, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.3232181804943166, 0.32321818049431683, 0.32321818049431666, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.3232181804943167, 0.32321818049431666, 0.32321818049431655, 0.3232181804943166, 0.32321818049431666, 0.32321818049431666, 0.3232181804943167, 0.16752326710522494, 0.16752326710522497, 0.16752326710522464, 0.16752326710522494, 0.16752326710522467, 0.16752326710522497, 0.1675232671052249, 0.16752326710522464, 0.16752326710522453, 0.16752326710522483, 0.16752326710522472, 0.16752326710522494, 0.16752326710522486, 0.1675232671052249, 0.16752326710522486, 0.16752326710522472, 0.16752326710522492, 0.1675232671052249, 0.16752326710522514, 0.16752326710522475, 0.16752326710522517, 0.16752326710522453, 0.16752326710522475, 0.16752326710522464, 0.16752326710522478, 0.16752326710522475, 0.167523267105225, 0.1675232671052249, 0.1675232671052247, 0.16752326710522472, 0.32622297416860996, 0.3262229741686099, 0.3262229741686102, 0.32622297416861007, 0.32622297416861, 0.32622297416860996, 0.32622297416861007, 0.32622297416861, 0.32622297416861007, 0.3262229741686099, 0.3262229741686101, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.3262229741686099, 0.32622297416860985, 0.3262229741686102, 0.32622297416861007, 0.32622297416860996, 0.32622297416860985, 0.3262229741686102, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.3262229741686099, 0.32622297416861007, 0.3262229741686101, 0.32622297416860985, 0.3262229741686102, 0.32622297416860985, 0.22295460065805242, 0.2229546006580525, 0.22295460065805234, 0.22295460065805234, 0.22295460065805248, 0.22295460065805234, 0.2229546006580523, 0.2229546006580525, 0.2229546006580525, 0.2229546006580525, 0.22295460065805264, 0.2229546006580522, 0.2229546006580525, 0.22295460065805214, 0.22295460065805225, 0.22295460065805242, 0.22295460065805228, 0.2229546006580524, 0.22295460065805217, 0.2229546006580524, 0.22295460065805253, 0.2229546006580522, 0.2229546006580523, 0.2229546006580525, 0.2229546006580525, 0.2229546006580523, 0.22295460065805248, 0.22295460065805225, 0.2229546006580523, 0.2229546006580522]\n", "\n", "Abstraction error: 0.3491329482857738\n", "\n", "M1: ['Z', 'Y', 'V', 'U'] -> ['X', 'W']\n", "M0: ['B', 'D', 'F', 'G', 'H', 'I'] -> ['A', 'E']\n", "M1 mechanism shape: (6, 1152)\n", "M0 mechanism shape: (9, 2880)\n", "Alpha_s shape: (1152, 2880)\n", "Alpha_t shape: (6, 9)\n", "All JS distances: [0.39120788922908123, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.39120788922908106, 0.3912078892290812, 0.39120788922908123, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.39120788922908106, 0.3912078892290811, 0.3912078892290811, 0.3370495469056128, 0.3370495469056128, 0.3370495469056126, 0.3370495469056128, 0.33704954690561273, 0.3370495469056127, 0.33704954690561273, 0.33704954690561273, 0.3370495469056127, 0.3370495469056127, 0.33704954690561273, 0.3370495469056128, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.33704954690561273, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056128, 0.33704954690561273, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.33704954690561256, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3931992420698936, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.39319924206989354, 0.39319924206989354, 0.3931992420698935, 0.39319924206989354, 0.3931992420698934, 0.39319924206989354, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698934, 0.3931992420698936, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3682477720134512, 0.3682477720134511, 0.36824777201345116, 0.3682477720134512, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345116, 0.3682477720134512, 0.36824777201345105, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.36824777201345116, 0.3682477720134511, 0.3682477720134512, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134512, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.391207889229081, 0.39120788922908123, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.39120788922908123, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3370495469056128, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.33704954690561273, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.33704954690561273, 0.33704954690561273, 0.3370495469056126, 0.3370495469056127, 0.33704954690561273, 0.33704954690561256, 0.3370495469056126, 0.33704954690561273, 0.33704954690561273, 0.3370495469056126, 0.3931992420698935, 0.3931992420698936, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698934, 0.3931992420698935, 0.39319924206989354, 0.3931992420698934, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698934, 0.39319924206989354, 0.3931992420698936, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.39319924206989354, 0.3682477720134512, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.368247772013451, 0.3682477720134511, 0.368247772013451, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345116, 0.3682477720134512, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.36824777201345116, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.39120788922908123, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.39120788922908123, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.39120788922908106, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.33704954690561273, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056128, 0.3370495469056128, 0.3370495469056127, 0.3370495469056128, 0.3370495469056127, 0.3370495469056128, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.33704954690561256, 0.33704954690561256, 0.3370495469056127, 0.3370495469056128, 0.3370495469056126, 0.3370495469056128, 0.33704954690561273, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3931992420698934, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.39319924206989354, 0.39319924206989343, 0.39319924206989354, 0.3931992420698935, 0.3931992420698936, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698936, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698934, 0.3931992420698934, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.39319924206989343, 0.3931992420698935, 0.3682477720134511, 0.368247772013451, 0.36824777201345127, 0.3682477720134512, 0.3682477720134512, 0.3682477720134512, 0.36824777201345116, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.36824777201345116, 0.3682477720134511, 0.36824777201345116, 0.3682477720134512, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3912078892290811, 0.39120788922908123, 0.3912078892290811, 0.39120788922908123, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.39120788922908106, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3370495469056128, 0.3370495469056127, 0.33704954690561273, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.33704954690561273, 0.3370495469056127, 0.3370495469056127, 0.3370495469056128, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.33704954690561256, 0.3370495469056126, 0.33704954690561273, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.3370495469056128, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.33704954690561273, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3931992420698934, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698934, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.39319924206989343, 0.3931992420698934, 0.36824777201345116, 0.3682477720134512, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.36824777201345105, 0.3682477720134511, 0.3682477720134512, 0.3682477720134512, 0.36824777201345116, 0.368247772013451, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134512, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.36824777201345116, 0.3682477720134511, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.39120788922908123, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3370495469056127, 0.3370495469056128, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.33704954690561273, 0.3370495469056126, 0.33704954690561273, 0.3370495469056127, 0.3370495469056126, 0.3370495469056127, 0.3370495469056127, 0.33704954690561273, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056128, 0.3370495469056126, 0.33704954690561256, 0.3370495469056126, 0.3370495469056127, 0.3370495469056126, 0.39319924206989354, 0.3931992420698936, 0.3931992420698936, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.3931992420698936, 0.3931992420698935, 0.39319924206989354, 0.3931992420698934, 0.3931992420698935, 0.3931992420698936, 0.39319924206989354, 0.39319924206989354, 0.3931992420698935, 0.39319924206989354, 0.3931992420698936, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698936, 0.39319924206989354, 0.39319924206989354, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698934, 0.3931992420698935, 0.36824777201345116, 0.36824777201345105, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.368247772013451, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345116, 0.36824777201345105, 0.36824777201345105, 0.3682477720134511, 0.3682477720134512, 0.36824777201345105, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.39120788922908123, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.3912078892290811, 0.3912078892290812, 0.39120788922908123, 0.3912078892290812, 0.3912078892290811, 0.3912078892290811, 0.33704954690561273, 0.3370495469056127, 0.33704954690561273, 0.3370495469056126, 0.33704954690561273, 0.33704954690561273, 0.3370495469056126, 0.3370495469056126, 0.3370495469056127, 0.33704954690561256, 0.3370495469056127, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.3370495469056126, 0.33704954690561273, 0.33704954690561273, 0.3370495469056127, 0.33704954690561256, 0.3370495469056127, 0.3370495469056128, 0.33704954690561273, 0.33704954690561273, 0.3370495469056127, 0.3370495469056127, 0.3370495469056126, 0.3370495469056127, 0.33704954690561273, 0.3370495469056128, 0.39319924206989354, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.3931992420698935, 0.39319924206989354, 0.3931992420698936, 0.3931992420698935, 0.39319924206989343, 0.3931992420698935, 0.39319924206989354, 0.3931992420698935, 0.39319924206989354, 0.39319924206989354, 0.39319924206989354, 0.39319924206989354, 0.3931992420698935, 0.39319924206989343, 0.39319924206989354, 0.3931992420698934, 0.3931992420698935, 0.3682477720134512, 0.36824777201345105, 0.36824777201345105, 0.36824777201345116, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345116, 0.3682477720134512, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345116, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.36824777201345105, 0.3682477720134512, 0.36824777201345116, 0.3682477720134511, 0.3682477720134511, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.36824777201345105, 0.3682477720134511, 0.368247772013451, 0.3682477720134511, 0.3682477720134512, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138105, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138105, 0.4238645847113811, 0.42386458471138116, 0.4238645847113812, 0.4238645847113811, 0.42386458471138116, 0.3193452456611559, 0.319345245661156, 0.31934524566115585, 0.31934524566115585, 0.3193452456611559, 0.31934524566115585, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.31934524566115585, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.34752616275676423, 0.3475261627567644, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.34752616275676423, 0.3475261627567644, 0.3475261627567644, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567644, 0.3475261627567642, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113812, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.319345245661156, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.31934524566115596, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.31934524566115596, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282137, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.3475261627567644, 0.3475261627567643, 0.34752616275676423, 0.3475261627567644, 0.3475261627567644, 0.3475261627567643, 0.3475261627567644, 0.3475261627567642, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.423864584711381, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.3193452456611559, 0.31934524566115596, 0.31934524566115585, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.31934524566115585, 0.3193452456611559, 0.31934524566115585, 0.31934524566115585, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.31934524566115585, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611558, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282137, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282137, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428213, 0.34752616275676435, 0.3475261627567644, 0.3475261627567644, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.34752616275676446, 0.3475261627567643, 0.3475261627567644, 0.34752616275676435, 0.3475261627567644, 0.3475261627567644, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113812, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113812, 0.42386458471138116, 0.42386458471138116, 0.31934524566115585, 0.31934524566115585, 0.3193452456611559, 0.319345245661156, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.31934524566115596, 0.3193452456611559, 0.319345245661156, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.319345245661156, 0.3193452456611559, 0.3193452456611559, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282137, 0.3475261627567643, 0.34752616275676423, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.34752616275676423, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.4238645847113811, 0.42386458471138116, 0.42386458471138105, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138105, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138105, 0.42386458471138105, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.3193452456611559, 0.319345245661156, 0.3193452456611559, 0.3193452456611558, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.319345245661156, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.31934524566115596, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.4259690701428212, 0.4259690701428213, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.3475261627567643, 0.3475261627567644, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.34752616275676423, 0.34752616275676435, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.34752616275676423, 0.34752616275676435, 0.3475261627567643, 0.3475261627567644, 0.3475261627567644, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.42386458471138116, 0.4238645847113811, 0.4238645847113811, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.31934524566115585, 0.3193452456611559, 0.3193452456611559, 0.31934524566115596, 0.319345245661156, 0.31934524566115596, 0.3193452456611559, 0.3193452456611559, 0.3193452456611559, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428213, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428212, 0.42596907014282126, 0.42596907014282126, 0.42596907014282126, 0.4259690701428213, 0.4259690701428212, 0.42596907014282126, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.3475261627567644, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.3475261627567644, 0.3475261627567643, 0.34752616275676435, 0.3475261627567644, 0.34752616275676435, 0.3475261627567644, 0.34752616275676435, 0.3475261627567643, 0.34752616275676435, 0.3475261627567643, 0.3475261627567643, 0.34752616275676435, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.421593300359606, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.421593300359606, 0.4215933003596061, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.31113165320336533, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.31113165320336533, 0.31113165320336555, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.42369145771725053, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.42369145771725036, 0.4236914577172505, 0.4236914577172503, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.337471931810739, 0.337471931810739, 0.33747193181073887, 0.337471931810739, 0.33747193181073887, 0.3374719318107389, 0.33747193181073887, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.33747193181073903, 0.3374719318107389, 0.337471931810739, 0.33747193181073887, 0.3374719318107389, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.33747193181073887, 0.33747193181073887, 0.337471931810739, 0.33747193181073903, 0.33747193181073903, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.421593300359606, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.421593300359606, 0.42159330035960607, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.31113165320336533, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033655, 0.3111316532033654, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.3111316532033655, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172503, 0.4236914577172504, 0.337471931810739, 0.33747193181073903, 0.33747193181073903, 0.33747193181073903, 0.33747193181073887, 0.3374719318107389, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.337471931810739, 0.33747193181073887, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.3374719318107389, 0.337471931810739, 0.33747193181073903, 0.33747193181073887, 0.3374719318107389, 0.33747193181073903, 0.3374719318107389, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.3374719318107389, 0.33747193181073903, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.421593300359606, 0.42159330035960607, 0.42159330035960607, 0.31113165320336533, 0.31113165320336544, 0.31113165320336555, 0.3111316532033655, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.31113165320336533, 0.3111316532033656, 0.31113165320336544, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033653, 0.3111316532033654, 0.31113165320336544, 0.4236914577172504, 0.42369145771725036, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.42369145771725036, 0.4236914577172504, 0.33747193181073903, 0.337471931810739, 0.337471931810739, 0.33747193181073887, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.3374719318107389, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.33747193181073903, 0.3374719318107388, 0.33747193181073887, 0.3374719318107389, 0.33747193181073887, 0.3374719318107389, 0.33747193181073887, 0.33747193181073903, 0.337471931810739, 0.33747193181073903, 0.3374719318107389, 0.3374719318107389, 0.3374719318107389, 0.33747193181073887, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.421593300359606, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.421593300359606, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.4215933003596062, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.3111316532033653, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.3111316532033654, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.3111316532033655, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.31113165320336533, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172503, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.3374719318107389, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.33747193181073887, 0.337471931810739, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.33747193181073887, 0.3374719318107389, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.337471931810739, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596062, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.31113165320336544, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336533, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.31113165320336544, 0.3111316532033654, 0.3111316532033655, 0.31113165320336533, 0.3111316532033654, 0.31113165320336544, 0.3111316532033654, 0.31113165320336544, 0.31113165320336533, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.4236914577172505, 0.42369145771725036, 0.4236914577172504, 0.4236914577172505, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.337471931810739, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.33747193181073887, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.33747193181073903, 0.337471931810739, 0.337471931810739, 0.3374719318107389, 0.33747193181073887, 0.33747193181073903, 0.3374719318107389, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.42159330035960607, 0.4215933003596061, 0.421593300359606, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.4215933003596062, 0.42159330035960607, 0.4215933003596062, 0.4215933003596061, 0.42159330035960607, 0.4215933003596061, 0.4215933003596061, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.4215933003596061, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.42159330035960607, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.31113165320336544, 0.31113165320336555, 0.31113165320336533, 0.31113165320336533, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.31113165320336544, 0.3111316532033654, 0.3111316532033654, 0.31113165320336544, 0.31113165320336533, 0.31113165320336533, 0.31113165320336544, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.31113165320336533, 0.31113165320336544, 0.3111316532033653, 0.3111316532033654, 0.3111316532033654, 0.31113165320336533, 0.31113165320336533, 0.4236914577172504, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.4236914577172503, 0.4236914577172504, 0.4236914577172505, 0.4236914577172505, 0.4236914577172504, 0.42369145771725036, 0.4236914577172505, 0.42369145771725036, 0.42369145771725036, 0.4236914577172505, 0.4236914577172505, 0.4236914577172505, 0.4236914577172503, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.42369145771725036, 0.4236914577172504, 0.4236914577172504, 0.42369145771725036, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.33747193181073887, 0.33747193181073903, 0.337471931810739, 0.3374719318107389, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.33747193181073887, 0.337471931810739, 0.33747193181073903, 0.337471931810739, 0.337471931810739, 0.33747193181073903, 0.33747193181073887, 0.3374719318107389, 0.33747193181073887, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.33747193181073887, 0.3374719318107389, 0.33747193181073887, 0.337471931810739, 0.3374719318107389, 0.33747193181073903, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100127, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.31778776947099796, 0.317787769470998, 0.31778776947099807, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099807, 0.317787769470998, 0.31778776947099796, 0.3177877694709979, 0.31778776947099796, 0.3177877694709979, 0.317787769470998, 0.31778776947099807, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.410075090936138, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.41007509093613786, 0.410075090936138, 0.410075090936138, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.410075090936138, 0.4100750909361379, 0.410075090936138, 0.410075090936138, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.34564604974293833, 0.3456460497429382, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.34564604974293833, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100127, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100129, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100127, 0.40801921451001283, 0.4080192145100128, 0.317787769470998, 0.317787769470998, 0.31778776947099807, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099807, 0.31778776947099807, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.31778776947099796, 0.31778776947099807, 0.31778776947099796, 0.31778776947099785, 0.31778776947099785, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.3177877694709979, 0.31778776947099796, 0.317787769470998, 0.4100750909361379, 0.4100750909361381, 0.41007509093613803, 0.41007509093613803, 0.410075090936138, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.410075090936138, 0.41007509093613803, 0.410075090936138, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.41007509093613786, 0.41007509093613803, 0.4100750909361379, 0.410075090936138, 0.41007509093613786, 0.410075090936138, 0.41007509093613803, 0.410075090936138, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.34564604974293817, 0.3456460497429382, 0.34564604974293817, 0.3456460497429382, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.34564604974293817, 0.34564604974293833, 0.34564604974293833, 0.3456460497429382, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429384, 0.3456460497429384, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100127, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099807, 0.317787769470998, 0.31778776947099785, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.3177877694709981, 0.31778776947099807, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.317787769470998, 0.31778776947099796, 0.31778776947099807, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613786, 0.4100750909361379, 0.410075090936138, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613786, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.410075090936138, 0.410075090936138, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.410075090936138, 0.41007509093613803, 0.410075090936138, 0.4100750909361379, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.34564604974293817, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.34564604974293817, 0.34564604974293833, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100127, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100127, 0.4080192145100128, 0.3177877694709979, 0.31778776947099807, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.31778776947099796, 0.31778776947099807, 0.317787769470998, 0.317787769470998, 0.317787769470998, 0.3177877694709981, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099807, 0.3177877694709979, 0.317787769470998, 0.3177877694709979, 0.3177877694709979, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.410075090936138, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613786, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.41007509093613786, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.410075090936138, 0.410075090936138, 0.4100750909361381, 0.4100750909361379, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.34564604974293833, 0.3456460497429384, 0.34564604974293833, 0.3456460497429383, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100129, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.31778776947099807, 0.317787769470998, 0.317787769470998, 0.31778776947099785, 0.317787769470998, 0.31778776947099807, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099807, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.41007509093613803, 0.410075090936138, 0.410075090936138, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.410075090936138, 0.41007509093613803, 0.410075090936138, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.410075090936138, 0.4100750909361379, 0.4100750909361381, 0.41007509093613786, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.41007509093613803, 0.41007509093613803, 0.34564604974293833, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.34564604974293817, 0.34564604974293817, 0.3456460497429382, 0.34564604974293833, 0.3456460497429383, 0.34564604974293817, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.3456460497429384, 0.3456460497429383, 0.3456460497429381, 0.3456460497429383, 0.34564604974293833, 0.3456460497429382, 0.3456460497429382, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.3456460497429382, 0.3456460497429383, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100129, 0.40801921451001283, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.40801921451001283, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.4080192145100128, 0.40801921451001283, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.3177877694709979, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099807, 0.317787769470998, 0.31778776947099796, 0.317787769470998, 0.317787769470998, 0.3177877694709981, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.317787769470998, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.31778776947099796, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.4100750909361379, 0.410075090936138, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.41007509093613786, 0.41007509093613803, 0.41007509093613786, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.410075090936138, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.41007509093613803, 0.4100750909361379, 0.4100750909361379, 0.41007509093613803, 0.4100750909361379, 0.41007509093613803, 0.410075090936138, 0.3456460497429383, 0.34564604974293833, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.34564604974293817, 0.3456460497429383, 0.34564604974293817, 0.3456460497429382, 0.3456460497429383, 0.3456460497429383, 0.3456460497429384, 0.3456460497429382, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383, 0.34564604974293833, 0.34564604974293817, 0.3456460497429383, 0.3456460497429382, 0.3456460497429383]\n", "\n", "Abstraction error: 0.42596907014282137\n", "\n", "M1: ['Y', 'W', 'V', 'U'] -> ['Z']\n", "M0: ['B', 'E', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 96)\n", "M0 mechanism shape: (24, 360)\n", "Alpha_s shape: (96, 360)\n", "Alpha_t shape: (24, 24)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "All JS distances: [0.1458332091527631, 0.1458332091527631, 0.145833209152763, 0.14583320915276313, 0.14583320915276307, 0.145833209152763, 0.14583320915276315, 0.1458332091527631, 0.14583320915276315, 0.1458332091527631, 0.14583320915276313, 0.14583320915276315, 0.14583320915276304, 0.14583320915276313, 0.14583320915276313, 0.14583320915276318, 0.14583320915276304, 0.1458332091527631, 0.1458332091527631, 0.14583320915276307, 0.1458332091527632, 0.14583320915276302, 0.14583320915276315, 0.14583320915276315, 0.1458332091527631, 0.14583320915276313, 0.14583320915276315, 0.14583320915276302, 0.14583320915276318, 0.14583320915276313, 0.14583320915276307, 0.14583320915276307, 0.14583320915276318, 0.14583320915276313, 0.1458332091527631, 0.14583320915276307, 0.1458332091527631, 0.14583320915276313, 0.14583320915276304, 0.1458332091527631, 0.14583320915276313, 0.14583320915276307, 0.1458332091527631, 0.1458332091527631, 0.14583320915276313, 0.14583320915276313, 0.1458332091527631, 0.14583320915276313, 0.14583320915276304, 0.1458332091527631, 0.14583320915276313, 0.1458332091527631, 0.14583320915276315, 0.14583320915276302, 0.1458332091527631, 0.14583320915276304, 0.14583320915276304, 0.14583320915276315, 0.1458332091527632, 0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276307, 0.14583320915276313, 0.14583320915276318, 0.1458332091527631, 0.14583320915276304, 0.1458332091527631, 0.14583320915276313, 0.14583320915276315, 0.14583320915276315, 0.14583320915276315, 0.14583320915276307, 0.14583320915276315, 0.14583320915276313, 0.14583320915276307, 0.1458332091527631, 0.14583320915276313, 0.14583320915276313, 0.14583320915276315, 0.14583320915276324, 0.14583320915276307, 0.1458332091527631, 0.1458332091527631, 0.14583320915276315, 0.1458332091527631, 0.14583320915276304, 0.14583320915276313, 0.14186121268099436, 0.14186121268099433, 0.14186121268099447, 0.14186121268099441, 0.14186121268099436, 0.14186121268099441, 0.14186121268099433, 0.14186121268099433, 0.14186121268099433, 0.14186121268099428, 0.14186121268099436, 0.14186121268099441, 0.14186121268099433, 0.14186121268099436, 0.14186121268099441, 0.1418612126809944, 0.14186121268099436, 0.14186121268099436, 0.1418612126809944, 0.14186121268099444, 0.1418612126809944, 0.1418612126809943, 0.14186121268099428, 0.1418612126809943, 0.14186121268099441, 0.14186121268099433, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.1418612126809944, 0.14186121268099447, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.14186121268099436, 0.1418612126809943, 0.14186121268099433, 0.14186121268099436, 0.1418612126809944, 0.14186121268099436, 0.1418612126809943, 0.14186121268099441, 0.1418612126809944, 0.14186121268099433, 0.14186121268099441, 0.14186121268099436, 0.14186121268099428, 0.1418612126809944, 0.14186121268099441, 0.14186121268099436, 0.14186121268099436, 0.14186121268099433, 0.14186121268099436, 0.14186121268099447, 0.1418612126809944, 0.14186121268099447, 0.1418612126809944, 0.1418612126809944, 0.1418612126809943, 0.14186121268099436, 0.14186121268099433, 0.14186121268099433, 0.1418612126809944, 0.14186121268099433, 0.14186121268099436, 0.1418612126809944, 0.14186121268099441, 0.1418612126809943, 0.14186121268099436, 0.14186121268099447, 0.1418612126809944, 0.1418612126809944, 0.14186121268099433, 0.14186121268099425, 0.14186121268099436, 0.1418612126809943, 0.14186121268099436, 0.14186121268099436, 0.1418612126809943, 0.14186121268099433, 0.14186121268099436, 0.14186121268099453, 0.14186121268099433, 0.1418612126809945, 0.14186121268099428, 0.14186121268099441, 0.14186121268099436, 0.14186121268099422, 0.14186121268099433, 0.13993684022259623, 0.13993684022259614, 0.13993684022259623, 0.1399368402225962, 0.13993684022259614, 0.13993684022259611, 0.13993684022259611, 0.13993684022259617, 0.1399368402225963, 0.1399368402225961, 0.13993684022259614, 0.1399368402225962, 0.13993684022259617, 0.1399368402225962, 0.13993684022259623, 0.1399368402225961, 0.13993684022259617, 0.13993684022259617, 0.13993684022259611, 0.13993684022259625, 0.13993684022259614, 0.13993684022259617, 0.1399368402225961, 0.1399368402225962, 0.13993684022259617, 0.13993684022259617, 0.1399368402225962, 0.13993684022259611, 0.13993684022259606, 0.13993684022259628, 0.13993684022259623, 0.1399368402225962, 0.13993684022259614, 0.1399368402225962, 0.13993684022259623, 0.13993684022259623, 0.13993684022259623, 0.13993684022259614, 0.13993684022259614, 0.13993684022259611, 0.13993684022259617, 0.13993684022259617, 0.1399368402225963, 0.13993684022259611, 0.1399368402225962, 0.1399368402225962, 0.1399368402225961, 0.13993684022259614, 0.13993684022259617, 0.1399368402225961, 0.13993684022259623, 0.1399368402225961, 0.1399368402225962, 0.13993684022259628, 0.13993684022259614, 0.13993684022259611, 0.13993684022259617, 0.1399368402225962, 0.1399368402225962, 0.13993684022259614, 0.13993684022259623, 0.1399368402225961, 0.13993684022259603, 0.13993684022259614, 0.13993684022259623, 0.13993684022259623, 0.13993684022259617, 0.13993684022259611, 0.13993684022259617, 0.13993684022259625, 0.13993684022259617, 0.1399368402225962, 0.13993684022259623, 0.13993684022259611, 0.13993684022259623, 0.13993684022259611, 0.13993684022259623, 0.1399368402225961, 0.13993684022259614, 0.13993684022259617, 0.1399368402225962, 0.13993684022259623, 0.13993684022259617, 0.13993684022259611, 0.1399368402225961, 0.13993684022259617, 0.13993684022259623, 0.13993684022259614, 0.13993684022259611, 0.13993684022259628, 0.1462583517901538, 0.14625835179015395, 0.14625835179015395, 0.14625835179015392, 0.14625835179015387, 0.14625835179015395, 0.14625835179015395, 0.14625835179015395, 0.14625835179015392, 0.14625835179015384, 0.1462583517901539, 0.1462583517901539, 0.14625835179015387, 0.14625835179015387, 0.14625835179015392, 0.14625835179015403, 0.14625835179015398, 0.146258351790154, 0.14625835179015392, 0.14625835179015387, 0.14625835179015403, 0.1462583517901539, 0.14625835179015387, 0.14625835179015395, 0.14625835179015392, 0.14625835179015387, 0.146258351790154, 0.14625835179015387, 0.1462583517901539, 0.146258351790154, 0.14625835179015403, 0.14625835179015392, 0.1462583517901539, 0.14625835179015387, 0.14625835179015392, 0.14625835179015395, 0.14625835179015398, 0.14625835179015384, 0.14625835179015392, 0.14625835179015387, 0.14625835179015395, 0.14625835179015387, 0.14625835179015387, 0.14625835179015387, 0.14625835179015395, 0.14625835179015392, 0.14625835179015395, 0.14625835179015395, 0.1462583517901539, 0.14625835179015398, 0.14625835179015384, 0.14625835179015392, 0.14625835179015395, 0.1462583517901539, 0.14625835179015392, 0.14625835179015398, 0.14625835179015398, 0.14625835179015392, 0.14625835179015392, 0.1462583517901539, 0.14625835179015395, 0.14625835179015395, 0.1462583517901538, 0.14625835179015395, 0.14625835179015384, 0.14625835179015398, 0.1462583517901539, 0.14625835179015398, 0.14625835179015387, 0.14625835179015398, 0.14625835179015387, 0.14625835179015392, 0.14625835179015387, 0.14625835179015403, 0.1462583517901539, 0.146258351790154, 0.14625835179015395, 0.14625835179015395, 0.14625835179015392, 0.14625835179015387, 0.14625835179015384, 0.14625835179015395, 0.14625835179015395, 0.146258351790154, 0.14625835179015398, 0.14625835179015398, 0.14625835179015387, 0.14625835179015395, 0.14625835179015403, 0.14625835179015384]\n", "\n", "Abstraction error: 0.14625835179015403\n", "\n", "M1: ['Y', 'W', 'V', 'U'] -> ['X', 'Z']\n", "M0: ['B', 'E', 'F', 'G', 'I'] -> ['A', 'D', 'H']\n", "M1 mechanism shape: (72, 96)\n", "M0 mechanism shape: (72, 360)\n", "Alpha_s shape: (96, 360)\n", "Alpha_t shape: (72, 72)\n", "All JS distances: [0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.327757285519667, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.3277572855196671, 0.32775728551966704, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3277572855196671, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.327757285519667, 0.327757285519667, 0.32775728551966704, 0.327757285519667, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.32775728551966704, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.32541439426338153, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633814, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3254143942633815, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866603, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666047, 0.32428089038666047, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.32428089038666036, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32428089038666036, 0.3242808903866604, 0.3242808903866604, 0.3242808903866604, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995, 0.3268079445212499, 0.3268079445212499, 0.32680794452124995, 0.32680794452124995]\n", "\n", "Abstraction error: 0.3277572855196671\n", "\n", "M1: ['X', 'Z', 'Y', 'W', 'U'] -> ['V']\n", "M0: ['A', 'B', 'D', 'E', 'G', 'H'] -> ['F', 'I']\n", "M1 mechanism shape: (8, 864)\n", "M0 mechanism shape: (15, 1728)\n", "Alpha_s shape: (864, 1728)\n", "Alpha_t shape: (8, 15)\n", "All JS distances: [0.12105668784390322, 0.12105668784390299, 0.12105668784390297, 0.12105668784390314, 0.12105668784390304, 0.1210566878439032, 0.15627890754249973, 0.15627890754249987, 0.1562789075424998, 0.1562789075424998, 0.15627890754249996, 0.1562789075424997, 0.12506564491964445, 0.12506564491964453, 0.1250656449196443, 0.12506564491964442, 0.12506564491964436, 0.1250656449196446, 0.09038807352010611, 0.09038807352010618, 0.09038807352010621, 0.09038807352010603, 0.09038807352010611, 0.09038807352010617, 0.12105668784390326, 0.1210566878439031, 0.12105668784390328, 0.12105668784390318, 0.12105668784390321, 0.12105668784390311, 0.15627890754249985, 0.15627890754249965, 0.15627890754249976, 0.15627890754249985, 0.15627890754249973, 0.15627890754249982, 0.1250656449196443, 0.1250656449196445, 0.1250656449196446, 0.12506564491964453, 0.12506564491964445, 0.1250656449196445, 0.09038807352010628, 0.09038807352010614, 0.09038807352010615, 0.09038807352010608, 0.090388073520106, 0.09038807352010614, 0.12105668784390303, 0.12105668784390297, 0.12105668784390315, 0.12105668784390324, 0.12105668784390304, 0.12105668784390321, 0.15627890754249985, 0.15627890754249957, 0.15627890754249982, 0.15627890754249985, 0.15627890754249985, 0.15627890754249976, 0.12506564491964442, 0.12506564491964448, 0.1250656449196443, 0.12506564491964448, 0.12506564491964445, 0.1250656449196445, 0.0903880735201062, 0.09038807352010599, 0.0903880735201062, 0.090388073520106, 0.0903880735201062, 0.09038807352010628, 0.12105668784390307, 0.12105668784390314, 0.12105668784390322, 0.12105668784390305, 0.12105668784390308, 0.12105668784390314, 0.15627890754249973, 0.15627890754249982, 0.15627890754249962, 0.15627890754249973, 0.15627890754249973, 0.1562789075424997, 0.1250656449196444, 0.1250656449196444, 0.1250656449196444, 0.12506564491964436, 0.12506564491964445, 0.12506564491964456, 0.09038807352010608, 0.09038807352010611, 0.09038807352010611, 0.09038807352010594, 0.09038807352010614, 0.09038807352010617, 0.12105668784390304, 0.12105668784390312, 0.12105668784390324, 0.1210566878439032, 0.12105668784390326, 0.12105668784390324, 0.1562789075424997, 0.1562789075424998, 0.15627890754249973, 0.15627890754249996, 0.15627890754249976, 0.1562789075424997, 0.12506564491964434, 0.12506564491964434, 0.12506564491964436, 0.12506564491964442, 0.12506564491964456, 0.12506564491964445, 0.09038807352010604, 0.09038807352010632, 0.09038807352010629, 0.09038807352010632, 0.09038807352010611, 0.09038807352010617, 0.12105668784390328, 0.12105668784390329, 0.12105668784390289, 0.121056687843903, 0.12105668784390318, 0.12105668784390308, 0.15627890754249973, 0.15627890754249985, 0.15627890754249985, 0.15627890754249993, 0.1562789075424999, 0.15627890754249976, 0.12506564491964448, 0.12506564491964456, 0.12506564491964453, 0.12506564491964453, 0.1250656449196446, 0.12506564491964434, 0.09038807352010594, 0.09038807352010635, 0.09038807352010624, 0.09038807352010601, 0.09038807352010611, 0.0903880735201061, 0.12152027265917037, 0.12152027265917026, 0.12152027265917052, 0.12152027265917041, 0.12152027265917036, 0.12152027265917043, 0.15830340008608312, 0.15830340008608296, 0.15830340008608326, 0.15830340008608304, 0.15830340008608315, 0.15830340008608312, 0.12560941066072556, 0.12560941066072567, 0.1256094106607256, 0.1256094106607256, 0.1256094106607256, 0.1256094106607256, 0.09063943467592882, 0.09063943467592904, 0.09063943467592864, 0.09063943467592885, 0.09063943467592868, 0.09063943467592842, 0.1215202726591705, 0.12152027265917031, 0.12152027265917048, 0.12152027265917045, 0.12152027265917051, 0.12152027265917044, 0.158303400086083, 0.15830340008608315, 0.15830340008608312, 0.1583034000860832, 0.15830340008608318, 0.15830340008608312, 0.12560941066072556, 0.12560941066072576, 0.12560941066072556, 0.12560941066072545, 0.1256094106607255, 0.1256094106607256, 0.09063943467592861, 0.09063943467592911, 0.09063943467592879, 0.09063943467592887, 0.09063943467592889, 0.09063943467592867, 0.1215202726591705, 0.12152027265917044, 0.12152027265917056, 0.12152027265917052, 0.12152027265917036, 0.12152027265917038, 0.15830340008608315, 0.15830340008608318, 0.15830340008608318, 0.15830340008608315, 0.15830340008608315, 0.15830340008608312, 0.1256094106607255, 0.12560941066072576, 0.12560941066072545, 0.12560941066072573, 0.12560941066072545, 0.12560941066072562, 0.0906394346759287, 0.09063943467592879, 0.09063943467592861, 0.09063943467592883, 0.09063943467592858, 0.09063943467592876, 0.12152027265917045, 0.12152027265917048, 0.12152027265917031, 0.12152027265917037, 0.12152027265917044, 0.12152027265917045, 0.15830340008608318, 0.15830340008608326, 0.15830340008608298, 0.1583034000860832, 0.15830340008608307, 0.15830340008608315, 0.1256094106607256, 0.12560941066072562, 0.12560941066072545, 0.1256094106607256, 0.12560941066072553, 0.12560941066072578, 0.09063943467592867, 0.09063943467592893, 0.09063943467592848, 0.09063943467592853, 0.09063943467592889, 0.09063943467592898, 0.12152027265917033, 0.12152027265917045, 0.12152027265917038, 0.12152027265917043, 0.12152027265917038, 0.12152027265917054, 0.158303400086083, 0.1583034000860832, 0.15830340008608312, 0.15830340008608315, 0.1583034000860831, 0.15830340008608318, 0.1256094106607257, 0.1256094106607256, 0.12560941066072584, 0.12560941066072553, 0.12560941066072545, 0.1256094106607256, 0.09063943467592861, 0.09063943467592868, 0.09063943467592891, 0.09063943467592908, 0.0906394346759287, 0.09063943467592883, 0.12152027265917055, 0.12152027265917044, 0.12152027265917047, 0.1215202726591704, 0.1215202726591704, 0.1215202726591703, 0.15830340008608312, 0.15830340008608312, 0.15830340008608312, 0.1583034000860832, 0.15830340008608312, 0.1583034000860832, 0.1256094106607257, 0.12560941066072537, 0.12560941066072545, 0.1256094106607253, 0.12560941066072573, 0.12560941066072565, 0.09063943467592904, 0.09063943467592886, 0.09063943467592876, 0.09063943467592889, 0.09063943467592887, 0.09063943467592894, 0.11833729828318663, 0.1183372982831866, 0.11833729828318683, 0.11833729828318652, 0.11833729828318679, 0.11833729828318665, 0.1595005966186787, 0.15950059661867869, 0.15950059661867855, 0.1595005966186786, 0.15950059661867869, 0.1595005966186786, 0.12201407815303343, 0.12201407815303335, 0.12201407815303315, 0.12201407815303325, 0.12201407815303338, 0.12201407815303332, 0.09028000708952923, 0.09028000708952898, 0.09028000708952902, 0.09028000708952907, 0.09028000708952938, 0.09028000708952903, 0.11833729828318663, 0.11833729828318654, 0.11833729828318665, 0.11833729828318697, 0.11833729828318662, 0.11833729828318669, 0.1595005966186787, 0.15950059661867858, 0.15950059661867869, 0.15950059661867858, 0.15950059661867855, 0.15950059661867869, 0.12201407815303347, 0.12201407815303349, 0.12201407815303332, 0.1220140781530334, 0.12201407815303335, 0.12201407815303325, 0.09028000708952888, 0.09028000708952888, 0.0902800070895292, 0.09028000708952923, 0.09028000708952898, 0.09028000708952907, 0.11833729828318679, 0.11833729828318673, 0.11833729828318679, 0.11833729828318675, 0.11833729828318681, 0.11833729828318665, 0.15950059661867874, 0.15950059661867866, 0.1595005966186786, 0.15950059661867882, 0.15950059661867866, 0.15950059661867874, 0.1220140781530333, 0.12201407815303325, 0.12201407815303324, 0.1220140781530332, 0.12201407815303318, 0.12201407815303338, 0.09028000708952913, 0.09028000708952906, 0.09028000708952896, 0.09028000708952902, 0.09028000708952898, 0.09028000708952907, 0.11833729828318677, 0.11833729828318665, 0.1183372982831867, 0.11833729828318662, 0.11833729828318683, 0.11833729828318666, 0.15950059661867866, 0.15950059661867866, 0.15950059661867863, 0.15950059661867874, 0.15950059661867869, 0.15950059661867866, 0.12201407815303332, 0.12201407815303333, 0.1220140781530335, 0.1220140781530335, 0.12201407815303339, 0.12201407815303335, 0.09028000708952912, 0.09028000708952905, 0.09028000708952906, 0.09028000708952906, 0.09028000708952917, 0.09028000708952916, 0.11833729828318688, 0.1183372982831867, 0.11833729828318666, 0.11833729828318673, 0.1183372982831867, 0.11833729828318673, 0.15950059661867869, 0.1595005966186787, 0.1595005966186787, 0.15950059661867855, 0.15950059661867855, 0.15950059661867874, 0.1220140781530334, 0.12201407815303335, 0.12201407815303346, 0.12201407815303347, 0.12201407815303314, 0.12201407815303321, 0.09028000708952887, 0.09028000708952906, 0.09028000708952888, 0.0902800070895291, 0.09028000708952885, 0.09028000708952921, 0.11833729828318668, 0.11833729828318659, 0.11833729828318658, 0.11833729828318683, 0.11833729828318677, 0.11833729828318668, 0.1595005966186786, 0.15950059661867874, 0.15950059661867866, 0.1595005966186787, 0.1595005966186786, 0.15950059661867874, 0.12201407815303329, 0.12201407815303333, 0.12201407815303325, 0.12201407815303332, 0.12201407815303336, 0.12201407815303336, 0.090280007089529, 0.09028000708952894, 0.09028000708952905, 0.09028000708952912, 0.09028000708952895, 0.09028000708952921, 0.12081853718726906, 0.12081853718726912, 0.12081853718726919, 0.12081853718726909, 0.12081853718726929, 0.12081853718726931, 0.16612398289960073, 0.1661239828996008, 0.1661239828996007, 0.16612398289960068, 0.1661239828996007, 0.16612398289960084, 0.12402295722991732, 0.12402295722991738, 0.12402295722991752, 0.12402295722991745, 0.12402295722991746, 0.12402295722991746, 0.09553296052602443, 0.09553296052602434, 0.09553296052602447, 0.09553296052602438, 0.09553296052602435, 0.0955329605260245, 0.12081853718726944, 0.12081853718726927, 0.12081853718726927, 0.1208185371872693, 0.12081853718726925, 0.12081853718726918, 0.1661239828996008, 0.16612398289960087, 0.1661239828996007, 0.16612398289960081, 0.1661239828996008, 0.16612398289960062, 0.12402295722991727, 0.12402295722991748, 0.12402295722991735, 0.12402295722991741, 0.12402295722991742, 0.1240229572299175, 0.0955329605260243, 0.09553296052602422, 0.09553296052602447, 0.09553296052602452, 0.09553296052602438, 0.09553296052602456, 0.1208185371872691, 0.12081853718726922, 0.1208185371872692, 0.12081853718726927, 0.12081853718726929, 0.12081853718726913, 0.16612398289960065, 0.16612398289960076, 0.1661239828996006, 0.16612398289960056, 0.16612398289960068, 0.16612398289960065, 0.12402295722991744, 0.12402295722991746, 0.12402295722991764, 0.12402295722991752, 0.12402295722991741, 0.12402295722991735, 0.09553296052602435, 0.09553296052602457, 0.09553296052602471, 0.09553296052602457, 0.0955329605260244, 0.09553296052602457, 0.12081853718726916, 0.1208185371872691, 0.12081853718726927, 0.1208185371872692, 0.12081853718726937, 0.12081853718726926, 0.16612398289960073, 0.1661239828996007, 0.16612398289960076, 0.16612398289960084, 0.1661239828996007, 0.1661239828996007, 0.12402295722991757, 0.1240229572299173, 0.12402295722991748, 0.12402295722991727, 0.12402295722991724, 0.1240229572299174, 0.0955329605260242, 0.09553296052602438, 0.09553296052602449, 0.09553296052602434, 0.09553296052602435, 0.09553296052602452, 0.12081853718726925, 0.12081853718726941, 0.12081853718726936, 0.12081853718726919, 0.12081853718726915, 0.12081853718726915, 0.16612398289960062, 0.16612398289960073, 0.16612398289960073, 0.1661239828996008, 0.1661239828996008, 0.16612398289960056, 0.12402295722991738, 0.12402295722991726, 0.12402295722991753, 0.12402295722991744, 0.12402295722991746, 0.12402295722991741, 0.09553296052602449, 0.09553296052602438, 0.09553296052602468, 0.0955329605260244, 0.09553296052602447, 0.09553296052602443, 0.12081853718726934, 0.1208185371872692, 0.12081853718726948, 0.12081853718726933, 0.12081853718726929, 0.12081853718726922, 0.1661239828996007, 0.16612398289960068, 0.16612398289960084, 0.1661239828996007, 0.1661239828996006, 0.16612398289960068, 0.12402295722991753, 0.12402295722991731, 0.12402295722991738, 0.12402295722991731, 0.12402295722991732, 0.12402295722991749, 0.09553296052602449, 0.09553296052602447, 0.09553296052602454, 0.09553296052602428, 0.09553296052602435, 0.09553296052602443, 0.12105668784390307, 0.12105668784390317, 0.12105668784390305, 0.12105668784390305, 0.12105668784390321, 0.12105668784390318, 0.15627890754249985, 0.15627890754249987, 0.15627890754249976, 0.15627890754249985, 0.15627890754249965, 0.15627890754249976, 0.1250656449196445, 0.12506564491964436, 0.1250656449196444, 0.12506564491964442, 0.12506564491964448, 0.1250656449196444, 0.09038807352010618, 0.09038807352010632, 0.09038807352010626, 0.09038807352010604, 0.0903880735201062, 0.09038807352010608, 0.12105668784390304, 0.12105668784390314, 0.1210566878439031, 0.1210566878439032, 0.1210566878439031, 0.1210566878439032, 0.15627890754249954, 0.1562789075424998, 0.15627890754249976, 0.1562789075424997, 0.15627890754249993, 0.1562789075424998, 0.1250656449196444, 0.12506564491964445, 0.1250656449196444, 0.1250656449196446, 0.12506564491964436, 0.1250656449196445, 0.09038807352010628, 0.09038807352010607, 0.09038807352010597, 0.09038807352010614, 0.09038807352010621, 0.09038807352010611, 0.1210566878439032, 0.1210566878439031, 0.12105668784390304, 0.12105668784390318, 0.12105668784390324, 0.12105668784390322, 0.1562789075424997, 0.15627890754249996, 0.15627890754249982, 0.15627890754249985, 0.15627890754249968, 0.15627890754249973, 0.1250656449196443, 0.12506564491964448, 0.12506564491964442, 0.12506564491964448, 0.1250656449196446, 0.1250656449196446, 0.09038807352010632, 0.0903880735201061, 0.09038807352010633, 0.0903880735201061, 0.09038807352010635, 0.09038807352010639, 0.1210566878439034, 0.12105668784390315, 0.12105668784390321, 0.12105668784390329, 0.12105668784390308, 0.12105668784390322, 0.15627890754249973, 0.1562789075424998, 0.15627890754249985, 0.15627890754249985, 0.15627890754249987, 0.1562789075424997, 0.12506564491964448, 0.12506564491964442, 0.12506564491964456, 0.12506564491964448, 0.1250656449196444, 0.12506564491964464, 0.09038807352010626, 0.09038807352010596, 0.09038807352010624, 0.09038807352010624, 0.09038807352010604, 0.09038807352010604, 0.12105668784390303, 0.12105668784390304, 0.12105668784390317, 0.12105668784390307, 0.12105668784390304, 0.1210566878439031, 0.15627890754249973, 0.15627890754249976, 0.15627890754249985, 0.15627890754249985, 0.15627890754249973, 0.15627890754249982, 0.12506564491964436, 0.12506564491964434, 0.12506564491964464, 0.12506564491964442, 0.12506564491964442, 0.1250656449196446, 0.09038807352010614, 0.09038807352010612, 0.09038807352010632, 0.09038807352010615, 0.0903880735201062, 0.09038807352010625, 0.12105668784390304, 0.1210566878439031, 0.12105668784390322, 0.12105668784390321, 0.12105668784390305, 0.12105668784390318, 0.15627890754249985, 0.1562789075424998, 0.1562789075424999, 0.15627890754249965, 0.15627890754249993, 0.15627890754249982, 0.12506564491964434, 0.12506564491964442, 0.12506564491964461, 0.12506564491964456, 0.12506564491964448, 0.1250656449196445, 0.09038807352010615, 0.09038807352010617, 0.09038807352010617, 0.09038807352010587, 0.09038807352010614, 0.0903880735201062, 0.12152027265917038, 0.12152027265917027, 0.12152027265917027, 0.12152027265917048, 0.12152027265917056, 0.12152027265917047, 0.15830340008608298, 0.15830340008608304, 0.15830340008608312, 0.15830340008608312, 0.15830340008608312, 0.15830340008608298, 0.12560941066072534, 0.12560941066072562, 0.1256094106607256, 0.12560941066072556, 0.12560941066072562, 0.12560941066072576, 0.0906394346759288, 0.09063943467592875, 0.09063943467592872, 0.0906394346759288, 0.09063943467592885, 0.09063943467592903, 0.12152027265917022, 0.12152027265917033, 0.12152027265917044, 0.12152027265917038, 0.12152027265917038, 0.12152027265917036, 0.15830340008608315, 0.15830340008608318, 0.15830340008608323, 0.1583034000860832, 0.15830340008608315, 0.1583034000860832, 0.12560941066072567, 0.12560941066072553, 0.12560941066072553, 0.12560941066072565, 0.12560941066072565, 0.1256094106607255, 0.09063943467592907, 0.09063943467592864, 0.09063943467592876, 0.09063943467592873, 0.09063943467592869, 0.09063943467592886, 0.12152027265917044, 0.12152027265917056, 0.12152027265917056, 0.12152027265917026, 0.12152027265917058, 0.12152027265917029, 0.15830340008608332, 0.15830340008608323, 0.15830340008608315, 0.15830340008608332, 0.15830340008608315, 0.15830340008608307, 0.1256094106607256, 0.12560941066072556, 0.12560941066072562, 0.12560941066072562, 0.12560941066072556, 0.12560941066072562, 0.09063943467592854, 0.09063943467592857, 0.09063943467592857, 0.09063943467592893, 0.09063943467592836, 0.09063943467592848, 0.1215202726591705, 0.12152027265917029, 0.12152027265917055, 0.12152027265917045, 0.1215202726591706, 0.12152027265917031, 0.158303400086083, 0.15830340008608307, 0.1583034000860832, 0.15830340008608312, 0.15830340008608323, 0.1583034000860833, 0.1256094106607255, 0.12560941066072565, 0.12560941066072553, 0.12560941066072542, 0.12560941066072565, 0.12560941066072567, 0.09063943467592857, 0.09063943467592872, 0.09063943467592869, 0.09063943467592885, 0.09063943467592878, 0.09063943467592883, 0.12152027265917051, 0.12152027265917038, 0.12152027265917044, 0.1215202726591704, 0.12152027265917034, 0.12152027265917052, 0.15830340008608315, 0.15830340008608307, 0.15830340008608315, 0.15830340008608318, 0.1583034000860832, 0.15830340008608312, 0.12560941066072578, 0.12560941066072556, 0.1256094106607255, 0.12560941066072587, 0.1256094106607256, 0.12560941066072548, 0.0906394346759288, 0.09063943467592855, 0.0906394346759288, 0.09063943467592903, 0.09063943467592875, 0.09063943467592883, 0.12152027265917047, 0.12152027265917065, 0.12152027265917027, 0.1215202726591705, 0.12152027265917038, 0.12152027265917023, 0.15830340008608318, 0.15830340008608315, 0.1583034000860832, 0.1583034000860832, 0.1583034000860832, 0.15830340008608315, 0.12560941066072576, 0.12560941066072542, 0.12560941066072565, 0.12560941066072565, 0.12560941066072567, 0.1256094106607255, 0.0906394346759286, 0.09063943467592862, 0.09063943467592872, 0.09063943467592908, 0.09063943467592891, 0.0906394346759286, 0.11833729828318693, 0.11833729828318679, 0.11833729828318684, 0.11833729828318668, 0.11833729828318687, 0.1183372982831866, 0.15950059661867852, 0.15950059661867877, 0.15950059661867869, 0.15950059661867882, 0.15950059661867855, 0.1595005966186787, 0.1220140781530334, 0.12201407815303311, 0.12201407815303345, 0.12201407815303333, 0.12201407815303336, 0.12201407815303325, 0.0902800070895292, 0.0902800070895291, 0.0902800070895288, 0.09028000708952919, 0.09028000708952907, 0.09028000708952913, 0.11833729828318672, 0.1183372982831866, 0.11833729828318668, 0.11833729828318688, 0.11833729828318679, 0.1183372982831867, 0.1595005966186788, 0.15950059661867882, 0.15950059661867866, 0.15950059661867877, 0.1595005966186787, 0.15950059661867852, 0.12201407815303335, 0.12201407815303326, 0.12201407815303329, 0.12201407815303338, 0.12201407815303325, 0.12201407815303329, 0.09028000708952917, 0.09028000708952898, 0.09028000708952941, 0.09028000708952925, 0.09028000708952892, 0.09028000708952921, 0.11833729828318666, 0.11833729828318669, 0.11833729828318651, 0.1183372982831867, 0.11833729828318684, 0.11833729828318672, 0.15950059661867882, 0.1595005966186788, 0.15950059661867866, 0.15950059661867874, 0.1595005966186787, 0.15950059661867869, 0.1220140781530334, 0.12201407815303332, 0.1220140781530334, 0.12201407815303343, 0.12201407815303325, 0.12201407815303343, 0.09028000708952919, 0.09028000708952902, 0.0902800070895292, 0.09028000708952885, 0.09028000708952902, 0.09028000708952912, 0.11833729828318672, 0.11833729828318677, 0.11833729828318663, 0.11833729828318673, 0.1183372982831867, 0.11833729828318669, 0.15950059661867874, 0.1595005966186786, 0.15950059661867855, 0.15950059661867863, 0.1595005966186787, 0.15950059661867855, 0.12201407815303333, 0.12201407815303339, 0.12201407815303333, 0.12201407815303332, 0.12201407815303339, 0.12201407815303345, 0.09028000708952907, 0.09028000708952895, 0.090280007089529, 0.09028000708952913, 0.09028000708952905, 0.09028000708952888, 0.11833729828318672, 0.11833729828318672, 0.11833729828318672, 0.11833729828318677, 0.11833729828318677, 0.11833729828318658, 0.15950059661867874, 0.1595005966186788, 0.15950059661867869, 0.15950059661867866, 0.15950059661867855, 0.15950059661867866, 0.12201407815303336, 0.12201407815303329, 0.1220140781530333, 0.12201407815303326, 0.12201407815303314, 0.12201407815303335, 0.09028000708952891, 0.09028000708952896, 0.090280007089529, 0.09028000708952902, 0.090280007089529, 0.09028000708952907, 0.11833729828318673, 0.11833729828318663, 0.11833729828318656, 0.1183372982831866, 0.11833729828318675, 0.11833729828318662, 0.15950059661867882, 0.1595005966186788, 0.1595005966186787, 0.15950059661867874, 0.1595005966186787, 0.15950059661867869, 0.12201407815303311, 0.1220140781530332, 0.12201407815303321, 0.12201407815303322, 0.12201407815303346, 0.12201407815303314, 0.09028000708952898, 0.09028000708952891, 0.09028000708952916, 0.090280007089529, 0.09028000708952913, 0.09028000708952895, 0.12081853718726929, 0.12081853718726937, 0.12081853718726929, 0.12081853718726913, 0.12081853718726927, 0.1208185371872693, 0.16612398289960068, 0.16612398289960068, 0.1661239828996006, 0.16612398289960065, 0.16612398289960068, 0.1661239828996007, 0.12402295722991732, 0.12402295722991726, 0.12402295722991735, 0.12402295722991732, 0.1240229572299173, 0.12402295722991731, 0.0955329605260245, 0.09553296052602434, 0.09553296052602447, 0.09553296052602471, 0.09553296052602464, 0.09553296052602443, 0.1208185371872692, 0.12081853718726925, 0.12081853718726929, 0.12081853718726929, 0.12081853718726918, 0.12081853718726906, 0.16612398289960056, 0.16612398289960087, 0.16612398289960073, 0.16612398289960081, 0.16612398289960065, 0.1661239828996008, 0.1240229572299173, 0.12402295722991737, 0.12402295722991737, 0.12402295722991735, 0.12402295722991742, 0.12402295722991724, 0.09553296052602449, 0.09553296052602457, 0.09553296052602467, 0.09553296052602443, 0.0955329605260247, 0.09553296052602438, 0.12081853718726933, 0.12081853718726926, 0.1208185371872691, 0.12081853718726927, 0.12081853718726934, 0.12081853718726931, 0.16612398289960065, 0.1661239828996008, 0.16612398289960081, 0.16612398289960081, 0.16612398289960073, 0.1661239828996006, 0.12402295722991728, 0.12402295722991744, 0.12402295722991746, 0.12402295722991728, 0.12402295722991728, 0.12402295722991738, 0.09553296052602436, 0.09553296052602454, 0.09553296052602431, 0.09553296052602456, 0.09553296052602454, 0.09553296052602428, 0.12081853718726933, 0.12081853718726936, 0.12081853718726943, 0.1208185371872693, 0.12081853718726915, 0.12081853718726922, 0.16612398289960073, 0.16612398289960068, 0.16612398289960065, 0.16612398289960062, 0.16612398289960073, 0.16612398289960076, 0.12402295722991746, 0.12402295722991732, 0.12402295722991738, 0.12402295722991735, 0.12402295722991727, 0.12402295722991749, 0.09553296052602435, 0.09553296052602435, 0.09553296052602434, 0.09553296052602452, 0.09553296052602457, 0.09553296052602457, 0.12081853718726941, 0.12081853718726936, 0.12081853718726922, 0.12081853718726919, 0.12081853718726931, 0.1208185371872691, 0.16612398289960076, 0.16612398289960073, 0.16612398289960068, 0.16612398289960068, 0.16612398289960076, 0.16612398289960068, 0.1240229572299173, 0.12402295722991727, 0.12402295722991746, 0.12402295722991731, 0.1240229572299173, 0.12402295722991731, 0.09553296052602459, 0.09553296052602457, 0.09553296052602421, 0.09553296052602436, 0.09553296052602453, 0.09553296052602442, 0.12081853718726951, 0.12081853718726926, 0.12081853718726915, 0.12081853718726926, 0.12081853718726922, 0.12081853718726897, 0.1661239828996006, 0.16612398289960062, 0.1661239828996007, 0.16612398289960068, 0.16612398289960076, 0.16612398289960081, 0.12402295722991741, 0.1240229572299173, 0.12402295722991741, 0.12402295722991734, 0.1240229572299175, 0.12402295722991728, 0.09553296052602459, 0.09553296052602454, 0.0955329605260244, 0.09553296052602453, 0.0955329605260243, 0.09553296052602432, 0.12105668784390324, 0.121056687843903, 0.1210566878439033, 0.12105668784390328, 0.12105668784390304, 0.12105668784390324, 0.15627890754249968, 0.15627890754249985, 0.15627890754249962, 0.15627890754249973, 0.15627890754249987, 0.15627890754249985, 0.12506564491964453, 0.12506564491964442, 0.1250656449196443, 0.12506564491964442, 0.12506564491964442, 0.12506564491964445, 0.0903880735201061, 0.09038807352010603, 0.09038807352010611, 0.09038807352010614, 0.09038807352010612, 0.09038807352010639, 0.12105668784390299, 0.12105668784390311, 0.12105668784390329, 0.12105668784390325, 0.12105668784390305, 0.12105668784390314, 0.15627890754249968, 0.1562789075424998, 0.15627890754249982, 0.15627890754249973, 0.15627890754249987, 0.15627890754249976, 0.12506564491964445, 0.1250656449196444, 0.12506564491964456, 0.12506564491964453, 0.1250656449196444, 0.12506564491964445, 0.0903880735201061, 0.09038807352010626, 0.09038807352010608, 0.09038807352010621, 0.09038807352010597, 0.09038807352010629, 0.12105668784390307, 0.12105668784390308, 0.12105668784390304, 0.121056687843903, 0.12105668784390308, 0.12105668784390307, 0.15627890754249962, 0.15627890754249962, 0.1562789075424998, 0.1562789075424998, 0.1562789075424998, 0.15627890754249973, 0.12506564491964453, 0.1250656449196445, 0.12506564491964445, 0.12506564491964467, 0.12506564491964445, 0.1250656449196444, 0.09038807352010639, 0.09038807352010625, 0.09038807352010601, 0.09038807352010617, 0.09038807352010626, 0.09038807352010626, 0.12105668784390332, 0.12105668784390317, 0.12105668784390308, 0.12105668784390312, 0.12105668784390321, 0.12105668784390322, 0.1562789075424998, 0.15627890754249996, 0.15627890754249982, 0.1562789075424997, 0.15627890754249973, 0.1562789075424997, 0.12506564491964434, 0.12506564491964448, 0.12506564491964448, 0.12506564491964445, 0.1250656449196445, 0.12506564491964453, 0.09038807352010592, 0.09038807352010611, 0.09038807352010611, 0.09038807352010611, 0.09038807352010626, 0.09038807352010628, 0.12105668784390329, 0.12105668784390333, 0.12105668784390328, 0.12105668784390324, 0.12105668784390314, 0.1210566878439031, 0.15627890754249985, 0.15627890754249954, 0.1562789075424996, 0.15627890754249985, 0.1562789075424998, 0.15627890754249976, 0.12506564491964445, 0.12506564491964448, 0.12506564491964448, 0.12506564491964442, 0.12506564491964436, 0.12506564491964448, 0.09038807352010601, 0.09038807352010599, 0.09038807352010614, 0.09038807352010614, 0.09038807352010601, 0.09038807352010612, 0.1210566878439033, 0.12105668784390317, 0.12105668784390305, 0.12105668784390314, 0.12105668784390329, 0.12105668784390308, 0.15627890754249982, 0.15627890754249973, 0.15627890754249985, 0.15627890754249976, 0.1562789075424998, 0.15627890754249998, 0.1250656449196443, 0.1250656449196445, 0.1250656449196445, 0.12506564491964456, 0.1250656449196444, 0.12506564491964453, 0.09038807352010628, 0.09038807352010628, 0.09038807352010625, 0.09038807352010625, 0.09038807352010604, 0.09038807352010599, 0.12152027265917031, 0.12152027265917043, 0.1215202726591704, 0.12152027265917018, 0.12152027265917044, 0.12152027265917051, 0.1583034000860829, 0.1583034000860832, 0.15830340008608318, 0.1583034000860832, 0.1583034000860832, 0.15830340008608312, 0.12560941066072548, 0.1256094106607256, 0.1256094106607255, 0.1256094106607255, 0.12560941066072553, 0.12560941066072573, 0.09063943467592882, 0.0906394346759286, 0.09063943467592886, 0.09063943467592876, 0.09063943467592873, 0.09063943467592908, 0.12152027265917041, 0.12152027265917034, 0.12152027265917041, 0.12152027265917052, 0.1215202726591703, 0.12152027265917037, 0.15830340008608326, 0.15830340008608323, 0.1583034000860831, 0.15830340008608304, 0.15830340008608318, 0.15830340008608296, 0.12560941066072553, 0.12560941066072567, 0.1256094106607256, 0.12560941066072556, 0.12560941066072553, 0.12560941066072565, 0.09063943467592855, 0.09063943467592865, 0.09063943467592861, 0.09063943467592865, 0.09063943467592869, 0.0906394346759287, 0.12152027265917051, 0.1215202726591703, 0.12152027265917037, 0.1215202726591704, 0.12152027265917041, 0.12152027265917045, 0.15830340008608318, 0.15830340008608312, 0.1583034000860832, 0.15830340008608312, 0.15830340008608304, 0.15830340008608304, 0.12560941066072556, 0.12560941066072565, 0.12560941066072565, 0.12560941066072562, 0.1256094106607256, 0.12560941066072562, 0.09063943467592889, 0.09063943467592862, 0.09063943467592864, 0.09063943467592868, 0.09063943467592857, 0.09063943467592873, 0.12152027265917052, 0.12152027265917038, 0.12152027265917045, 0.12152027265917047, 0.12152027265917023, 0.12152027265917026, 0.15830340008608318, 0.15830340008608318, 0.15830340008608318, 0.15830340008608315, 0.1583034000860833, 0.15830340008608315, 0.12560941066072562, 0.1256094106607256, 0.12560941066072562, 0.12560941066072553, 0.12560941066072578, 0.12560941066072553, 0.09063943467592858, 0.09063943467592891, 0.09063943467592876, 0.09063943467592898, 0.09063943467592893, 0.09063943467592882, 0.12152027265917058, 0.1215202726591703, 0.12152027265917037, 0.1215202726591703, 0.12152027265917038, 0.12152027265917034, 0.1583034000860832, 0.1583034000860831, 0.15830340008608312, 0.15830340008608332, 0.1583034000860832, 0.1583034000860831, 0.12560941066072556, 0.12560941066072565, 0.12560941066072562, 0.1256094106607255, 0.12560941066072562, 0.12560941066072548, 0.0906394346759288, 0.09063943467592876, 0.0906394346759288, 0.09063943467592897, 0.09063943467592864, 0.09063943467592868, 0.1215202726591703, 0.12152027265917052, 0.12152027265917044, 0.12152027265917026, 0.12152027265917044, 0.12152027265917031, 0.15830340008608304, 0.15830340008608312, 0.15830340008608318, 0.15830340008608318, 0.15830340008608326, 0.1583034000860832, 0.1256094106607255, 0.1256094106607255, 0.12560941066072545, 0.12560941066072556, 0.12560941066072553, 0.12560941066072562, 0.09063943467592861, 0.0906394346759288, 0.09063943467592847, 0.09063943467592851, 0.09063943467592864, 0.09063943467592869, 0.11833729828318666, 0.11833729828318662, 0.11833729828318683, 0.11833729828318662, 0.11833729828318684, 0.11833729828318665, 0.15950059661867866, 0.15950059661867858, 0.15950059661867866, 0.1595005966186786, 0.15950059661867866, 0.1595005966186788, 0.12201407815303342, 0.12201407815303342, 0.12201407815303347, 0.12201407815303351, 0.12201407815303324, 0.12201407815303321, 0.09028000708952935, 0.09028000708952906, 0.0902800070895289, 0.09028000708952891, 0.09028000708952892, 0.0902800070895288, 0.11833729828318677, 0.11833729828318665, 0.11833729828318676, 0.11833729828318656, 0.11833729828318656, 0.11833729828318668, 0.15950059661867846, 0.15950059661867874, 0.1595005966186786, 0.15950059661867863, 0.1595005966186787, 0.1595005966186787, 0.1220140781530333, 0.12201407815303346, 0.12201407815303335, 0.12201407815303322, 0.12201407815303339, 0.12201407815303324, 0.09028000708952881, 0.09028000708952905, 0.09028000708952896, 0.09028000708952923, 0.09028000708952892, 0.09028000708952902, 0.11833729828318677, 0.11833729828318663, 0.11833729828318686, 0.11833729828318672, 0.1183372982831867, 0.11833729828318679, 0.15950059661867866, 0.15950059661867869, 0.15950059661867885, 0.1595005966186786, 0.15950059661867877, 0.15950059661867866, 0.12201407815303328, 0.12201407815303336, 0.12201407815303322, 0.12201407815303332, 0.12201407815303342, 0.12201407815303317, 0.09028000708952888, 0.0902800070895291, 0.09028000708952913, 0.09028000708952927, 0.09028000708952905, 0.0902800070895292, 0.11833729828318659, 0.1183372982831867, 0.11833729828318675, 0.11833729828318695, 0.11833729828318687, 0.1183372982831867, 0.15950059661867858, 0.15950059661867869, 0.15950059661867869, 0.15950059661867874, 0.15950059661867869, 0.15950059661867852, 0.12201407815303325, 0.12201407815303342, 0.12201407815303333, 0.12201407815303335, 0.12201407815303332, 0.12201407815303328, 0.09028000708952905, 0.09028000708952895, 0.09028000708952898, 0.09028000708952896, 0.09028000708952921, 0.09028000708952912, 0.11833729828318679, 0.11833729828318662, 0.11833729828318663, 0.11833729828318666, 0.1183372982831867, 0.11833729828318665, 0.15950059661867863, 0.15950059661867855, 0.15950059661867866, 0.15950059661867869, 0.15950059661867858, 0.15950059661867852, 0.12201407815303314, 0.12201407815303328, 0.12201407815303342, 0.12201407815303318, 0.12201407815303325, 0.12201407815303329, 0.090280007089529, 0.09028000708952935, 0.090280007089529, 0.0902800070895293, 0.09028000708952898, 0.09028000708952896, 0.11833729828318666, 0.11833729828318693, 0.11833729828318676, 0.11833729828318684, 0.11833729828318688, 0.1183372982831867, 0.15950059661867874, 0.15950059661867866, 0.15950059661867855, 0.15950059661867882, 0.15950059661867863, 0.15950059661867866, 0.12201407815303333, 0.12201407815303322, 0.12201407815303335, 0.12201407815303324, 0.12201407815303342, 0.1220140781530333, 0.09028000708952916, 0.09028000708952902, 0.0902800070895293, 0.09028000708952916, 0.09028000708952913, 0.09028000708952917, 0.12081853718726931, 0.12081853718726913, 0.12081853718726902, 0.12081853718726936, 0.12081853718726926, 0.12081853718726934, 0.16612398289960062, 0.16612398289960081, 0.16612398289960073, 0.16612398289960065, 0.16612398289960065, 0.16612398289960056, 0.1240229572299174, 0.12402295722991756, 0.12402295722991746, 0.12402295722991742, 0.12402295722991744, 0.12402295722991744, 0.09553296052602463, 0.09553296052602443, 0.09553296052602471, 0.0955329605260243, 0.09553296052602446, 0.0955329605260244, 0.12081853718726922, 0.12081853718726912, 0.1208185371872693, 0.12081853718726925, 0.12081853718726927, 0.12081853718726927, 0.1661239828996008, 0.1661239828996006, 0.16612398289960073, 0.16612398289960081, 0.16612398289960068, 0.16612398289960068, 0.12402295722991723, 0.1240229572299173, 0.12402295722991746, 0.12402295722991752, 0.12402295722991732, 0.12402295722991726, 0.09553296052602461, 0.09553296052602446, 0.09553296052602431, 0.0955329605260244, 0.09553296052602447, 0.09553296052602425, 0.1208185371872692, 0.12081853718726948, 0.12081853718726934, 0.12081853718726933, 0.12081853718726923, 0.12081853718726923, 0.16612398289960065, 0.16612398289960087, 0.1661239828996008, 0.16612398289960073, 0.16612398289960062, 0.16612398289960068, 0.12402295722991735, 0.12402295722991741, 0.12402295722991742, 0.1240229572299176, 0.12402295722991745, 0.12402295722991741, 0.09553296052602468, 0.09553296052602438, 0.09553296052602424, 0.09553296052602464, 0.09553296052602438, 0.09553296052602443, 0.12081853718726912, 0.12081853718726923, 0.12081853718726943, 0.12081853718726937, 0.12081853718726919, 0.12081853718726912, 0.16612398289960068, 0.16612398289960081, 0.16612398289960073, 0.1661239828996008, 0.16612398289960068, 0.1661239828996008, 0.12402295722991726, 0.12402295722991748, 0.12402295722991741, 0.12402295722991744, 0.12402295722991721, 0.1240229572299174, 0.09553296052602452, 0.09553296052602449, 0.09553296052602436, 0.09553296052602454, 0.09553296052602415, 0.09553296052602436, 0.1208185371872695, 0.12081853718726943, 0.12081853718726926, 0.12081853718726922, 0.12081853718726941, 0.12081853718726922, 0.1661239828996008, 0.16612398289960065, 0.16612398289960084, 0.1661239828996007, 0.16612398289960073, 0.16612398289960084, 0.12402295722991748, 0.12402295722991742, 0.12402295722991719, 0.12402295722991756, 0.1240229572299173, 0.12402295722991738, 0.0955329605260244, 0.09553296052602431, 0.0955329605260243, 0.09553296052602449, 0.09553296052602442, 0.09553296052602446, 0.12081853718726918, 0.12081853718726922, 0.12081853718726929, 0.12081853718726933, 0.12081853718726913, 0.12081853718726901, 0.16612398289960068, 0.16612398289960062, 0.16612398289960076, 0.16612398289960076, 0.16612398289960068, 0.16612398289960076, 0.12402295722991734, 0.12402295722991738, 0.1240229572299173, 0.12402295722991741, 0.12402295722991746, 0.12402295722991726, 0.09553296052602454, 0.09553296052602438, 0.09553296052602461, 0.09553296052602435, 0.09553296052602449, 0.09553296052602439]\n", "\n", "Abstraction error: 0.16612398289960087\n", "\n", "M1: ['X', 'Z', 'Y', 'V', 'U'] -> ['W']\n", "M0: ['A', 'B', 'D', 'F', 'G', 'H', 'I'] -> ['E']\n", "M1 mechanism shape: (2, 3456)\n", "M0 mechanism shape: (3, 8640)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "Alpha_s shape: (3456, 8640)\n", "Alpha_t shape: (2, 3)\n", "All JS distances: [0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.298000272688126, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.20700466096979916, 0.20700466096979928, 0.20700466096979916, 0.2070046609697992, 0.20700466096979933, 0.20700466096979916, 0.20700466096979933, 0.20700466096979928, 0.20700466096979894, 0.20700466096979891, 0.2070046609697988, 0.2070046609697991, 0.20700466096979894, 0.20700466096979916, 0.20700466096979928, 0.20700466096979894, 0.20700466096979928, 0.20700466096979894, 0.20700466096979891, 0.20700466096979894, 0.20700466096979894, 0.20700466096979894, 0.20700466096979916, 0.2070046609697988, 0.20700466096979894, 0.20700466096979894, 0.2070046609697992, 0.2070046609697992, 0.2070046609697992, 0.20700466096979922, 0.30102909061736893, 0.30102909061736877, 0.30102909061736893, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.30102909061736915, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.30102909061736904, 0.3010290906173691, 0.301029090617369, 0.3010290906173689, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.30102909061736927, 0.30102909061736893, 0.30102909061736915, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.26188327036959025, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959014, 0.26188327036959036, 0.2618832703695901, 0.26188327036959036, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695904, 0.26188327036959014, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.26188327036959025, 0.26188327036959025, 0.2618832703695902, 0.2618832703695903, 0.26188327036959025, 0.2618832703695903, 0.26188327036959025, 0.29800027268812584, 0.2980002726881261, 0.2980002726881261, 0.298000272688126, 0.298000272688126, 0.2980002726881261, 0.29800027268812596, 0.2980002726881261, 0.29800027268812584, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.2980002726881261, 0.2980002726881261, 0.298000272688126, 0.298000272688126, 0.29800027268812596, 0.2980002726881261, 0.298000272688126, 0.29800027268812584, 0.2980002726881259, 0.2070046609697992, 0.20700466096979894, 0.20700466096979914, 0.20700466096979916, 0.20700466096979894, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.20700466096979922, 0.20700466096979894, 0.20700466096979914, 0.20700466096979916, 0.20700466096979914, 0.20700466096979894, 0.2070046609697991, 0.20700466096979914, 0.20700466096979928, 0.20700466096979894, 0.2070046609697992, 0.20700466096979894, 0.2070046609697991, 0.20700466096979916, 0.20700466096979933, 0.20700466096979894, 0.20700466096979928, 0.20700466096979925, 0.20700466096979916, 0.20700466096979922, 0.2070046609697991, 0.20700466096979894, 0.3010290906173691, 0.30102909061736893, 0.30102909061736893, 0.30102909061736927, 0.3010290906173691, 0.30102909061736904, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.30102909061736927, 0.3010290906173692, 0.30102909061736904, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.30102909061736904, 0.30102909061736893, 0.3010290906173691, 0.30102909061736893, 0.30102909061736927, 0.26188327036959, 0.2618832703695901, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.26188327036959025, 0.26188327036959025, 0.2618832703695903, 0.2618832703695904, 0.26188327036959036, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.29800027268812596, 0.29800027268812584, 0.2980002726881258, 0.2980002726881259, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.298000272688126, 0.2980002726881258, 0.29800027268812596, 0.2980002726881259, 0.298000272688126, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.2980002726881258, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.20700466096979914, 0.2070046609697992, 0.20700466096979914, 0.20700466096979894, 0.20700466096979891, 0.20700466096979914, 0.2070046609697992, 0.20700466096979933, 0.20700466096979914, 0.20700466096979928, 0.2070046609697992, 0.2070046609697992, 0.2070046609697992, 0.20700466096979894, 0.2070046609697992, 0.20700466096979933, 0.20700466096979916, 0.20700466096979922, 0.20700466096979894, 0.20700466096979933, 0.20700466096979928, 0.20700466096979914, 0.20700466096979883, 0.20700466096979925, 0.20700466096979922, 0.20700466096979925, 0.20700466096979914, 0.20700466096979914, 0.2070046609697992, 0.20700466096979891, 0.3010290906173692, 0.3010290906173692, 0.30102909061736893, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.30102909061736915, 0.301029090617369, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.3010290906173691, 0.30102909061736893, 0.30102909061736927, 0.30102909061736893, 0.3010290906173691, 0.30102909061736904, 0.30102909061736904, 0.3010290906173692, 0.3010290906173692, 0.30102909061736893, 0.3010290906173692, 0.30102909061736927, 0.30102909061736893, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.30102909061736915, 0.2618832703695903, 0.26188327036959025, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.26188327036959025, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.26188327036959, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.298000272688126, 0.298000272688126, 0.29800027268812607, 0.2980002726881258, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.298000272688126, 0.29800027268812596, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.298000272688126, 0.29800027268812607, 0.2980002726881259, 0.29800027268812607, 0.2980002726881262, 0.20700466096979916, 0.20700466096979914, 0.20700466096979925, 0.20700466096979916, 0.207004660969799, 0.20700466096979914, 0.20700466096979914, 0.2070046609697991, 0.2070046609697991, 0.2070046609697992, 0.20700466096979914, 0.2070046609697992, 0.2070046609697991, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.2070046609697991, 0.207004660969799, 0.2070046609697992, 0.2070046609697992, 0.20700466096979925, 0.20700466096979903, 0.2070046609697991, 0.20700466096979894, 0.20700466096979914, 0.2070046609697991, 0.2070046609697991, 0.2070046609697991, 0.20700466096979914, 0.20700466096979914, 0.3010290906173691, 0.30102909061736893, 0.3010290906173688, 0.3010290906173689, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.3010290906173691, 0.3010290906173691, 0.30102909061736893, 0.30102909061736915, 0.3010290906173691, 0.3010290906173691, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173692, 0.301029090617369, 0.3010290906173691, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959014, 0.2618832703695904, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.2980002726881259, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.298000272688126, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.29800027268812596, 0.29800027268812607, 0.20700466096979894, 0.2070046609697988, 0.20700466096979905, 0.20700466096979891, 0.20700466096979897, 0.20700466096979894, 0.20700466096979891, 0.20700466096979894, 0.20700466096979872, 0.20700466096979894, 0.20700466096979886, 0.2070046609697992, 0.2070046609697989, 0.20700466096979894, 0.20700466096979894, 0.20700466096979878, 0.20700466096979872, 0.20700466096979894, 0.20700466096979894, 0.2070046609697988, 0.20700466096979908, 0.20700466096979872, 0.20700466096979894, 0.20700466096979886, 0.20700466096979886, 0.20700466096979894, 0.20700466096979878, 0.20700466096979903, 0.20700466096979897, 0.2070046609697992, 0.30102909061736915, 0.30102909061736927, 0.3010290906173692, 0.3010290906173692, 0.30102909061736915, 0.3010290906173692, 0.30102909061736904, 0.3010290906173691, 0.30102909061736915, 0.30102909061736915, 0.3010290906173692, 0.3010290906173692, 0.3010290906173692, 0.30102909061736904, 0.3010290906173692, 0.30102909061736915, 0.3010290906173691, 0.30102909061736893, 0.30102909061736904, 0.3010290906173692, 0.30102909061736927, 0.3010290906173691, 0.3010290906173692, 0.301029090617369, 0.30102909061736927, 0.3010290906173692, 0.30102909061736927, 0.3010290906173692, 0.3010290906173691, 0.30102909061736927, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695904, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695901, 0.2618832703695904, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.26188327036959025, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.298000272688126, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.298000272688126, 0.20700466096979933, 0.2070046609697992, 0.20700466096979914, 0.20700466096979922, 0.20700466096979916, 0.20700466096979914, 0.2070046609697992, 0.20700466096979914, 0.2070046609697991, 0.20700466096979914, 0.2070046609697992, 0.20700466096979894, 0.20700466096979916, 0.20700466096979916, 0.2070046609697992, 0.2070046609697991, 0.20700466096979914, 0.20700466096979914, 0.20700466096979928, 0.20700466096979891, 0.20700466096979925, 0.20700466096979928, 0.20700466096979914, 0.20700466096979914, 0.20700466096979922, 0.20700466096979914, 0.20700466096979928, 0.20700466096979925, 0.20700466096979894, 0.20700466096979916, 0.30102909061736893, 0.3010290906173692, 0.3010290906173691, 0.30102909061736915, 0.3010290906173692, 0.3010290906173692, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.30102909061736915, 0.3010290906173692, 0.30102909061736915, 0.3010290906173691, 0.30102909061736893, 0.3010290906173692, 0.30102909061736927, 0.30102909061736904, 0.30102909061736893, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.30102909061736915, 0.30102909061736893, 0.3010290906173692, 0.3010290906173691, 0.30102909061736893, 0.301029090617369, 0.3010290906173691, 0.3010290906173691, 0.2618832703695904, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959025, 0.2618832703695904, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695904, 0.26188327036959047, 0.26188327036959036, 0.2618832703695904, 0.26188327036959036, 0.2618832703695905, 0.2618832703695903, 0.26188327036959036, 0.26188327036959047, 0.26188327036959036, 0.26188327036959047, 0.2618832703695903, 0.2618832703695904, 0.26188327036959036, 0.2618832703695903, 0.2618832703695904, 0.3461516421214343, 0.34615164212143423, 0.3461516421214344, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.17096250931531654, 0.1709625093153162, 0.17096250931531637, 0.17096250931531654, 0.1709625093153162, 0.17096250931531637, 0.1709625093153165, 0.17096250931531645, 0.1709625093153163, 0.17096250931531665, 0.17096250931531637, 0.17096250931531642, 0.1709625093153162, 0.1709625093153163, 0.1709625093153165, 0.17096250931531648, 0.1709625093153166, 0.1709625093153163, 0.17096250931531656, 0.17096250931531656, 0.17096250931531656, 0.1709625093153162, 0.1709625093153162, 0.1709625093153166, 0.17096250931531648, 0.17096250931531642, 0.17096250931531656, 0.17096250931531648, 0.1709625093153165, 0.17096250931531617, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.2263507742581569, 0.22635077425815708, 0.22635077425815708, 0.22635077425815686, 0.22635077425815708, 0.2263507742581571, 0.22635077425815692, 0.22635077425815686, 0.2263507742581571, 0.22635077425815708, 0.22635077425815694, 0.2263507742581567, 0.22635077425815708, 0.22635077425815694, 0.226350774258157, 0.2263507742581571, 0.22635077425815694, 0.22635077425815683, 0.22635077425815706, 0.22635077425815714, 0.22635077425815694, 0.2263507742581569, 0.22635077425815708, 0.22635077425815708, 0.2263507742581571, 0.22635077425815708, 0.22635077425815714, 0.22635077425815697, 0.22635077425815714, 0.2263507742581571, 0.34615164212143434, 0.34615164212143446, 0.34615164212143434, 0.34615164212143446, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.34615164212143434, 0.34615164212143434, 0.34615164212143446, 0.3461516421214344, 0.34615164212143434, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.3461516421214343, 0.34615164212143446, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.34615164212143423, 0.34615164212143446, 0.1709625093153165, 0.17096250931531642, 0.17096250931531648, 0.17096250931531642, 0.17096250931531656, 0.1709625093153166, 0.1709625093153166, 0.17096250931531654, 0.17096250931531654, 0.17096250931531637, 0.1709625093153162, 0.1709625093153163, 0.1709625093153166, 0.17096250931531654, 0.1709625093153165, 0.17096250931531648, 0.1709625093153165, 0.17096250931531615, 0.1709625093153165, 0.17096250931531656, 0.1709625093153166, 0.17096250931531656, 0.17096250931531648, 0.1709625093153166, 0.17096250931531637, 0.17096250931531654, 0.1709625093153166, 0.17096250931531642, 0.1709625093153165, 0.17096250931531648, 0.3491329482857738, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.34913294828577357, 0.3491329482857738, 0.34913294828577374, 0.22635077425815683, 0.22635077425815708, 0.2263507742581571, 0.2263507742581572, 0.2263507742581572, 0.22635077425815694, 0.22635077425815714, 0.22635077425815706, 0.22635077425815708, 0.22635077425815686, 0.2263507742581572, 0.2263507742581571, 0.22635077425815708, 0.22635077425815686, 0.22635077425815694, 0.22635077425815706, 0.22635077425815686, 0.22635077425815694, 0.22635077425815697, 0.22635077425815694, 0.22635077425815697, 0.2263507742581571, 0.22635077425815697, 0.22635077425815706, 0.22635077425815694, 0.22635077425815694, 0.22635077425815714, 0.2263507742581571, 0.2263507742581571, 0.2263507742581571, 0.34615164212143434, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.3461516421214343, 0.3461516421214344, 0.34615164212143434, 0.34615164212143446, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.34615164212143434, 0.34615164212143446, 0.34615164212143434, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214344, 0.17096250931531637, 0.1709625093153166, 0.17096250931531648, 0.1709625093153165, 0.17096250931531642, 0.17096250931531642, 0.17096250931531642, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.17096250931531634, 0.17096250931531642, 0.17096250931531648, 0.1709625093153165, 0.1709625093153165, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.1709625093153165, 0.1709625093153165, 0.17096250931531642, 0.1709625093153165, 0.17096250931531634, 0.17096250931531648, 0.17096250931531654, 0.17096250931531645, 0.17096250931531642, 0.17096250931531648, 0.1709625093153166, 0.17096250931531642, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577357, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.34913294828577357, 0.22635077425815708, 0.22635077425815708, 0.22635077425815714, 0.22635077425815686, 0.2263507742581571, 0.22635077425815686, 0.22635077425815706, 0.22635077425815708, 0.226350774258157, 0.2263507742581572, 0.2263507742581571, 0.22635077425815714, 0.22635077425815706, 0.22635077425815697, 0.22635077425815706, 0.22635077425815706, 0.22635077425815692, 0.2263507742581571, 0.22635077425815708, 0.2263507742581572, 0.22635077425815706, 0.22635077425815708, 0.22635077425815722, 0.22635077425815706, 0.22635077425815708, 0.22635077425815692, 0.22635077425815692, 0.22635077425815692, 0.2263507742581572, 0.22635077425815686, 0.3461516421214344, 0.34615164212143434, 0.34615164212143446, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.34615164212143434, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.34615164212143434, 0.3461516421214342, 0.34615164212143434, 0.34615164212143434, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214342, 0.1709625093153166, 0.1709625093153165, 0.1709625093153166, 0.17096250931531642, 0.17096250931531656, 0.1709625093153165, 0.1709625093153166, 0.17096250931531648, 0.17096250931531645, 0.1709625093153162, 0.17096250931531654, 0.1709625093153166, 0.17096250931531654, 0.1709625093153165, 0.1709625093153165, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.17096250931531645, 0.1709625093153165, 0.17096250931531629, 0.17096250931531654, 0.1709625093153165, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.1709625093153162, 0.1709625093153166, 0.17096250931531656, 0.17096250931531654, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577357, 0.34913294828577357, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.22635077425815708, 0.22635077425815706, 0.22635077425815708, 0.22635077425815708, 0.22635077425815708, 0.22635077425815708, 0.2263507742581571, 0.22635077425815706, 0.22635077425815714, 0.22635077425815706, 0.22635077425815714, 0.22635077425815708, 0.2263507742581571, 0.22635077425815706, 0.22635077425815722, 0.22635077425815708, 0.22635077425815708, 0.22635077425815708, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.22635077425815714, 0.2263507742581571, 0.2263507742581572, 0.2263507742581571, 0.22635077425815692, 0.22635077425815706, 0.22635077425815706, 0.22635077425815708, 0.22635077425815722, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.17096250931531637, 0.1709625093153166, 0.1709625093153165, 0.1709625093153165, 0.17096250931531648, 0.17096250931531642, 0.17096250931531648, 0.1709625093153166, 0.17096250931531637, 0.17096250931531665, 0.17096250931531648, 0.1709625093153165, 0.17096250931531637, 0.17096250931531665, 0.17096250931531654, 0.1709625093153166, 0.1709625093153166, 0.17096250931531648, 0.1709625093153165, 0.17096250931531642, 0.1709625093153165, 0.17096250931531665, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.17096250931531637, 0.17096250931531637, 0.1709625093153165, 0.17096250931531667, 0.17096250931531665, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577357, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.22635077425815706, 0.22635077425815683, 0.22635077425815694, 0.22635077425815694, 0.2263507742581571, 0.2263507742581571, 0.22635077425815692, 0.2263507742581571, 0.22635077425815692, 0.22635077425815706, 0.22635077425815714, 0.22635077425815686, 0.22635077425815708, 0.2263507742581567, 0.22635077425815714, 0.2263507742581571, 0.22635077425815714, 0.22635077425815683, 0.22635077425815694, 0.2263507742581571, 0.22635077425815708, 0.22635077425815708, 0.22635077425815694, 0.22635077425815683, 0.22635077425815708, 0.2263507742581571, 0.22635077425815708, 0.22635077425815686, 0.22635077425815686, 0.22635077425815706, 0.34615164212143434, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.1709625093153165, 0.17096250931531637, 0.1709625093153163, 0.17096250931531637, 0.1709625093153166, 0.1709625093153163, 0.17096250931531629, 0.1709625093153162, 0.17096250931531642, 0.17096250931531637, 0.17096250931531656, 0.17096250931531656, 0.17096250931531637, 0.17096250931531642, 0.1709625093153166, 0.1709625093153163, 0.17096250931531656, 0.1709625093153162, 0.17096250931531654, 0.1709625093153162, 0.17096250931531656, 0.17096250931531648, 0.17096250931531654, 0.1709625093153162, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.1709625093153163, 0.17096250931531642, 0.1709625093153163, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.22635077425815686, 0.22635077425815708, 0.22635077425815708, 0.22635077425815686, 0.22635077425815708, 0.22635077425815686, 0.2263507742581571, 0.2263507742581571, 0.22635077425815714, 0.22635077425815708, 0.22635077425815686, 0.22635077425815686, 0.22635077425815692, 0.2263507742581568, 0.2263507742581571, 0.22635077425815706, 0.22635077425815683, 0.2263507742581571, 0.22635077425815706, 0.2263507742581571, 0.22635077425815714, 0.2263507742581571, 0.22635077425815708, 0.2263507742581569, 0.22635077425815714, 0.22635077425815708, 0.22635077425815708, 0.22635077425815706, 0.22635077425815706, 0.22635077425815686, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.15215748471939425, 0.15215748471939428, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.15215748471939392, 0.15215748471939403, 0.15215748471939428, 0.15215748471939403, 0.15215748471939428, 0.15215748471939403, 0.15215748471939405, 0.15215748471939428, 0.15215748471939403, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.15215748471939428, 0.15215748471939403, 0.15215748471939428, 0.15215748471939392, 0.15215748471939392, 0.1521574847193939, 0.1521574847193938, 0.15215748471939397, 0.15215748471939403, 0.15215748471939383, 0.1521574847193939, 0.1521574847193939, 0.15215748471939425, 0.3458927426747926, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.34589274267479253, 0.3458927426747924, 0.34589274267479253, 0.3458927426747927, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.20777007412710397, 0.20777007412710397, 0.20777007412710424, 0.207770074127104, 0.207770074127104, 0.20777007412710402, 0.207770074127104, 0.20777007412710422, 0.207770074127104, 0.20777007412710405, 0.20777007412710405, 0.20777007412710402, 0.20777007412710397, 0.207770074127104, 0.20777007412710424, 0.20777007412710408, 0.20777007412710422, 0.20777007412710422, 0.20777007412710397, 0.20777007412710422, 0.20777007412710402, 0.207770074127104, 0.20777007412710422, 0.20777007412710405, 0.207770074127104, 0.2077700741271039, 0.20777007412710424, 0.20777007412710405, 0.207770074127104, 0.20777007412710402, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.15215748471939428, 0.15215748471939403, 0.15215748471939403, 0.15215748471939425, 0.15215748471939394, 0.15215748471939428, 0.15215748471939425, 0.1521574847193938, 0.15215748471939403, 0.15215748471939403, 0.15215748471939405, 0.15215748471939392, 0.15215748471939403, 0.1521574847193939, 0.15215748471939386, 0.15215748471939403, 0.15215748471939403, 0.15215748471939428, 0.15215748471939392, 0.15215748471939403, 0.152157484719394, 0.15215748471939428, 0.15215748471939392, 0.15215748471939392, 0.1521574847193939, 0.15215748471939392, 0.1521574847193939, 0.15215748471939392, 0.15215748471939414, 0.1521574847193943, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747926, 0.3458927426747924, 0.34589274267479264, 0.34589274267479275, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.2077700741271041, 0.2077700741271039, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.20777007412710402, 0.20777007412710374, 0.20777007412710374, 0.20777007412710402, 0.2077700741271041, 0.20777007412710402, 0.20777007412710402, 0.2077700741271041, 0.207770074127104, 0.20777007412710374, 0.20777007412710405, 0.207770074127104, 0.2077700741271039, 0.2077700741271039, 0.20777007412710408, 0.20777007412710408, 0.20777007412710408, 0.207770074127104, 0.207770074127104, 0.207770074127104, 0.207770074127104, 0.207770074127104, 0.20777007412710405, 0.20777007412710413, 0.207770074127104, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652933, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.15215748471939425, 0.15215748471939422, 0.15215748471939403, 0.15215748471939425, 0.152157484719394, 0.15215748471939408, 0.15215748471939425, 0.15215748471939428, 0.15215748471939428, 0.1521574847193944, 0.1521574847193944, 0.1521574847193944, 0.15215748471939392, 0.15215748471939428, 0.15215748471939392, 0.15215748471939414, 0.15215748471939436, 0.15215748471939425, 0.15215748471939408, 0.1521574847193943, 0.15215748471939405, 0.15215748471939394, 0.1521574847193938, 0.15215748471939408, 0.15215748471939392, 0.15215748471939433, 0.15215748471939422, 0.15215748471939425, 0.15215748471939433, 0.1521574847193943, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.3458927426747925, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747923, 0.3458927426747925, 0.3458927426747924, 0.34589274267479264, 0.3458927426747925, 0.3458927426747925, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.207770074127104, 0.20777007412710422, 0.20777007412710405, 0.20777007412710424, 0.207770074127104, 0.20777007412710397, 0.20777007412710416, 0.207770074127104, 0.2077700741271042, 0.20777007412710397, 0.20777007412710397, 0.20777007412710422, 0.20777007412710424, 0.207770074127104, 0.20777007412710422, 0.20777007412710424, 0.20777007412710402, 0.20777007412710405, 0.20777007412710424, 0.20777007412710408, 0.207770074127104, 0.207770074127104, 0.20777007412710397, 0.20777007412710422, 0.20777007412710397, 0.207770074127104, 0.20777007412710422, 0.20777007412710424, 0.20777007412710422, 0.207770074127104, 0.34290801596529347, 0.34290801596529336, 0.3429080159652936, 0.3429080159652936, 0.34290801596529324, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.34290801596529336, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529324, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.1521574847193939, 0.15215748471939414, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.15215748471939414, 0.15215748471939392, 0.15215748471939392, 0.15215748471939428, 0.15215748471939422, 0.15215748471939428, 0.15215748471939422, 0.15215748471939392, 0.1521574847193939, 0.15215748471939425, 0.15215748471939394, 0.1521574847193939, 0.15215748471939414, 0.15215748471939403, 0.15215748471939433, 0.15215748471939428, 0.1521574847193944, 0.15215748471939425, 0.15215748471939403, 0.15215748471939392, 0.1521574847193943, 0.1521574847193943, 0.1521574847193939, 0.15215748471939392, 0.15215748471939397, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747923, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479253, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.20777007412710413, 0.20777007412710397, 0.207770074127104, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.2077700741271041, 0.20777007412710405, 0.20777007412710408, 0.20777007412710405, 0.207770074127104, 0.20777007412710408, 0.2077700741271039, 0.20777007412710408, 0.20777007412710408, 0.20777007412710397, 0.20777007412710424, 0.20777007412710408, 0.20777007412710405, 0.20777007412710408, 0.20777007412710405, 0.20777007412710397, 0.20777007412710422, 0.2077700741271041, 0.2077700741271041, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.20777007412710405, 0.207770074127104, 0.34290801596529347, 0.34290801596529324, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652934, 0.3429080159652936, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652934, 0.34290801596529324, 0.34290801596529336, 0.34290801596529347, 0.34290801596529347, 0.15215748471939428, 0.1521574847193943, 0.15215748471939403, 0.15215748471939403, 0.15215748471939405, 0.1521574847193939, 0.15215748471939394, 0.15215748471939422, 0.15215748471939422, 0.15215748471939403, 0.15215748471939403, 0.15215748471939408, 0.15215748471939422, 0.15215748471939414, 0.152157484719394, 0.15215748471939403, 0.1521574847193938, 0.15215748471939414, 0.15215748471939392, 0.15215748471939403, 0.15215748471939403, 0.15215748471939422, 0.15215748471939403, 0.15215748471939394, 0.15215748471939394, 0.1521574847193943, 0.1521574847193939, 0.15215748471939403, 0.1521574847193943, 0.15215748471939422, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747923, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.20777007412710402, 0.20777007412710405, 0.207770074127104, 0.20777007412710422, 0.207770074127104, 0.20777007412710397, 0.20777007412710405, 0.20777007412710402, 0.20777007412710422, 0.20777007412710408, 0.20777007412710413, 0.207770074127104, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.20777007412710408, 0.2077700741271041, 0.20777007412710408, 0.20777007412710408, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.20777007412710408, 0.20777007412710408, 0.2077700741271039, 0.20777007412710402, 0.20777007412710422, 0.34290801596529336, 0.3429080159652934, 0.34290801596529336, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652936, 0.34290801596529347, 0.34290801596529347, 0.3429080159652936, 0.3429080159652936, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.34290801596529336, 0.3429080159652934, 0.3429080159652933, 0.34290801596529347, 0.3429080159652936, 0.3429080159652936, 0.3429080159652936, 0.34290801596529347, 0.3429080159652936, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.1521574847193938, 0.15215748471939422, 0.1521574847193939, 0.15215748471939414, 0.15215748471939392, 0.15215748471939425, 0.15215748471939425, 0.15215748471939414, 0.15215748471939403, 0.1521574847193944, 0.15215748471939428, 0.15215748471939433, 0.15215748471939422, 0.1521574847193943, 0.1521574847193943, 0.15215748471939433, 0.15215748471939428, 0.15215748471939414, 0.15215748471939392, 0.1521574847193944, 0.15215748471939408, 0.15215748471939403, 0.15215748471939428, 0.15215748471939397, 0.15215748471939425, 0.15215748471939422, 0.15215748471939392, 0.152157484719394, 0.15215748471939414, 0.15215748471939397, 0.34589274267479275, 0.34589274267479264, 0.34589274267479236, 0.34589274267479264, 0.34589274267479236, 0.3458927426747924, 0.3458927426747927, 0.3458927426747924, 0.34589274267479275, 0.3458927426747924, 0.34589274267479264, 0.3458927426747926, 0.34589274267479236, 0.3458927426747927, 0.34589274267479275, 0.3458927426747926, 0.34589274267479236, 0.3458927426747927, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747926, 0.34589274267479264, 0.34589274267479236, 0.34589274267479236, 0.3458927426747927, 0.3458927426747927, 0.34589274267479264, 0.3458927426747925, 0.207770074127104, 0.207770074127104, 0.20777007412710388, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.20777007412710408, 0.207770074127104, 0.20777007412710397, 0.207770074127104, 0.207770074127104, 0.207770074127104, 0.20777007412710397, 0.20777007412710416, 0.207770074127104, 0.20777007412710408, 0.207770074127104, 0.20777007412710413, 0.20777007412710413, 0.2077700741271039, 0.20777007412710413, 0.207770074127104, 0.2077700741271039, 0.2077700741271041, 0.20777007412710397, 0.207770074127104, 0.2077700741271039, 0.20777007412710416, 0.20777007412710408, 0.20777007412710402, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.16752326710522478, 0.16752326710522494, 0.16752326710522494, 0.16752326710522503, 0.1675232671052247, 0.1675232671052249, 0.16752326710522494, 0.16752326710522467, 0.16752326710522464, 0.16752326710522467, 0.16752326710522494, 0.16752326710522494, 0.1675232671052249, 0.16752326710522492, 0.16752326710522494, 0.16752326710522494, 0.16752326710522494, 0.16752326710522517, 0.1675232671052249, 0.16752326710522517, 0.16752326710522472, 0.16752326710522494, 0.16752326710522494, 0.16752326710522464, 0.1675232671052247, 0.16752326710522475, 0.16752326710522492, 0.16752326710522494, 0.1675232671052249, 0.16752326710522494, 0.3262229741686099, 0.3262229741686099, 0.32622297416860996, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.32622297416861, 0.32622297416861, 0.3262229741686099, 0.3262229741686099, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.3262229741686099, 0.3262229741686102, 0.3262229741686099, 0.3262229741686101, 0.3262229741686098, 0.32622297416860985, 0.3262229741686099, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.3262229741686101, 0.22295460065805223, 0.2229546006580523, 0.22295460065805245, 0.22295460065805223, 0.22295460065805228, 0.2229546006580522, 0.2229546006580523, 0.22295460065805228, 0.22295460065805234, 0.22295460065805223, 0.2229546006580522, 0.22295460065805228, 0.22295460065805245, 0.22295460065805242, 0.22295460065805234, 0.2229546006580523, 0.22295460065805223, 0.22295460065805223, 0.22295460065805234, 0.2229546006580522, 0.2229546006580522, 0.22295460065805234, 0.22295460065805225, 0.22295460065805223, 0.2229546006580525, 0.2229546006580522, 0.22295460065805242, 0.22295460065805228, 0.22295460065805228, 0.22295460065805225, 0.32321818049431666, 0.3232181804943168, 0.32321818049431655, 0.3232181804943168, 0.32321818049431655, 0.3232181804943167, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.3232181804943166, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.3232181804943166, 0.32321818049431666, 0.32321818049431666, 0.3232181804943167, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.16752326710522514, 0.16752326710522517, 0.16752326710522492, 0.16752326710522497, 0.16752326710522492, 0.16752326710522455, 0.16752326710522486, 0.16752326710522508, 0.16752326710522494, 0.16752326710522503, 0.16752326710522494, 0.16752326710522478, 0.16752326710522503, 0.16752326710522497, 0.1675232671052248, 0.16752326710522517, 0.16752326710522497, 0.16752326710522503, 0.167523267105225, 0.16752326710522494, 0.16752326710522478, 0.16752326710522464, 0.16752326710522467, 0.16752326710522455, 0.1675232671052249, 0.1675232671052248, 0.16752326710522494, 0.1675232671052249, 0.16752326710522494, 0.16752326710522514, 0.32622297416861007, 0.32622297416861, 0.3262229741686099, 0.32622297416861007, 0.32622297416861007, 0.3262229741686101, 0.3262229741686101, 0.32622297416861007, 0.32622297416861, 0.32622297416861, 0.3262229741686099, 0.32622297416861, 0.3262229741686099, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416861007, 0.32622297416861, 0.32622297416860985, 0.3262229741686099, 0.32622297416860996, 0.32622297416861, 0.32622297416861, 0.3262229741686099, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.22295460065805253, 0.22295460065805223, 0.22295460065805223, 0.22295460065805223, 0.2229546006580524, 0.2229546006580522, 0.2229546006580522, 0.2229546006580521, 0.22295460065805242, 0.2229546006580524, 0.2229546006580525, 0.22295460065805234, 0.2229546006580522, 0.22295460065805242, 0.2229546006580524, 0.2229546006580524, 0.22295460065805228, 0.22295460065805223, 0.22295460065805217, 0.2229546006580525, 0.22295460065805234, 0.22295460065805242, 0.2229546006580524, 0.22295460065805217, 0.22295460065805256, 0.2229546006580523, 0.22295460065805234, 0.22295460065805242, 0.22295460065805217, 0.2229546006580522, 0.3232181804943167, 0.3232181804943167, 0.32321818049431655, 0.3232181804943167, 0.3232181804943168, 0.32321818049431655, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.32321818049431655, 0.3232181804943166, 0.32321818049431655, 0.32321818049431683, 0.3232181804943166, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943166, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.32321818049431683, 0.3232181804943167, 0.32321818049431666, 0.16752326710522514, 0.16752326710522494, 0.16752326710522494, 0.16752326710522478, 0.16752326710522494, 0.167523267105225, 0.16752326710522497, 0.1675232671052249, 0.16752326710522478, 0.1675232671052249, 0.16752326710522497, 0.16752326710522478, 0.16752326710522475, 0.16752326710522494, 0.16752326710522508, 0.16752326710522486, 0.16752326710522503, 0.16752326710522494, 0.16752326710522503, 0.16752326710522497, 0.16752326710522453, 0.16752326710522508, 0.16752326710522494, 0.16752326710522497, 0.167523267105225, 0.16752326710522497, 0.16752326710522494, 0.16752326710522503, 0.167523267105225, 0.16752326710522497, 0.32622297416861, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416860996, 0.32622297416860996, 0.32622297416861007, 0.32622297416860996, 0.32622297416860996, 0.32622297416860985, 0.3262229741686102, 0.32622297416861007, 0.32622297416860996, 0.3262229741686099, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.3262229741686101, 0.3262229741686099, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.3262229741686102, 0.32622297416860996, 0.32622297416861007, 0.32622297416860985, 0.22295460065805234, 0.2229546006580522, 0.2229546006580522, 0.22295460065805242, 0.22295460065805217, 0.22295460065805262, 0.2229546006580525, 0.22295460065805242, 0.22295460065805234, 0.2229546006580525, 0.2229546006580522, 0.2229546006580522, 0.2229546006580522, 0.2229546006580525, 0.22295460065805245, 0.2229546006580522, 0.22295460065805245, 0.2229546006580524, 0.2229546006580523, 0.2229546006580522, 0.22295460065805234, 0.2229546006580525, 0.22295460065805234, 0.22295460065805245, 0.22295460065805223, 0.22295460065805234, 0.2229546006580523, 0.2229546006580523, 0.2229546006580522, 0.22295460065805223, 0.32321818049431683, 0.32321818049431655, 0.3232181804943168, 0.3232181804943166, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.32321818049431655, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.3232181804943167, 0.32321818049431666, 0.16752326710522494, 0.16752326710522492, 0.16752326710522472, 0.16752326710522494, 0.1675232671052248, 0.16752326710522478, 0.16752326710522472, 0.16752326710522475, 0.16752326710522494, 0.16752326710522514, 0.1675232671052249, 0.16752326710522494, 0.16752326710522497, 0.16752326710522494, 0.1675232671052249, 0.167523267105225, 0.1675232671052247, 0.16752326710522517, 0.16752326710522478, 0.16752326710522478, 0.16752326710522508, 0.1675232671052248, 0.16752326710522514, 0.1675232671052249, 0.16752326710522494, 0.16752326710522472, 0.16752326710522492, 0.16752326710522472, 0.16752326710522472, 0.16752326710522494, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.3262229741686099, 0.32622297416861, 0.32622297416860985, 0.32622297416860985, 0.3262229741686099, 0.32622297416861, 0.3262229741686099, 0.3262229741686099, 0.32622297416861, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.32622297416861007, 0.3262229741686099, 0.32622297416860985, 0.3262229741686101, 0.3262229741686099, 0.32622297416861, 0.32622297416860996, 0.32622297416861, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416860996, 0.22295460065805225, 0.22295460065805237, 0.2229546006580522, 0.2229546006580522, 0.22295460065805245, 0.2229546006580522, 0.22295460065805217, 0.2229546006580522, 0.2229546006580523, 0.2229546006580524, 0.22295460065805225, 0.22295460065805225, 0.2229546006580525, 0.2229546006580526, 0.22295460065805223, 0.22295460065805234, 0.22295460065805214, 0.22295460065805228, 0.2229546006580522, 0.22295460065805223, 0.2229546006580522, 0.2229546006580523, 0.22295460065805248, 0.22295460065805225, 0.22295460065805223, 0.22295460065805212, 0.22295460065805234, 0.22295460065805225, 0.22295460065805234, 0.2229546006580522, 0.3232181804943167, 0.3232181804943168, 0.3232181804943168, 0.32321818049431655, 0.3232181804943167, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.3232181804943167, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.3232181804943167, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.16752326710522494, 0.16752326710522517, 0.16752326710522472, 0.16752326710522478, 0.16752326710522475, 0.16752326710522517, 0.16752326710522492, 0.16752326710522494, 0.167523267105225, 0.16752326710522503, 0.1675232671052249, 0.1675232671052247, 0.16752326710522517, 0.16752326710522478, 0.16752326710522517, 0.16752326710522492, 0.16752326710522492, 0.1675232671052247, 0.1675232671052249, 0.16752326710522492, 0.16752326710522494, 0.16752326710522494, 0.16752326710522478, 0.1675232671052247, 0.16752326710522475, 0.16752326710522494, 0.16752326710522514, 0.16752326710522517, 0.16752326710522494, 0.16752326710522494, 0.32622297416860996, 0.3262229741686101, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.32622297416860985, 0.32622297416861007, 0.32622297416861, 0.3262229741686099, 0.32622297416861007, 0.3262229741686102, 0.32622297416861007, 0.3262229741686099, 0.3262229741686099, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416860996, 0.3262229741686099, 0.32622297416860985, 0.3262229741686099, 0.32622297416860985, 0.3262229741686101, 0.22295460065805237, 0.22295460065805237, 0.22295460065805242, 0.22295460065805242, 0.2229546006580522, 0.22295460065805242, 0.2229546006580522, 0.22295460065805228, 0.22295460065805223, 0.22295460065805228, 0.2229546006580522, 0.2229546006580525, 0.2229546006580522, 0.22295460065805242, 0.2229546006580522, 0.2229546006580524, 0.2229546006580522, 0.2229546006580524, 0.2229546006580525, 0.22295460065805242, 0.22295460065805217, 0.22295460065805217, 0.2229546006580522, 0.22295460065805242, 0.2229546006580522, 0.22295460065805234, 0.2229546006580523, 0.2229546006580523, 0.22295460065805223, 0.2229546006580522, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.3232181804943166, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943166, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.1675232671052249, 0.16752326710522494, 0.16752326710522503, 0.16752326710522494, 0.16752326710522508, 0.16752326710522494, 0.16752326710522503, 0.16752326710522508, 0.16752326710522494, 0.16752326710522494, 0.16752326710522494, 0.16752326710522478, 0.1675232671052247, 0.16752326710522494, 0.16752326710522475, 0.16752326710522517, 0.16752326710522503, 0.16752326710522472, 0.1675232671052247, 0.16752326710522517, 0.16752326710522492, 0.16752326710522475, 0.16752326710522497, 0.16752326710522467, 0.16752326710522494, 0.1675232671052249, 0.16752326710522494, 0.1675232671052249, 0.16752326710522492, 0.1675232671052249, 0.32622297416861, 0.32622297416861, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.32622297416860996, 0.32622297416861007, 0.32622297416861, 0.32622297416861, 0.32622297416860996, 0.3262229741686099, 0.32622297416861, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.32622297416860996, 0.32622297416861, 0.32622297416860996, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.3262229741686101, 0.32622297416860996, 0.32622297416861, 0.3262229741686098, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.22295460065805225, 0.22295460065805223, 0.22295460065805253, 0.22295460065805253, 0.2229546006580524, 0.2229546006580523, 0.2229546006580525, 0.22295460065805225, 0.22295460065805214, 0.22295460065805237, 0.22295460065805242, 0.22295460065805248, 0.22295460065805256, 0.22295460065805245, 0.2229546006580522, 0.22295460065805228, 0.22295460065805237, 0.22295460065805223, 0.22295460065805245, 0.2229546006580522, 0.22295460065805242, 0.2229546006580524, 0.22295460065805234, 0.2229546006580522, 0.22295460065805242, 0.2229546006580522, 0.22295460065805242, 0.2229546006580523, 0.2229546006580525, 0.2229546006580522, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.29800027268812607, 0.2980002726881261, 0.29800027268812584, 0.29800027268812607, 0.298000272688126, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.2980002726881261, 0.2980002726881261, 0.2980002726881261, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.2980002726881261, 0.20700466096979914, 0.20700466096979894, 0.20700466096979933, 0.20700466096979933, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.2070046609697992, 0.2070046609697992, 0.20700466096979914, 0.20700466096979914, 0.20700466096979908, 0.20700466096979914, 0.20700466096979891, 0.20700466096979916, 0.20700466096979914, 0.20700466096979894, 0.20700466096979916, 0.20700466096979894, 0.20700466096979933, 0.20700466096979916, 0.20700466096979916, 0.20700466096979933, 0.20700466096979933, 0.20700466096979916, 0.20700466096979916, 0.2070046609697992, 0.20700466096979908, 0.2070046609697992, 0.20700466096979894, 0.30102909061736893, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.30102909061736893, 0.30102909061736927, 0.3010290906173688, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.3010290906173691, 0.3010290906173691, 0.30102909061736904, 0.301029090617369, 0.30102909061736927, 0.3010290906173689, 0.301029090617369, 0.3010290906173692, 0.30102909061736904, 0.3010290906173691, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695904, 0.2618832703695904, 0.2618832703695901, 0.2618832703695904, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959025, 0.2618832703695903, 0.2618832703695901, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959014, 0.26188327036959036, 0.2618832703695902, 0.26188327036959014, 0.26188327036959025, 0.2618832703695901, 0.2618832703695902, 0.29800027268812607, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.298000272688126, 0.29800027268812596, 0.29800027268812584, 0.2980002726881261, 0.2980002726881261, 0.20700466096979894, 0.20700466096979914, 0.20700466096979928, 0.20700466096979914, 0.2070046609697991, 0.20700466096979914, 0.20700466096979894, 0.20700466096979933, 0.20700466096979914, 0.20700466096979916, 0.2070046609697991, 0.20700466096979916, 0.2070046609697992, 0.20700466096979916, 0.2070046609697991, 0.207004660969799, 0.2070046609697991, 0.20700466096979916, 0.20700466096979903, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.20700466096979903, 0.20700466096979914, 0.20700466096979916, 0.20700466096979914, 0.20700466096979914, 0.2070046609697992, 0.20700466096979916, 0.2070046609697991, 0.30102909061736927, 0.3010290906173691, 0.3010290906173689, 0.30102909061736893, 0.3010290906173689, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.30102909061736893, 0.3010290906173691, 0.301029090617369, 0.3010290906173691, 0.3010290906173691, 0.3010290906173691, 0.3010290906173688, 0.301029090617369, 0.3010290906173689, 0.3010290906173691, 0.26188327036959036, 0.2618832703695904, 0.2618832703695903, 0.26188327036959047, 0.2618832703695903, 0.2618832703695903, 0.26188327036959025, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959047, 0.26188327036959036, 0.26188327036959047, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959047, 0.26188327036959025, 0.26188327036959047, 0.26188327036959025, 0.2618832703695904, 0.2618832703695902, 0.2618832703695904, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.29800027268812584, 0.29800027268812584, 0.29800027268812596, 0.29800027268812573, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.2980002726881258, 0.298000272688126, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812584, 0.29800027268812596, 0.29800027268812584, 0.2980002726881258, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.298000272688126, 0.29800027268812584, 0.298000272688126, 0.20700466096979914, 0.20700466096979903, 0.20700466096979914, 0.20700466096979897, 0.20700466096979914, 0.207004660969799, 0.20700466096979914, 0.207004660969799, 0.20700466096979916, 0.20700466096979925, 0.20700466096979914, 0.2070046609697991, 0.2070046609697992, 0.20700466096979914, 0.20700466096979914, 0.2070046609697991, 0.20700466096979914, 0.20700466096979903, 0.20700466096979916, 0.2070046609697991, 0.2070046609697992, 0.2070046609697991, 0.2070046609697991, 0.20700466096979928, 0.20700466096979903, 0.20700466096979916, 0.207004660969799, 0.20700466096979894, 0.20700466096979914, 0.20700466096979908, 0.30102909061736927, 0.3010290906173692, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.3010290906173691, 0.30102909061736904, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736915, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.30102909061736904, 0.30102909061736893, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.3010290906173691, 0.26188327036959047, 0.26188327036959047, 0.2618832703695904, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.26188327036959025, 0.26188327036959025, 0.26188327036959025, 0.2618832703695901, 0.26188327036959025, 0.26188327036959047, 0.2618832703695902, 0.2618832703695902, 0.2618832703695904, 0.26188327036959036, 0.26188327036959036, 0.2618832703695904, 0.2618832703695902, 0.26188327036959014, 0.2618832703695904, 0.26188327036959014, 0.2618832703695903, 0.26188327036959025, 0.2618832703695902, 0.2980002726881261, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.2980002726881258, 0.29800027268812607, 0.2980002726881261, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.2980002726881259, 0.298000272688126, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812584, 0.20700466096979883, 0.20700466096979894, 0.20700466096979914, 0.20700466096979894, 0.20700466096979894, 0.20700466096979886, 0.2070046609697992, 0.20700466096979894, 0.20700466096979894, 0.20700466096979894, 0.20700466096979894, 0.2070046609697991, 0.20700466096979894, 0.20700466096979886, 0.20700466096979914, 0.2070046609697991, 0.20700466096979886, 0.20700466096979894, 0.20700466096979894, 0.20700466096979908, 0.20700466096979883, 0.20700466096979883, 0.2070046609697992, 0.20700466096979883, 0.2070046609697991, 0.2070046609697991, 0.20700466096979894, 0.20700466096979916, 0.2070046609697991, 0.20700466096979894, 0.3010290906173691, 0.30102909061736915, 0.30102909061736927, 0.30102909061736927, 0.3010290906173691, 0.3010290906173692, 0.30102909061736915, 0.3010290906173691, 0.30102909061736915, 0.3010290906173692, 0.3010290906173692, 0.30102909061736904, 0.30102909061736904, 0.3010290906173691, 0.3010290906173692, 0.30102909061736893, 0.3010290906173691, 0.3010290906173692, 0.3010290906173691, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.30102909061736915, 0.30102909061736915, 0.3010290906173692, 0.3010290906173692, 0.30102909061736893, 0.30102909061736893, 0.3010290906173692, 0.30102909061736904, 0.26188327036959036, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.2618832703695904, 0.2618832703695901, 0.2618832703695901, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.2618832703695901, 0.26188327036959036, 0.2618832703695902, 0.26188327036959025, 0.2618832703695902, 0.2618832703695901, 0.2980002726881261, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.2980002726881261, 0.298000272688126, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.29800027268812584, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812584, 0.2980002726881261, 0.29800027268812596, 0.298000272688126, 0.298000272688126, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812584, 0.29800027268812596, 0.2980002726881258, 0.20700466096979914, 0.20700466096979914, 0.20700466096979933, 0.20700466096979928, 0.20700466096979897, 0.20700466096979916, 0.20700466096979914, 0.207004660969799, 0.2070046609697991, 0.20700466096979916, 0.207004660969799, 0.20700466096979903, 0.20700466096979903, 0.20700466096979928, 0.20700466096979897, 0.20700466096979925, 0.20700466096979916, 0.20700466096979914, 0.20700466096979916, 0.20700466096979914, 0.2070046609697991, 0.20700466096979914, 0.20700466096979928, 0.2070046609697991, 0.20700466096979916, 0.20700466096979914, 0.20700466096979916, 0.2070046609697991, 0.20700466096979914, 0.20700466096979928, 0.3010290906173692, 0.30102909061736904, 0.30102909061736904, 0.3010290906173692, 0.3010290906173692, 0.3010290906173692, 0.30102909061736915, 0.30102909061736904, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.3010290906173692, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173692, 0.3010290906173691, 0.30102909061736927, 0.30102909061736915, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173692, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695901, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.2618832703695901, 0.2618832703695904, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.26188327036959047, 0.26188327036959036, 0.2618832703695904, 0.2618832703695903, 0.26188327036959047, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.2980002726881259, 0.298000272688126, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.29800027268812584, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.2980002726881259, 0.29800027268812607, 0.29800027268812596, 0.2980002726881258, 0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.2980002726881261, 0.298000272688126, 0.29800027268812607, 0.29800027268812584, 0.20700466096979928, 0.20700466096979914, 0.20700466096979914, 0.20700466096979883, 0.20700466096979908, 0.20700466096979894, 0.207004660969799, 0.20700466096979916, 0.2070046609697992, 0.20700466096979914, 0.20700466096979914, 0.20700466096979894, 0.20700466096979914, 0.20700466096979914, 0.20700466096979916, 0.20700466096979914, 0.20700466096979922, 0.20700466096979916, 0.20700466096979928, 0.2070046609697992, 0.20700466096979908, 0.2070046609697991, 0.20700466096979916, 0.20700466096979908, 0.20700466096979894, 0.20700466096979916, 0.20700466096979925, 0.20700466096979894, 0.20700466096979916, 0.20700466096979883, 0.30102909061736904, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.3010290906173692, 0.30102909061736904, 0.30102909061736904, 0.3010290906173691, 0.3010290906173691, 0.30102909061736893, 0.3010290906173692, 0.30102909061736904, 0.30102909061736915, 0.301029090617369, 0.3010290906173691, 0.30102909061736904, 0.3010290906173691, 0.3010290906173692, 0.30102909061736915, 0.301029090617369, 0.3010290906173691, 0.30102909061736904, 0.3010290906173692, 0.30102909061736915, 0.3010290906173691, 0.301029090617369, 0.3010290906173691, 0.30102909061736893, 0.301029090617369, 0.3010290906173691, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695901, 0.26188327036959036, 0.2618832703695903, 0.26188327036959047, 0.2618832703695903, 0.2618832703695904, 0.2618832703695904, 0.26188327036959047, 0.2618832703695902, 0.2618832703695903, 0.26188327036959014, 0.26188327036959036, 0.2618832703695902, 0.26188327036959, 0.26188327036959036, 0.2618832703695904, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.26188327036959014, 0.34615164212143423, 0.34615164212143423, 0.34615164212143423, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.34615164212143434, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.34615164212143446, 0.34615164212143423, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143446, 0.34615164212143423, 0.3461516421214343, 0.34615164212143434, 0.34615164212143434, 0.34615164212143423, 0.3461516421214344, 0.3461516421214344, 0.34615164212143423, 0.1709625093153163, 0.1709625093153165, 0.1709625093153165, 0.1709625093153166, 0.17096250931531648, 0.1709625093153163, 0.1709625093153166, 0.17096250931531615, 0.1709625093153164, 0.1709625093153166, 0.1709625093153165, 0.17096250931531654, 0.1709625093153165, 0.1709625093153165, 0.17096250931531656, 0.1709625093153163, 0.17096250931531656, 0.17096250931531642, 0.17096250931531656, 0.17096250931531656, 0.17096250931531648, 0.17096250931531637, 0.1709625093153162, 0.17096250931531654, 0.17096250931531648, 0.17096250931531615, 0.1709625093153166, 0.17096250931531654, 0.17096250931531656, 0.17096250931531648, 0.34913294828577385, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.22635077425815706, 0.22635077425815706, 0.226350774258157, 0.2263507742581571, 0.22635077425815694, 0.2263507742581571, 0.2263507742581572, 0.22635077425815708, 0.22635077425815708, 0.22635077425815694, 0.22635077425815694, 0.22635077425815714, 0.22635077425815708, 0.22635077425815708, 0.22635077425815694, 0.22635077425815714, 0.22635077425815714, 0.2263507742581572, 0.22635077425815708, 0.22635077425815714, 0.22635077425815714, 0.22635077425815714, 0.22635077425815694, 0.22635077425815714, 0.22635077425815714, 0.2263507742581572, 0.2263507742581572, 0.2263507742581571, 0.22635077425815708, 0.22635077425815686, 0.3461516421214343, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.3461516421214344, 0.34615164212143423, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.34615164212143423, 0.34615164212143434, 0.3461516421214344, 0.34615164212143446, 0.34615164212143446, 0.34615164212143423, 0.34615164212143446, 0.17096250931531656, 0.17096250931531654, 0.1709625093153165, 0.17096250931531645, 0.17096250931531648, 0.17096250931531648, 0.17096250931531637, 0.1709625093153166, 0.1709625093153165, 0.17096250931531648, 0.1709625093153166, 0.17096250931531642, 0.17096250931531665, 0.17096250931531654, 0.17096250931531637, 0.17096250931531648, 0.17096250931531642, 0.17096250931531634, 0.17096250931531642, 0.17096250931531629, 0.1709625093153166, 0.17096250931531648, 0.17096250931531654, 0.17096250931531637, 0.1709625093153163, 0.1709625093153165, 0.17096250931531662, 0.17096250931531637, 0.1709625093153165, 0.17096250931531648, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.226350774258157, 0.2263507742581571, 0.22635077425815708, 0.22635077425815714, 0.22635077425815714, 0.226350774258157, 0.22635077425815714, 0.2263507742581571, 0.22635077425815714, 0.22635077425815703, 0.22635077425815694, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.22635077425815706, 0.22635077425815703, 0.226350774258157, 0.22635077425815703, 0.22635077425815708, 0.2263507742581571, 0.22635077425815722, 0.22635077425815706, 0.22635077425815706, 0.22635077425815708, 0.22635077425815708, 0.2263507742581571, 0.2263507742581571, 0.22635077425815722, 0.22635077425815706, 0.22635077425815714, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.17096250931531648, 0.1709625093153162, 0.17096250931531656, 0.17096250931531654, 0.17096250931531656, 0.1709625093153165, 0.17096250931531648, 0.1709625093153166, 0.17096250931531648, 0.1709625093153165, 0.1709625093153162, 0.1709625093153166, 0.17096250931531637, 0.17096250931531656, 0.17096250931531637, 0.1709625093153162, 0.1709625093153165, 0.17096250931531656, 0.1709625093153166, 0.17096250931531648, 0.1709625093153165, 0.17096250931531637, 0.17096250931531656, 0.17096250931531637, 0.17096250931531637, 0.17096250931531654, 0.17096250931531656, 0.17096250931531656, 0.17096250931531645, 0.1709625093153163, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.22635077425815706, 0.22635077425815708, 0.22635077425815714, 0.22635077425815714, 0.22635077425815692, 0.22635077425815686, 0.22635077425815686, 0.22635077425815708, 0.22635077425815725, 0.226350774258157, 0.2263507742581571, 0.2263507742581571, 0.22635077425815714, 0.22635077425815708, 0.22635077425815706, 0.226350774258157, 0.22635077425815706, 0.22635077425815706, 0.2263507742581569, 0.22635077425815708, 0.22635077425815694, 0.22635077425815708, 0.22635077425815706, 0.22635077425815697, 0.2263507742581571, 0.2263507742581572, 0.22635077425815708, 0.22635077425815703, 0.2263507742581571, 0.2263507742581572, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.34615164212143434, 0.34615164212143446, 0.3461516421214344, 0.34615164212143446, 0.34615164212143434, 0.34615164212143446, 0.34615164212143434, 0.34615164212143434, 0.3461516421214344, 0.34615164212143446, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214343, 0.34615164212143446, 0.34615164212143446, 0.34615164212143434, 0.34615164212143434, 0.1709625093153162, 0.1709625093153162, 0.1709625093153162, 0.17096250931531656, 0.17096250931531656, 0.17096250931531617, 0.1709625093153162, 0.17096250931531667, 0.17096250931531656, 0.1709625093153166, 0.1709625093153163, 0.1709625093153165, 0.17096250931531637, 0.1709625093153163, 0.17096250931531615, 0.17096250931531667, 0.17096250931531615, 0.17096250931531654, 0.17096250931531637, 0.1709625093153166, 0.1709625093153165, 0.1709625093153166, 0.17096250931531648, 0.17096250931531648, 0.17096250931531654, 0.17096250931531662, 0.17096250931531654, 0.17096250931531642, 0.17096250931531656, 0.1709625093153162, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.22635077425815697, 0.2263507742581571, 0.2263507742581571, 0.226350774258157, 0.2263507742581571, 0.22635077425815692, 0.2263507742581571, 0.22635077425815708, 0.2263507742581571, 0.22635077425815694, 0.2263507742581571, 0.22635077425815714, 0.22635077425815708, 0.2263507742581571, 0.22635077425815686, 0.2263507742581571, 0.22635077425815672, 0.22635077425815708, 0.22635077425815714, 0.2263507742581568, 0.2263507742581568, 0.22635077425815708, 0.22635077425815714, 0.226350774258157, 0.22635077425815708, 0.22635077425815692, 0.2263507742581572, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.34615164212143446, 0.3461516421214342, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.1709625093153166, 0.17096250931531637, 0.1709625093153166, 0.17096250931531637, 0.17096250931531648, 0.17096250931531654, 0.17096250931531642, 0.17096250931531648, 0.1709625093153165, 0.1709625093153166, 0.1709625093153166, 0.17096250931531648, 0.1709625093153162, 0.17096250931531642, 0.17096250931531648, 0.1709625093153163, 0.1709625093153165, 0.1709625093153166, 0.17096250931531645, 0.17096250931531648, 0.1709625093153166, 0.17096250931531656, 0.1709625093153166, 0.17096250931531642, 0.1709625093153166, 0.1709625093153165, 0.17096250931531656, 0.17096250931531637, 0.1709625093153166, 0.1709625093153166, 0.34913294828577385, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.34913294828577385, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577385, 0.2263507742581571, 0.2263507742581571, 0.2263507742581572, 0.22635077425815714, 0.22635077425815708, 0.22635077425815692, 0.2263507742581572, 0.22635077425815692, 0.22635077425815708, 0.22635077425815708, 0.2263507742581571, 0.22635077425815703, 0.22635077425815694, 0.22635077425815706, 0.22635077425815714, 0.22635077425815706, 0.2263507742581571, 0.22635077425815694, 0.22635077425815686, 0.2263507742581572, 0.22635077425815708, 0.22635077425815686, 0.2263507742581571, 0.2263507742581571, 0.22635077425815706, 0.22635077425815706, 0.2263507742581571, 0.226350774258157, 0.22635077425815708, 0.22635077425815694, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.34615164212143423, 0.3461516421214342, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.1709625093153166, 0.1709625093153162, 0.17096250931531665, 0.1709625093153166, 0.17096250931531648, 0.17096250931531654, 0.1709625093153163, 0.17096250931531642, 0.1709625093153165, 0.1709625093153166, 0.17096250931531642, 0.17096250931531648, 0.17096250931531648, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.1709625093153164, 0.1709625093153166, 0.1709625093153166, 0.1709625093153165, 0.17096250931531642, 0.1709625093153166, 0.17096250931531645, 0.17096250931531642, 0.1709625093153162, 0.17096250931531642, 0.17096250931531648, 0.17096250931531648, 0.1709625093153165, 0.3491329482857738, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.22635077425815706, 0.226350774258157, 0.2263507742581571, 0.2263507742581569, 0.2263507742581572, 0.22635077425815714, 0.22635077425815708, 0.22635077425815683, 0.22635077425815714, 0.22635077425815706, 0.22635077425815706, 0.22635077425815683, 0.2263507742581571, 0.226350774258157, 0.22635077425815697, 0.2263507742581571, 0.22635077425815694, 0.22635077425815697, 0.22635077425815692, 0.22635077425815683, 0.22635077425815708, 0.2263507742581572, 0.22635077425815686, 0.22635077425815708, 0.2263507742581569, 0.2263507742581571, 0.226350774258157, 0.22635077425815706, 0.22635077425815714, 0.22635077425815708, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652936, 0.34290801596529324, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.15215748471939403, 0.15215748471939422, 0.15215748471939428, 0.15215748471939386, 0.15215748471939403, 0.15215748471939416, 0.152157484719394, 0.1521574847193944, 0.1521574847193943, 0.15215748471939422, 0.15215748471939394, 0.15215748471939394, 0.15215748471939403, 0.15215748471939425, 0.15215748471939403, 0.15215748471939422, 0.15215748471939428, 0.15215748471939403, 0.15215748471939414, 0.1521574847193943, 0.1521574847193943, 0.1521574847193938, 0.15215748471939422, 0.15215748471939405, 0.15215748471939428, 0.15215748471939414, 0.15215748471939422, 0.15215748471939414, 0.15215748471939403, 0.15215748471939397, 0.3458927426747924, 0.34589274267479253, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.34589274267479236, 0.34589274267479236, 0.3458927426747925, 0.3458927426747925, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747923, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.20777007412710416, 0.20777007412710405, 0.20777007412710408, 0.20777007412710422, 0.20777007412710422, 0.20777007412710416, 0.20777007412710397, 0.20777007412710397, 0.20777007412710397, 0.207770074127104, 0.20777007412710422, 0.20777007412710397, 0.20777007412710422, 0.20777007412710397, 0.20777007412710422, 0.20777007412710402, 0.20777007412710402, 0.20777007412710405, 0.20777007412710413, 0.20777007412710433, 0.20777007412710397, 0.20777007412710422, 0.20777007412710397, 0.207770074127104, 0.20777007412710424, 0.2077700741271042, 0.20777007412710397, 0.207770074127104, 0.207770074127104, 0.20777007412710424, 0.34290801596529347, 0.3429080159652935, 0.3429080159652936, 0.34290801596529336, 0.34290801596529336, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.34290801596529347, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652936, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652936, 0.1521574847193939, 0.15215748471939408, 0.15215748471939397, 0.15215748471939416, 0.1521574847193943, 0.1521574847193943, 0.1521574847193944, 0.15215748471939403, 0.15215748471939392, 0.15215748471939403, 0.1521574847193943, 0.15215748471939403, 0.15215748471939392, 0.15215748471939403, 0.15215748471939403, 0.15215748471939428, 0.15215748471939392, 0.15215748471939403, 0.15215748471939397, 0.15215748471939428, 0.15215748471939405, 0.15215748471939397, 0.15215748471939394, 0.15215748471939405, 0.15215748471939392, 0.15215748471939397, 0.15215748471939397, 0.15215748471939403, 0.1521574847193938, 0.1521574847193943, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.34589274267479275, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.3458927426747925, 0.3458927426747927, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747926, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.34589274267479253, 0.207770074127104, 0.20777007412710422, 0.20777007412710422, 0.2077700741271041, 0.20777007412710405, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.20777007412710397, 0.20777007412710416, 0.20777007412710422, 0.20777007412710424, 0.20777007412710397, 0.20777007412710416, 0.207770074127104, 0.20777007412710397, 0.20777007412710422, 0.20777007412710405, 0.20777007412710405, 0.20777007412710413, 0.20777007412710388, 0.20777007412710397, 0.207770074127104, 0.207770074127104, 0.20777007412710422, 0.20777007412710422, 0.20777007412710408, 0.20777007412710402, 0.20777007412710422, 0.20777007412710402, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.34290801596529336, 0.3429080159652934, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.1521574847193943, 0.15215748471939403, 0.15215748471939425, 0.15215748471939405, 0.15215748471939425, 0.15215748471939428, 0.15215748471939397, 0.15215748471939386, 0.15215748471939386, 0.15215748471939403, 0.15215748471939392, 0.15215748471939405, 0.15215748471939405, 0.15215748471939386, 0.1521574847193943, 0.15215748471939416, 0.15215748471939397, 0.1521574847193939, 0.15215748471939405, 0.15215748471939392, 0.15215748471939428, 0.15215748471939403, 0.15215748471939416, 0.15215748471939394, 0.15215748471939405, 0.15215748471939378, 0.15215748471939403, 0.15215748471939392, 0.15215748471939414, 0.15215748471939416, 0.3458927426747925, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747925, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479236, 0.3458927426747924, 0.20777007412710424, 0.20777007412710402, 0.207770074127104, 0.20777007412710405, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.20777007412710388, 0.20777007412710402, 0.20777007412710397, 0.207770074127104, 0.20777007412710408, 0.207770074127104, 0.20777007412710408, 0.20777007412710405, 0.207770074127104, 0.20777007412710424, 0.20777007412710402, 0.20777007412710405, 0.20777007412710424, 0.20777007412710408, 0.20777007412710388, 0.20777007412710405, 0.20777007412710397, 0.2077700741271041, 0.20777007412710402, 0.20777007412710402, 0.20777007412710405, 0.207770074127104, 0.20777007412710422, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652934, 0.34290801596529336, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.34290801596529347, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.15215748471939394, 0.15215748471939403, 0.15215748471939392, 0.15215748471939383, 0.15215748471939386, 0.15215748471939403, 0.15215748471939422, 0.15215748471939394, 0.15215748471939408, 0.15215748471939397, 0.15215748471939403, 0.15215748471939428, 0.15215748471939403, 0.15215748471939416, 0.15215748471939403, 0.15215748471939386, 0.15215748471939408, 0.15215748471939414, 0.15215748471939394, 0.15215748471939386, 0.15215748471939386, 0.15215748471939428, 0.15215748471939403, 0.15215748471939405, 0.1521574847193939, 0.15215748471939403, 0.15215748471939397, 0.15215748471939403, 0.15215748471939403, 0.15215748471939414, 0.3458927426747924, 0.34589274267479253, 0.34589274267479253, 0.3458927426747926, 0.3458927426747926, 0.3458927426747927, 0.34589274267479264, 0.34589274267479264, 0.34589274267479236, 0.3458927426747927, 0.3458927426747927, 0.34589274267479264, 0.3458927426747925, 0.3458927426747927, 0.3458927426747927, 0.34589274267479236, 0.3458927426747925, 0.34589274267479264, 0.3458927426747927, 0.34589274267479253, 0.3458927426747927, 0.3458927426747927, 0.3458927426747926, 0.34589274267479275, 0.34589274267479264, 0.34589274267479264, 0.34589274267479275, 0.3458927426747927, 0.3458927426747927, 0.3458927426747927, 0.20777007412710422, 0.207770074127104, 0.20777007412710424, 0.20777007412710408, 0.20777007412710402, 0.207770074127104, 0.207770074127104, 0.20777007412710402, 0.2077700741271041, 0.20777007412710408, 0.20777007412710416, 0.20777007412710405, 0.207770074127104, 0.20777007412710422, 0.207770074127104, 0.20777007412710405, 0.20777007412710402, 0.20777007412710408, 0.207770074127104, 0.2077700741271039, 0.2077700741271041, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.2077700741271041, 0.2077700741271039, 0.207770074127104, 0.20777007412710422, 0.20777007412710397, 0.207770074127104, 0.3429080159652935, 0.34290801596529347, 0.3429080159652936, 0.3429080159652935, 0.34290801596529347, 0.3429080159652936, 0.3429080159652935, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.3429080159652936, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652936, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.1521574847193943, 0.15215748471939428, 0.15215748471939408, 0.1521574847193943, 0.15215748471939425, 0.15215748471939433, 0.15215748471939408, 0.15215748471939394, 0.1521574847193938, 0.15215748471939428, 0.15215748471939392, 0.15215748471939392, 0.15215748471939403, 0.15215748471939422, 0.15215748471939392, 0.15215748471939392, 0.15215748471939403, 0.15215748471939425, 0.15215748471939392, 0.15215748471939422, 0.15215748471939403, 0.15215748471939428, 0.15215748471939422, 0.15215748471939392, 0.15215748471939422, 0.15215748471939403, 0.1521574847193944, 0.1521574847193943, 0.1521574847193943, 0.15215748471939441, 0.34589274267479264, 0.3458927426747926, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.3458927426747925, 0.34589274267479253, 0.3458927426747923, 0.34589274267479264, 0.3458927426747927, 0.34589274267479236, 0.3458927426747924, 0.3458927426747927, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.2077700741271039, 0.20777007412710402, 0.20777007412710405, 0.20777007412710402, 0.2077700741271039, 0.207770074127104, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.20777007412710413, 0.20777007412710424, 0.20777007412710402, 0.20777007412710408, 0.20777007412710408, 0.2077700741271041, 0.20777007412710402, 0.20777007412710422, 0.20777007412710405, 0.20777007412710405, 0.20777007412710402, 0.20777007412710402, 0.207770074127104, 0.20777007412710405, 0.207770074127104, 0.20777007412710408, 0.20777007412710424, 0.20777007412710397, 0.20777007412710408, 0.3429080159652935, 0.34290801596529324, 0.3429080159652935, 0.3429080159652936, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652936, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652934, 0.34290801596529347, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652936, 0.1521574847193939, 0.15215748471939403, 0.15215748471939397, 0.1521574847193939, 0.152157484719394, 0.1521574847193939, 0.15215748471939405, 0.1521574847193939, 0.15215748471939397, 0.1521574847193939, 0.15215748471939408, 0.15215748471939383, 0.1521574847193939, 0.15215748471939397, 0.152157484719394, 0.15215748471939386, 0.152157484719394, 0.15215748471939392, 0.15215748471939386, 0.1521574847193939, 0.15215748471939386, 0.15215748471939403, 0.15215748471939397, 0.15215748471939405, 0.15215748471939394, 0.15215748471939403, 0.15215748471939394, 0.15215748471939403, 0.152157484719394, 0.15215748471939403, 0.3458927426747927, 0.34589274267479275, 0.34589274267479236, 0.3458927426747924, 0.3458927426747927, 0.3458927426747927, 0.34589274267479264, 0.34589274267479275, 0.34589274267479264, 0.3458927426747927, 0.34589274267479275, 0.34589274267479264, 0.34589274267479264, 0.3458927426747927, 0.34589274267479264, 0.3458927426747927, 0.34589274267479264, 0.34589274267479236, 0.34589274267479264, 0.3458927426747927, 0.34589274267479264, 0.34589274267479275, 0.3458927426747924, 0.34589274267479264, 0.34589274267479236, 0.3458927426747927, 0.34589274267479264, 0.34589274267479236, 0.34589274267479264, 0.3458927426747926, 0.20777007412710422, 0.207770074127104, 0.20777007412710408, 0.20777007412710413, 0.207770074127104, 0.2077700741271042, 0.20777007412710402, 0.20777007412710408, 0.207770074127104, 0.20777007412710424, 0.20777007412710405, 0.20777007412710397, 0.20777007412710408, 0.207770074127104, 0.20777007412710405, 0.20777007412710408, 0.20777007412710424, 0.20777007412710424, 0.20777007412710397, 0.20777007412710402, 0.20777007412710408, 0.20777007412710388, 0.2077700741271041, 0.20777007412710405, 0.20777007412710422, 0.20777007412710402, 0.20777007412710408, 0.20777007412710416, 0.2077700741271039, 0.20777007412710424, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943167, 0.32321818049431666, 0.32321818049431683, 0.3232181804943166, 0.3232181804943168, 0.32321818049431666, 0.3232181804943167, 0.32321818049431655, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.3232181804943166, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431666, 0.16752326710522478, 0.16752326710522492, 0.16752326710522486, 0.1675232671052249, 0.16752326710522494, 0.16752326710522494, 0.16752326710522492, 0.16752326710522453, 0.1675232671052251, 0.16752326710522475, 0.16752326710522514, 0.1675232671052248, 0.1675232671052247, 0.1675232671052249, 0.16752326710522514, 0.16752326710522492, 0.16752326710522494, 0.16752326710522517, 0.16752326710522494, 0.16752326710522494, 0.1675232671052249, 0.16752326710522464, 0.16752326710522478, 0.1675232671052247, 0.1675232671052247, 0.1675232671052249, 0.167523267105225, 0.16752326710522464, 0.16752326710522478, 0.16752326710522514, 0.32622297416861, 0.32622297416860996, 0.32622297416860985, 0.3262229741686099, 0.3262229741686099, 0.3262229741686098, 0.3262229741686099, 0.3262229741686102, 0.3262229741686099, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686099, 0.32622297416861007, 0.3262229741686098, 0.32622297416860985, 0.32622297416860985, 0.3262229741686098, 0.32622297416860996, 0.32622297416861, 0.3262229741686099, 0.3262229741686099, 0.3262229741686102, 0.3262229741686099, 0.3262229741686098, 0.32622297416860985, 0.3262229741686099, 0.3262229741686099, 0.3262229741686099, 0.3262229741686102, 0.22295460065805253, 0.22295460065805262, 0.2229546006580523, 0.2229546006580525, 0.22295460065805228, 0.22295460065805234, 0.22295460065805237, 0.22295460065805256, 0.22295460065805262, 0.22295460065805237, 0.22295460065805245, 0.22295460065805237, 0.2229546006580522, 0.22295460065805248, 0.22295460065805264, 0.22295460065805253, 0.22295460065805262, 0.22295460065805248, 0.22295460065805242, 0.2229546006580526, 0.2229546006580523, 0.22295460065805237, 0.22295460065805248, 0.22295460065805253, 0.22295460065805237, 0.22295460065805245, 0.2229546006580523, 0.2229546006580524, 0.22295460065805253, 0.22295460065805264, 0.32321818049431666, 0.3232181804943167, 0.3232181804943168, 0.3232181804943169, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943167, 0.32321818049431655, 0.32321818049431655, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.16752326710522497, 0.16752326710522486, 0.16752326710522522, 0.16752326710522455, 0.16752326710522492, 0.16752326710522494, 0.167523267105225, 0.16752326710522478, 0.16752326710522475, 0.16752326710522483, 0.16752326710522494, 0.16752326710522494, 0.16752326710522494, 0.16752326710522478, 0.16752326710522494, 0.167523267105225, 0.16752326710522494, 0.16752326710522508, 0.16752326710522494, 0.16752326710522503, 0.16752326710522478, 0.16752326710522494, 0.16752326710522483, 0.16752326710522453, 0.16752326710522505, 0.16752326710522503, 0.16752326710522478, 0.16752326710522494, 0.167523267105225, 0.16752326710522503, 0.32622297416860985, 0.3262229741686099, 0.32622297416861, 0.32622297416861, 0.3262229741686099, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.3262229741686101, 0.32622297416861, 0.3262229741686099, 0.32622297416861007, 0.3262229741686102, 0.32622297416861007, 0.32622297416860985, 0.3262229741686102, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416861007, 0.3262229741686101, 0.3262229741686099, 0.3262229741686101, 0.3262229741686099, 0.32622297416860985, 0.3262229741686099, 0.32622297416860985, 0.3262229741686099, 0.32622297416861007, 0.2229546006580525, 0.22295460065805225, 0.2229546006580522, 0.22295460065805225, 0.22295460065805228, 0.2229546006580523, 0.2229546006580524, 0.2229546006580522, 0.22295460065805217, 0.2229546006580522, 0.2229546006580522, 0.22295460065805225, 0.2229546006580525, 0.2229546006580522, 0.2229546006580522, 0.2229546006580524, 0.2229546006580525, 0.22295460065805253, 0.22295460065805234, 0.2229546006580526, 0.22295460065805248, 0.2229546006580523, 0.22295460065805225, 0.2229546006580522, 0.2229546006580522, 0.22295460065805253, 0.22295460065805234, 0.2229546006580523, 0.22295460065805248, 0.22295460065805242, 0.32321818049431666, 0.3232181804943166, 0.32321818049431666, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.3232181804943167, 0.3232181804943167, 0.32321818049431666, 0.3232181804943166, 0.3232181804943166, 0.32321818049431655, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.3232181804943166, 0.3232181804943167, 0.3232181804943166, 0.32321818049431683, 0.3232181804943168, 0.3232181804943167, 0.3232181804943166, 0.16752326710522475, 0.16752326710522478, 0.16752326710522494, 0.16752326710522497, 0.16752326710522503, 0.16752326710522472, 0.16752326710522503, 0.16752326710522494, 0.16752326710522497, 0.16752326710522475, 0.16752326710522478, 0.16752326710522503, 0.16752326710522494, 0.16752326710522478, 0.167523267105225, 0.16752326710522497, 0.16752326710522478, 0.16752326710522478, 0.16752326710522475, 0.1675232671052247, 0.16752326710522464, 0.16752326710522475, 0.16752326710522478, 0.16752326710522478, 0.16752326710522503, 0.16752326710522486, 0.16752326710522442, 0.16752326710522497, 0.16752326710522478, 0.167523267105225, 0.3262229741686099, 0.32622297416861007, 0.3262229741686102, 0.3262229741686099, 0.3262229741686098, 0.32622297416861, 0.3262229741686102, 0.32622297416861, 0.3262229741686099, 0.3262229741686102, 0.3262229741686098, 0.3262229741686099, 0.32622297416860985, 0.3262229741686098, 0.3262229741686098, 0.3262229741686099, 0.32622297416860985, 0.3262229741686099, 0.32622297416860985, 0.32622297416861, 0.3262229741686102, 0.32622297416861007, 0.3262229741686099, 0.3262229741686099, 0.3262229741686098, 0.3262229741686099, 0.32622297416861007, 0.32622297416861, 0.3262229741686099, 0.3262229741686098, 0.22295460065805253, 0.22295460065805256, 0.22295460065805248, 0.22295460065805253, 0.22295460065805264, 0.22295460065805253, 0.22295460065805253, 0.22295460065805242, 0.22295460065805245, 0.22295460065805248, 0.22295460065805242, 0.22295460065805253, 0.22295460065805264, 0.2229546006580525, 0.22295460065805262, 0.2229546006580525, 0.2229546006580526, 0.22295460065805253, 0.22295460065805248, 0.2229546006580525, 0.22295460065805248, 0.22295460065805253, 0.22295460065805228, 0.22295460065805262, 0.2229546006580523, 0.22295460065805253, 0.22295460065805262, 0.22295460065805245, 0.22295460065805248, 0.2229546006580522, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.3232181804943166, 0.3232181804943166, 0.32321818049431666, 0.3232181804943166, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.32321818049431666, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.3232181804943166, 0.32321818049431666, 0.3232181804943167, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.3232181804943166, 0.3232181804943167, 0.3232181804943167, 0.3232181804943166, 0.3232181804943166, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.16752326710522517, 0.16752326710522494, 0.16752326710522494, 0.1675232671052247, 0.16752326710522497, 0.1675232671052247, 0.16752326710522467, 0.16752326710522497, 0.16752326710522478, 0.16752326710522494, 0.16752326710522494, 0.16752326710522497, 0.16752326710522494, 0.16752326710522492, 0.16752326710522492, 0.16752326710522494, 0.1675232671052247, 0.16752326710522494, 0.1675232671052247, 0.16752326710522494, 0.16752326710522478, 0.1675232671052247, 0.167523267105225, 0.16752326710522494, 0.16752326710522478, 0.1675232671052249, 0.16752326710522492, 0.16752326710522517, 0.16752326710522494, 0.16752326710522497, 0.32622297416861007, 0.32622297416860985, 0.3262229741686102, 0.3262229741686099, 0.3262229741686099, 0.32622297416860985, 0.32622297416860985, 0.3262229741686102, 0.32622297416860985, 0.32622297416861, 0.32622297416860996, 0.3262229741686099, 0.32622297416861007, 0.3262229741686101, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.32622297416860996, 0.32622297416861007, 0.32622297416860996, 0.32622297416860985, 0.3262229741686099, 0.32622297416861007, 0.3262229741686102, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.3262229741686099, 0.2229546006580524, 0.22295460065805228, 0.22295460065805242, 0.2229546006580522, 0.22295460065805228, 0.22295460065805225, 0.22295460065805217, 0.22295460065805237, 0.2229546006580523, 0.22295460065805225, 0.2229546006580522, 0.2229546006580525, 0.22295460065805248, 0.2229546006580522, 0.22295460065805248, 0.22295460065805234, 0.22295460065805225, 0.22295460065805217, 0.2229546006580522, 0.2229546006580522, 0.2229546006580525, 0.2229546006580522, 0.2229546006580522, 0.22295460065805225, 0.2229546006580522, 0.2229546006580525, 0.22295460065805225, 0.22295460065805256, 0.22295460065805225, 0.2229546006580522, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.3232181804943167, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.16752326710522497, 0.16752326710522475, 0.16752326710522472, 0.16752326710522497, 0.16752326710522472, 0.16752326710522492, 0.167523267105225, 0.16752326710522497, 0.16752326710522497, 0.16752326710522517, 0.16752326710522475, 0.1675232671052248, 0.16752326710522483, 0.16752326710522505, 0.16752326710522492, 0.16752326710522478, 0.167523267105225, 0.16752326710522475, 0.167523267105225, 0.1675232671052248, 0.16752326710522492, 0.16752326710522483, 0.16752326710522494, 0.16752326710522494, 0.16752326710522478, 0.16752326710522497, 0.167523267105225, 0.16752326710522472, 0.16752326710522478, 0.16752326710522472, 0.32622297416861007, 0.32622297416860996, 0.3262229741686101, 0.32622297416861007, 0.32622297416860996, 0.3262229741686102, 0.32622297416861007, 0.32622297416860985, 0.3262229741686101, 0.32622297416860996, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416861007, 0.3262229741686101, 0.32622297416861, 0.3262229741686102, 0.3262229741686102, 0.32622297416861, 0.32622297416861007, 0.32622297416860996, 0.32622297416861007, 0.3262229741686102, 0.32622297416860996, 0.3262229741686102, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.2229546006580522, 0.22295460065805228, 0.2229546006580522, 0.22295460065805253, 0.22295460065805248, 0.2229546006580525, 0.2229546006580524, 0.22295460065805225, 0.22295460065805237, 0.2229546006580525, 0.2229546006580522, 0.22295460065805262, 0.22295460065805242, 0.22295460065805225, 0.2229546006580522, 0.2229546006580525, 0.22295460065805248, 0.22295460065805248, 0.22295460065805225, 0.22295460065805217, 0.22295460065805223, 0.2229546006580522, 0.22295460065805223, 0.22295460065805234, 0.2229546006580524, 0.2229546006580522, 0.22295460065805225, 0.22295460065805237, 0.22295460065805225, 0.2229546006580522, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.16752326710522492, 0.1675232671052249, 0.16752326710522472, 0.16752326710522494, 0.16752326710522517, 0.1675232671052251, 0.16752326710522472, 0.16752326710522494, 0.16752326710522497, 0.16752326710522517, 0.16752326710522503, 0.1675232671052247, 0.16752326710522497, 0.167523267105225, 0.16752326710522472, 0.1675232671052249, 0.16752326710522472, 0.16752326710522503, 0.1675232671052247, 0.16752326710522517, 0.16752326710522497, 0.1675232671052249, 0.16752326710522508, 0.16752326710522472, 0.1675232671052249, 0.16752326710522478, 0.16752326710522464, 0.16752326710522494, 0.16752326710522503, 0.1675232671052247, 0.32622297416860996, 0.3262229741686102, 0.3262229741686099, 0.3262229741686099, 0.3262229741686099, 0.3262229741686099, 0.32622297416861, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416860985, 0.3262229741686101, 0.3262229741686099, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.3262229741686102, 0.3262229741686102, 0.32622297416860985, 0.3262229741686101, 0.32622297416861, 0.3262229741686099, 0.3262229741686102, 0.32622297416861, 0.32622297416861007, 0.32622297416861007, 0.3262229741686098, 0.32622297416861, 0.3262229741686102, 0.3262229741686101, 0.22295460065805253, 0.22295460065805214, 0.22295460065805225, 0.22295460065805245, 0.22295460065805225, 0.22295460065805253, 0.2229546006580522, 0.22295460065805237, 0.22295460065805228, 0.2229546006580525, 0.2229546006580525, 0.22295460065805237, 0.22295460065805225, 0.22295460065805228, 0.2229546006580524, 0.2229546006580523, 0.2229546006580522, 0.22295460065805234, 0.22295460065805237, 0.22295460065805223, 0.2229546006580523, 0.22295460065805253, 0.22295460065805225, 0.22295460065805228, 0.2229546006580522, 0.22295460065805253, 0.22295460065805228, 0.22295460065805245, 0.2229546006580523, 0.22295460065805253, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.2980002726881261, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.20700466096979914, 0.20700466096979914, 0.20700466096979891, 0.20700466096979914, 0.20700466096979916, 0.20700466096979916, 0.2070046609697991, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.20700466096979914, 0.20700466096979916, 0.20700466096979914, 0.20700466096979914, 0.207004660969799, 0.20700466096979928, 0.20700466096979916, 0.20700466096979916, 0.20700466096979916, 0.20700466096979928, 0.20700466096979928, 0.20700466096979914, 0.2070046609697991, 0.2070046609697993, 0.207004660969799, 0.20700466096979928, 0.2070046609697992, 0.20700466096979894, 0.2070046609697992, 0.20700466096979908, 0.3010290906173692, 0.3010290906173691, 0.3010290906173692, 0.30102909061736927, 0.30102909061736927, 0.3010290906173692, 0.30102909061736915, 0.30102909061736927, 0.30102909061736915, 0.3010290906173692, 0.3010290906173692, 0.30102909061736927, 0.30102909061736904, 0.30102909061736927, 0.3010290906173692, 0.30102909061736915, 0.30102909061736927, 0.3010290906173692, 0.3010290906173692, 0.3010290906173692, 0.3010290906173692, 0.30102909061736915, 0.30102909061736927, 0.30102909061736927, 0.30102909061736915, 0.3010290906173692, 0.301029090617369, 0.3010290906173692, 0.30102909061736927, 0.30102909061736927, 0.2618832703695902, 0.26188327036959025, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.26188327036959047, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.26188327036959025, 0.2618832703695902, 0.2618832703695904, 0.2618832703695903, 0.2618832703695902, 0.2618832703695902, 0.298000272688126, 0.298000272688126, 0.29800027268812596, 0.2980002726881259, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.2980002726881261, 0.29800027268812607, 0.29800027268812584, 0.29800027268812596, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.29800027268812607, 0.298000272688126, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.2980002726881259, 0.29800027268812607, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.2980002726881261, 0.2070046609697992, 0.2070046609697991, 0.20700466096979891, 0.20700466096979897, 0.20700466096979894, 0.2070046609697992, 0.20700466096979925, 0.20700466096979894, 0.2070046609697992, 0.20700466096979914, 0.20700466096979914, 0.2070046609697993, 0.20700466096979916, 0.20700466096979916, 0.20700466096979894, 0.20700466096979894, 0.20700466096979916, 0.2070046609697992, 0.20700466096979894, 0.2070046609697992, 0.20700466096979894, 0.20700466096979894, 0.20700466096979891, 0.20700466096979914, 0.20700466096979894, 0.2070046609697992, 0.2070046609697992, 0.2070046609697992, 0.20700466096979886, 0.20700466096979894, 0.3010290906173692, 0.30102909061736904, 0.3010290906173692, 0.30102909061736915, 0.3010290906173692, 0.30102909061736904, 0.30102909061736915, 0.30102909061736904, 0.30102909061736904, 0.30102909061736904, 0.30102909061736893, 0.30102909061736915, 0.3010290906173692, 0.30102909061736927, 0.30102909061736904, 0.3010290906173691, 0.30102909061736893, 0.30102909061736904, 0.30102909061736904, 0.3010290906173692, 0.3010290906173692, 0.30102909061736904, 0.30102909061736904, 0.30102909061736927, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.3010290906173691, 0.30102909061736893, 0.3010290906173692, 0.26188327036959036, 0.2618832703695904, 0.2618832703695904, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.2618832703695904, 0.2618832703695902, 0.26188327036959036, 0.26188327036959047, 0.2618832703695904, 0.26188327036959047, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.26188327036959036, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.298000272688126, 0.29800027268812607, 0.29800027268812584, 0.2980002726881259, 0.298000272688126, 0.29800027268812584, 0.29800027268812596, 0.2980002726881259, 0.29800027268812584, 0.2980002726881259, 0.2980002726881258, 0.29800027268812596, 0.2980002726881261, 0.29800027268812584, 0.298000272688126, 0.2980002726881258, 0.29800027268812584, 0.298000272688126, 0.2980002726881261, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.29800027268812584, 0.29800027268812596, 0.298000272688126, 0.20700466096979891, 0.2070046609697991, 0.2070046609697991, 0.20700466096979916, 0.20700466096979928, 0.20700466096979914, 0.20700466096979914, 0.20700466096979916, 0.20700466096979916, 0.20700466096979908, 0.20700466096979914, 0.20700466096979914, 0.20700466096979894, 0.20700466096979925, 0.20700466096979894, 0.2070046609697992, 0.20700466096979916, 0.20700466096979922, 0.2070046609697991, 0.20700466096979916, 0.2070046609697991, 0.20700466096979894, 0.20700466096979891, 0.207004660969799, 0.2070046609697992, 0.20700466096979925, 0.20700466096979894, 0.20700466096979916, 0.2070046609697992, 0.20700466096979891, 0.3010290906173692, 0.30102909061736915, 0.30102909061736893, 0.30102909061736915, 0.3010290906173692, 0.301029090617369, 0.30102909061736915, 0.30102909061736915, 0.3010290906173691, 0.30102909061736893, 0.3010290906173691, 0.30102909061736915, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.3010290906173692, 0.3010290906173691, 0.30102909061736904, 0.30102909061736915, 0.301029090617369, 0.3010290906173692, 0.3010290906173692, 0.30102909061736904, 0.3010290906173691, 0.30102909061736915, 0.30102909061736915, 0.3010290906173692, 0.3010290906173691, 0.3010290906173692, 0.30102909061736904, 0.2618832703695903, 0.26188327036959014, 0.26188327036959036, 0.26188327036959047, 0.2618832703695903, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.2618832703695904, 0.2618832703695903, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.2618832703695902, 0.2618832703695904, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.2618832703695903, 0.29800027268812607, 0.29800027268812607, 0.29800027268812623, 0.29800027268812596, 0.29800027268812573, 0.29800027268812596, 0.2980002726881261, 0.29800027268812607, 0.2980002726881259, 0.298000272688126, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812584, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.2980002726881259, 0.29800027268812596, 0.29800027268812596, 0.2980002726881259, 0.2980002726881261, 0.298000272688126, 0.298000272688126, 0.2070046609697992, 0.20700466096979908, 0.20700466096979908, 0.20700466096979905, 0.20700466096979886, 0.2070046609697992, 0.20700466096979886, 0.20700466096979908, 0.20700466096979886, 0.20700466096979894, 0.20700466096979908, 0.20700466096979886, 0.20700466096979922, 0.20700466096979886, 0.20700466096979878, 0.20700466096979886, 0.2070046609697992, 0.20700466096979875, 0.2070046609697991, 0.2070046609697988, 0.20700466096979894, 0.20700466096979914, 0.20700466096979928, 0.20700466096979894, 0.20700466096979916, 0.2070046609697992, 0.2070046609697992, 0.20700466096979894, 0.20700466096979894, 0.20700466096979894, 0.3010290906173691, 0.3010290906173689, 0.301029090617369, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.3010290906173688, 0.301029090617369, 0.301029090617369, 0.3010290906173692, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.30102909061736893, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.30102909061736893, 0.3010290906173691, 0.3010290906173691, 0.301029090617369, 0.2618832703695903, 0.26188327036959036, 0.2618832703695903, 0.26188327036959036, 0.26188327036959047, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.26188327036959025, 0.26188327036959025, 0.2618832703695901, 0.26188327036959036, 0.2618832703695901, 0.2618832703695903, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.2618832703695902, 0.26188327036959014, 0.26188327036959036, 0.26188327036959025, 0.26188327036959036, 0.26188327036959036, 0.2618832703695904, 0.2618832703695902, 0.2618832703695902, 0.298000272688126, 0.29800027268812607, 0.2980002726881259, 0.2980002726881258, 0.29800027268812607, 0.298000272688126, 0.29800027268812584, 0.29800027268812607, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.2980002726881261, 0.29800027268812596, 0.29800027268812596, 0.2980002726881259, 0.29800027268812596, 0.29800027268812607, 0.2980002726881259, 0.2980002726881261, 0.29800027268812596, 0.298000272688126, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.2980002726881261, 0.298000272688126, 0.29800027268812584, 0.29800027268812596, 0.29800027268812607, 0.20700466096979928, 0.20700466096979916, 0.20700466096979914, 0.20700466096979916, 0.20700466096979933, 0.2070046609697992, 0.20700466096979936, 0.20700466096979894, 0.20700466096979894, 0.20700466096979883, 0.2070046609697992, 0.20700466096979922, 0.20700466096979905, 0.2070046609697989, 0.20700466096979914, 0.2070046609697992, 0.20700466096979914, 0.2070046609697992, 0.20700466096979914, 0.20700466096979886, 0.20700466096979914, 0.2070046609697992, 0.20700466096979894, 0.2070046609697992, 0.20700466096979914, 0.2070046609697992, 0.20700466096979916, 0.2070046609697992, 0.20700466096979916, 0.2070046609697992, 0.30102909061736893, 0.3010290906173689, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.3010290906173689, 0.3010290906173689, 0.30102909061736904, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.3010290906173689, 0.3010290906173689, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.2618832703695903, 0.2618832703695903, 0.26188327036959036, 0.2618832703695902, 0.26188327036959, 0.2618832703695903, 0.2618832703695902, 0.2618832703695901, 0.26188327036959036, 0.26188327036959036, 0.26188327036959025, 0.26188327036959025, 0.2618832703695902, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959036, 0.2618832703695903, 0.2618832703695903, 0.2618832703695904, 0.2618832703695903, 0.2618832703695903, 0.26188327036959, 0.2618832703695902, 0.26188327036959036, 0.2618832703695901, 0.2618832703695903, 0.29800027268812607, 0.298000272688126, 0.29800027268812596, 0.298000272688126, 0.29800027268812607, 0.29800027268812607, 0.29800027268812584, 0.29800027268812584, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812596, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.29800027268812607, 0.2980002726881261, 0.2980002726881261, 0.29800027268812607, 0.29800027268812607, 0.29800027268812596, 0.29800027268812596, 0.2980002726881262, 0.29800027268812607, 0.298000272688126, 0.298000272688126, 0.20700466096979922, 0.20700466096979894, 0.20700466096979914, 0.20700466096979894, 0.2070046609697992, 0.20700466096979916, 0.20700466096979922, 0.20700466096979914, 0.20700466096979894, 0.20700466096979914, 0.20700466096979908, 0.2070046609697992, 0.20700466096979894, 0.2070046609697992, 0.20700466096979933, 0.20700466096979914, 0.2070046609697992, 0.20700466096979894, 0.20700466096979916, 0.2070046609697992, 0.20700466096979916, 0.2070046609697992, 0.20700466096979894, 0.20700466096979936, 0.2070046609697991, 0.2070046609697992, 0.20700466096979894, 0.20700466096979925, 0.20700466096979894, 0.2070046609697992, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173688, 0.3010290906173689, 0.301029090617369, 0.3010290906173689, 0.3010290906173689, 0.301029090617369, 0.30102909061736904, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.3010290906173689, 0.301029090617369, 0.301029090617369, 0.30102909061736893, 0.301029090617369, 0.3010290906173691, 0.301029090617369, 0.301029090617369, 0.301029090617369, 0.3010290906173691, 0.3010290906173689, 0.2618832703695902, 0.2618832703695903, 0.26188327036959036, 0.26188327036959025, 0.26188327036959036, 0.26188327036959025, 0.26188327036959025, 0.2618832703695903, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.2618832703695902, 0.26188327036959014, 0.2618832703695901, 0.26188327036959025, 0.26188327036959025, 0.26188327036959014, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959025, 0.2618832703695902, 0.2618832703695902, 0.26188327036959025, 0.26188327036959036, 0.26188327036959036, 0.26188327036959036, 0.2618832703695902, 0.2618832703695903, 0.2618832703695902, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214341, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.1709625093153162, 0.17096250931531637, 0.1709625093153162, 0.17096250931531645, 0.17096250931531645, 0.1709625093153162, 0.1709625093153162, 0.1709625093153162, 0.17096250931531637, 0.17096250931531656, 0.17096250931531617, 0.1709625093153162, 0.1709625093153166, 0.17096250931531637, 0.17096250931531637, 0.17096250931531656, 0.17096250931531656, 0.1709625093153161, 0.1709625093153163, 0.17096250931531615, 0.1709625093153162, 0.1709625093153162, 0.17096250931531656, 0.1709625093153163, 0.17096250931531645, 0.1709625093153165, 0.1709625093153162, 0.1709625093153166, 0.1709625093153162, 0.17096250931531615, 0.3491329482857737, 0.3491329482857736, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.34913294828577357, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.3491329482857737, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.3491329482857737, 0.22635077425815694, 0.2263507742581569, 0.22635077425815694, 0.2263507742581571, 0.22635077425815686, 0.22635077425815694, 0.22635077425815694, 0.22635077425815694, 0.2263507742581568, 0.22635077425815683, 0.22635077425815683, 0.2263507742581568, 0.2263507742581568, 0.22635077425815683, 0.2263507742581571, 0.22635077425815708, 0.2263507742581569, 0.22635077425815686, 0.22635077425815694, 0.2263507742581571, 0.22635077425815694, 0.22635077425815686, 0.22635077425815708, 0.22635077425815694, 0.2263507742581569, 0.2263507742581569, 0.22635077425815694, 0.2263507742581568, 0.226350774258157, 0.22635077425815694, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.17096250931531648, 0.1709625093153162, 0.17096250931531654, 0.17096250931531642, 0.17096250931531648, 0.17096250931531648, 0.1709625093153165, 0.1709625093153163, 0.17096250931531648, 0.17096250931531656, 0.17096250931531642, 0.1709625093153166, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.1709625093153163, 0.1709625093153163, 0.17096250931531637, 0.17096250931531656, 0.17096250931531637, 0.17096250931531642, 0.17096250931531656, 0.17096250931531654, 0.17096250931531656, 0.17096250931531637, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.1709625093153165, 0.17096250931531656, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.2263507742581572, 0.2263507742581571, 0.22635077425815714, 0.22635077425815708, 0.2263507742581571, 0.22635077425815708, 0.22635077425815714, 0.22635077425815708, 0.22635077425815703, 0.22635077425815714, 0.22635077425815706, 0.22635077425815714, 0.2263507742581572, 0.22635077425815708, 0.22635077425815706, 0.22635077425815717, 0.2263507742581572, 0.22635077425815706, 0.22635077425815694, 0.22635077425815703, 0.22635077425815692, 0.22635077425815717, 0.22635077425815714, 0.22635077425815697, 0.22635077425815706, 0.22635077425815706, 0.22635077425815714, 0.22635077425815703, 0.2263507742581572, 0.22635077425815708, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214342, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.17096250931531648, 0.17096250931531654, 0.17096250931531648, 0.17096250931531654, 0.17096250931531648, 0.17096250931531654, 0.1709625093153166, 0.1709625093153166, 0.1709625093153165, 0.1709625093153165, 0.17096250931531645, 0.1709625093153166, 0.1709625093153166, 0.1709625093153165, 0.17096250931531645, 0.17096250931531656, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.17096250931531642, 0.1709625093153166, 0.1709625093153165, 0.1709625093153166, 0.17096250931531648, 0.17096250931531648, 0.17096250931531648, 0.17096250931531645, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.22635077425815686, 0.22635077425815694, 0.2263507742581568, 0.22635077425815694, 0.226350774258157, 0.22635077425815686, 0.2263507742581571, 0.2263507742581568, 0.22635077425815697, 0.22635077425815683, 0.226350774258157, 0.2263507742581569, 0.22635077425815697, 0.2263507742581569, 0.22635077425815708, 0.22635077425815694, 0.2263507742581568, 0.22635077425815694, 0.2263507742581569, 0.22635077425815686, 0.22635077425815694, 0.226350774258157, 0.226350774258157, 0.22635077425815686, 0.22635077425815686, 0.2263507742581568, 0.22635077425815686, 0.22635077425815683, 0.2263507742581568, 0.22635077425815694, 0.34615164212143423, 0.3461516421214344, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143434, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.34615164212143423, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.17096250931531648, 0.1709625093153166, 0.17096250931531637, 0.1709625093153166, 0.1709625093153166, 0.1709625093153166, 0.17096250931531648, 0.17096250931531654, 0.17096250931531648, 0.1709625093153162, 0.1709625093153166, 0.17096250931531648, 0.17096250931531648, 0.1709625093153166, 0.17096250931531637, 0.1709625093153165, 0.17096250931531645, 0.17096250931531648, 0.17096250931531642, 0.17096250931531654, 0.1709625093153166, 0.1709625093153162, 0.1709625093153165, 0.1709625093153165, 0.17096250931531654, 0.17096250931531645, 0.17096250931531637, 0.17096250931531642, 0.17096250931531642, 0.1709625093153165, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857737, 0.3491329482857736, 0.3491329482857737, 0.22635077425815675, 0.22635077425815686, 0.22635077425815686, 0.22635077425815686, 0.2263507742581569, 0.22635077425815714, 0.2263507742581569, 0.22635077425815686, 0.22635077425815694, 0.22635077425815708, 0.2263507742581568, 0.22635077425815683, 0.22635077425815694, 0.226350774258157, 0.22635077425815697, 0.22635077425815706, 0.22635077425815692, 0.22635077425815686, 0.22635077425815686, 0.22635077425815692, 0.2263507742581568, 0.2263507742581571, 0.22635077425815686, 0.22635077425815686, 0.22635077425815686, 0.2263507742581571, 0.2263507742581569, 0.22635077425815686, 0.22635077425815714, 0.22635077425815686, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.34615164212143423, 0.3461516421214343, 0.3461516421214344, 0.3461516421214343, 0.3461516421214344, 0.3461516421214344, 0.3461516421214344, 0.34615164212143446, 0.34615164212143434, 0.34615164212143423, 0.3461516421214343, 0.3461516421214343, 0.3461516421214344, 0.17096250931531637, 0.17096250931531617, 0.1709625093153166, 0.1709625093153162, 0.17096250931531615, 0.17096250931531637, 0.1709625093153163, 0.1709625093153163, 0.17096250931531598, 0.1709625093153162, 0.17096250931531656, 0.17096250931531637, 0.17096250931531656, 0.17096250931531637, 0.1709625093153166, 0.1709625093153163, 0.1709625093153162, 0.1709625093153166, 0.1709625093153166, 0.17096250931531637, 0.17096250931531642, 0.1709625093153163, 0.17096250931531637, 0.17096250931531656, 0.17096250931531648, 0.1709625093153162, 0.1709625093153166, 0.1709625093153161, 0.1709625093153162, 0.1709625093153162, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.34913294828577357, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.2263507742581569, 0.226350774258157, 0.22635077425815708, 0.22635077425815697, 0.22635077425815714, 0.2263507742581569, 0.2263507742581572, 0.2263507742581568, 0.2263507742581571, 0.2263507742581571, 0.226350774258157, 0.22635077425815706, 0.22635077425815708, 0.2263507742581571, 0.22635077425815706, 0.22635077425815683, 0.22635077425815694, 0.2263507742581571, 0.226350774258157, 0.22635077425815683, 0.22635077425815706, 0.2263507742581571, 0.22635077425815706, 0.226350774258157, 0.2263507742581571, 0.2263507742581571, 0.22635077425815694, 0.2263507742581568, 0.2263507742581569, 0.22635077425815683, 0.3461516421214344, 0.3461516421214343, 0.34615164212143423, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.3461516421214344, 0.3461516421214344, 0.3461516421214343, 0.3461516421214343, 0.34615164212143423, 0.3461516421214344, 0.34615164212143434, 0.34615164212143446, 0.34615164212143434, 0.34615164212143434, 0.3461516421214343, 0.3461516421214343, 0.3461516421214343, 0.34615164212143446, 0.34615164212143446, 0.34615164212143446, 0.34615164212143446, 0.3461516421214344, 0.3461516421214344, 0.34615164212143434, 0.3461516421214344, 0.34615164212143434, 0.34615164212143446, 0.3461516421214344, 0.1709625093153165, 0.17096250931531654, 0.1709625093153166, 0.17096250931531648, 0.17096250931531665, 0.1709625093153165, 0.17096250931531648, 0.17096250931531648, 0.17096250931531648, 0.17096250931531667, 0.1709625093153166, 0.1709625093153165, 0.17096250931531654, 0.1709625093153165, 0.1709625093153163, 0.1709625093153166, 0.1709625093153163, 0.1709625093153165, 0.1709625093153166, 0.1709625093153165, 0.17096250931531645, 0.17096250931531642, 0.17096250931531637, 0.1709625093153165, 0.1709625093153165, 0.17096250931531645, 0.17096250931531656, 0.17096250931531642, 0.17096250931531665, 0.17096250931531656, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.3491329482857738, 0.34913294828577374, 0.3491329482857736, 0.3491329482857737, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857737, 0.3491329482857738, 0.3491329482857736, 0.3491329482857738, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.3491329482857736, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.34913294828577374, 0.22635077425815706, 0.22635077425815706, 0.2263507742581571, 0.22635077425815714, 0.22635077425815692, 0.2263507742581568, 0.22635077425815714, 0.22635077425815714, 0.22635077425815706, 0.2263507742581571, 0.22635077425815714, 0.22635077425815714, 0.22635077425815714, 0.2263507742581571, 0.22635077425815708, 0.2263507742581571, 0.2263507742581572, 0.22635077425815706, 0.22635077425815686, 0.22635077425815694, 0.22635077425815706, 0.2263507742581571, 0.22635077425815708, 0.22635077425815714, 0.2263507742581572, 0.2263507742581571, 0.22635077425815694, 0.22635077425815706, 0.2263507742581571, 0.22635077425815714, 0.3429080159652934, 0.34290801596529336, 0.34290801596529336, 0.3429080159652934, 0.3429080159652934, 0.3429080159652934, 0.34290801596529347, 0.3429080159652934, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529347, 0.34290801596529336, 0.3429080159652934, 0.34290801596529347, 0.3429080159652934, 0.34290801596529336, 0.34290801596529347, 0.34290801596529336, 0.3429080159652934, 0.34290801596529347, 0.3429080159652933, 0.34290801596529347, 0.3429080159652934, 0.3429080159652933, 0.34290801596529347, 0.15215748471939425, 0.15215748471939392, 0.15215748471939416, 0.15215748471939392, 0.15215748471939392, 0.15215748471939392, 0.15215748471939392, 0.1521574847193943, 0.15215748471939394, 0.15215748471939405, 0.15215748471939405, 0.15215748471939425, 0.1521574847193944, 0.15215748471939425, 0.15215748471939428, 0.15215748471939433, 0.15215748471939403, 0.15215748471939394, 0.15215748471939428, 0.15215748471939392, 0.15215748471939392, 0.15215748471939405, 0.15215748471939422, 0.15215748471939408, 0.15215748471939433, 0.1521574847193944, 0.1521574847193943, 0.15215748471939436, 0.15215748471939403, 0.1521574847193944, 0.3458927426747926, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.3458927426747924, 0.34589274267479236, 0.3458927426747927, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.3458927426747924, 0.3458927426747927, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747926, 0.3458927426747924, 0.34589274267479264, 0.20777007412710408, 0.20777007412710402, 0.20777007412710413, 0.20777007412710402, 0.20777007412710405, 0.20777007412710405, 0.20777007412710402, 0.20777007412710405, 0.20777007412710416, 0.20777007412710408, 0.207770074127104, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.207770074127104, 0.207770074127104, 0.20777007412710422, 0.20777007412710405, 0.20777007412710405, 0.20777007412710422, 0.2077700741271041, 0.2077700741271039, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.20777007412710402, 0.207770074127104, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.34290801596529347, 0.3429080159652934, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.15215748471939392, 0.15215748471939386, 0.15215748471939408, 0.15215748471939403, 0.1521574847193942, 0.15215748471939425, 0.15215748471939403, 0.1521574847193939, 0.15215748471939386, 0.15215748471939403, 0.15215748471939414, 0.15215748471939428, 0.15215748471939397, 0.15215748471939425, 0.15215748471939386, 0.15215748471939403, 0.15215748471939414, 0.15215748471939397, 0.1521574847193939, 0.15215748471939386, 0.15215748471939405, 0.1521574847193939, 0.15215748471939403, 0.15215748471939397, 0.15215748471939403, 0.15215748471939378, 0.15215748471939414, 0.1521574847193938, 0.15215748471939392, 0.15215748471939416, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.34589274267479253, 0.34589274267479275, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747923, 0.20777007412710402, 0.20777007412710422, 0.20777007412710397, 0.20777007412710405, 0.207770074127104, 0.207770074127104, 0.20777007412710405, 0.20777007412710397, 0.20777007412710402, 0.20777007412710397, 0.20777007412710397, 0.20777007412710424, 0.2077700741271041, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.20777007412710405, 0.20777007412710422, 0.20777007412710422, 0.207770074127104, 0.20777007412710397, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.20777007412710408, 0.2077700741271041, 0.207770074127104, 0.207770074127104, 0.20777007412710408, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652936, 0.3429080159652936, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652936, 0.3429080159652936, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.1521574847193943, 0.1521574847193943, 0.1521574847193943, 0.15215748471939428, 0.15215748471939433, 0.15215748471939414, 0.15215748471939425, 0.15215748471939425, 0.15215748471939403, 0.15215748471939392, 0.15215748471939425, 0.1521574847193944, 0.15215748471939422, 0.15215748471939433, 0.15215748471939433, 0.1521574847193943, 0.1521574847193941, 0.15215748471939405, 0.15215748471939416, 0.1521574847193944, 0.15215748471939392, 0.1521574847193944, 0.15215748471939405, 0.15215748471939403, 0.15215748471939428, 0.1521574847193944, 0.15215748471939422, 0.1521574847193944, 0.15215748471939433, 0.15215748471939425, 0.3458927426747924, 0.34589274267479264, 0.34589274267479264, 0.34589274267479236, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.34589274267479275, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.34589274267479236, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.20777007412710416, 0.20777007412710405, 0.2077700741271042, 0.20777007412710416, 0.20777007412710397, 0.20777007412710402, 0.20777007412710422, 0.20777007412710416, 0.207770074127104, 0.20777007412710422, 0.20777007412710408, 0.20777007412710422, 0.20777007412710413, 0.207770074127104, 0.20777007412710416, 0.20777007412710402, 0.207770074127104, 0.20777007412710422, 0.20777007412710424, 0.20777007412710402, 0.207770074127104, 0.20777007412710422, 0.20777007412710408, 0.207770074127104, 0.20777007412710413, 0.20777007412710416, 0.207770074127104, 0.20777007412710402, 0.207770074127104, 0.2077700741271041, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.15215748471939392, 0.15215748471939414, 0.15215748471939416, 0.15215748471939428, 0.1521574847193943, 0.15215748471939392, 0.15215748471939403, 0.152157484719394, 0.15215748471939392, 0.15215748471939428, 0.15215748471939425, 0.15215748471939403, 0.152157484719394, 0.15215748471939433, 0.15215748471939441, 0.15215748471939428, 0.15215748471939392, 0.1521574847193943, 0.15215748471939428, 0.15215748471939403, 0.15215748471939403, 0.15215748471939425, 0.15215748471939422, 0.15215748471939422, 0.15215748471939422, 0.15215748471939425, 0.15215748471939394, 0.15215748471939422, 0.15215748471939428, 0.15215748471939422, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747923, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.34589274267479264, 0.20777007412710413, 0.20777007412710422, 0.20777007412710422, 0.20777007412710422, 0.20777007412710405, 0.20777007412710422, 0.20777007412710422, 0.20777007412710408, 0.207770074127104, 0.20777007412710422, 0.207770074127104, 0.20777007412710397, 0.20777007412710422, 0.20777007412710397, 0.20777007412710408, 0.20777007412710397, 0.20777007412710397, 0.20777007412710422, 0.20777007412710397, 0.20777007412710424, 0.20777007412710416, 0.20777007412710416, 0.207770074127104, 0.20777007412710416, 0.2077700741271043, 0.2077700741271039, 0.207770074127104, 0.20777007412710416, 0.20777007412710397, 0.20777007412710422, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652934, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.34290801596529347, 0.1521574847193943, 0.15215748471939392, 0.152157484719394, 0.15215748471939425, 0.15215748471939403, 0.15215748471939392, 0.152157484719394, 0.15215748471939392, 0.15215748471939392, 0.15215748471939403, 0.15215748471939428, 0.15215748471939403, 0.15215748471939422, 0.15215748471939403, 0.15215748471939403, 0.15215748471939386, 0.152157484719394, 0.15215748471939433, 0.1521574847193938, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.15215748471939428, 0.152157484719394, 0.15215748471939403, 0.15215748471939425, 0.15215748471939416, 0.15215748471939414, 0.15215748471939425, 0.15215748471939428, 0.3458927426747924, 0.3458927426747924, 0.34589274267479264, 0.3458927426747926, 0.34589274267479264, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.3458927426747925, 0.3458927426747924, 0.3458927426747926, 0.3458927426747924, 0.34589274267479236, 0.34589274267479264, 0.3458927426747924, 0.34589274267479264, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.207770074127104, 0.20777007412710408, 0.20777007412710422, 0.20777007412710405, 0.20777007412710408, 0.20777007412710405, 0.20777007412710405, 0.20777007412710405, 0.20777007412710402, 0.20777007412710397, 0.20777007412710422, 0.20777007412710408, 0.20777007412710402, 0.20777007412710397, 0.20777007412710408, 0.20777007412710397, 0.20777007412710405, 0.20777007412710422, 0.20777007412710405, 0.207770074127104, 0.20777007412710408, 0.20777007412710422, 0.20777007412710422, 0.20777007412710397, 0.207770074127104, 0.2077700741271041, 0.20777007412710422, 0.3429080159652935, 0.3429080159652935, 0.3429080159652933, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.34290801596529347, 0.3429080159652934, 0.34290801596529347, 0.3429080159652935, 0.34290801596529347, 0.3429080159652935, 0.3429080159652935, 0.34290801596529347, 0.34290801596529347, 0.34290801596529336, 0.3429080159652935, 0.34290801596529324, 0.34290801596529336, 0.3429080159652934, 0.34290801596529347, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.3429080159652935, 0.34290801596529336, 0.3429080159652935, 0.3429080159652935, 0.15215748471939392, 0.15215748471939392, 0.15215748471939392, 0.15215748471939403, 0.15215748471939405, 0.15215748471939428, 0.15215748471939392, 0.15215748471939383, 0.15215748471939405, 0.1521574847193943, 0.15215748471939428, 0.15215748471939414, 0.1521574847193939, 0.15215748471939403, 0.15215748471939403, 0.15215748471939392, 0.15215748471939428, 0.15215748471939397, 0.15215748471939408, 0.15215748471939403, 0.15215748471939403, 0.15215748471939405, 0.15215748471939403, 0.15215748471939405, 0.15215748471939416, 0.15215748471939403, 0.1521574847193943, 0.15215748471939403, 0.15215748471939397, 0.15215748471939403, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747925, 0.3458927426747925, 0.3458927426747925, 0.34589274267479253, 0.3458927426747923, 0.3458927426747925, 0.3458927426747924, 0.3458927426747924, 0.3458927426747924, 0.34589274267479236, 0.3458927426747925, 0.20777007412710405, 0.20777007412710405, 0.20777007412710408, 0.20777007412710408, 0.20777007412710408, 0.20777007412710422, 0.20777007412710397, 0.20777007412710408, 0.20777007412710408, 0.20777007412710405, 0.20777007412710397, 0.20777007412710413, 0.20777007412710413, 0.20777007412710422, 0.20777007412710408, 0.20777007412710402, 0.2077700741271041, 0.20777007412710413, 0.20777007412710397, 0.2077700741271041, 0.20777007412710413, 0.2077700741271039, 0.20777007412710405, 0.20777007412710416, 0.207770074127104, 0.2077700741271039, 0.20777007412710405, 0.20777007412710405, 0.20777007412710422, 0.20777007412710408, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.3232181804943166, 0.3232181804943167, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943166, 0.32321818049431683, 0.3232181804943166, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.16752326710522492, 0.16752326710522478, 0.16752326710522522, 0.16752326710522486, 0.1675232671052249, 0.16752326710522472, 0.16752326710522503, 0.16752326710522494, 0.167523267105225, 0.1675232671052251, 0.16752326710522503, 0.167523267105225, 0.16752326710522483, 0.16752326710522475, 0.1675232671052249, 0.16752326710522475, 0.16752326710522508, 0.16752326710522503, 0.16752326710522494, 0.16752326710522478, 0.16752326710522503, 0.167523267105225, 0.1675232671052248, 0.16752326710522478, 0.16752326710522503, 0.16752326710522497, 0.16752326710522475, 0.16752326710522494, 0.16752326710522492, 0.16752326710522508, 0.32622297416860985, 0.32622297416861, 0.3262229741686102, 0.3262229741686101, 0.32622297416860996, 0.3262229741686102, 0.3262229741686102, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.32622297416861, 0.32622297416861, 0.32622297416861, 0.32622297416861007, 0.3262229741686102, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.32622297416861007, 0.32622297416861007, 0.3262229741686102, 0.32622297416861, 0.32622297416860996, 0.3262229741686102, 0.32622297416860985, 0.32622297416861007, 0.32622297416860985, 0.3262229741686102, 0.3262229741686099, 0.32622297416860996, 0.22295460065805225, 0.2229546006580522, 0.22295460065805234, 0.2229546006580522, 0.22295460065805237, 0.2229546006580525, 0.22295460065805225, 0.2229546006580522, 0.2229546006580523, 0.22295460065805225, 0.2229546006580525, 0.22295460065805217, 0.2229546006580522, 0.22295460065805242, 0.2229546006580522, 0.22295460065805234, 0.22295460065805225, 0.2229546006580522, 0.2229546006580522, 0.2229546006580522, 0.2229546006580522, 0.2229546006580525, 0.22295460065805242, 0.2229546006580522, 0.2229546006580525, 0.22295460065805262, 0.2229546006580525, 0.22295460065805225, 0.22295460065805225, 0.2229546006580522, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943167, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.32321818049431655, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431655, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.3232181804943169, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.32321818049431666, 0.16752326710522464, 0.16752326710522486, 0.167523267105225, 0.16752326710522455, 0.1675232671052248, 0.16752326710522478, 0.16752326710522472, 0.16752326710522472, 0.16752326710522478, 0.16752326710522483, 0.1675232671052251, 0.16752326710522494, 0.16752326710522494, 0.167523267105225, 0.16752326710522478, 0.16752326710522494, 0.16752326710522478, 0.16752326710522494, 0.16752326710522494, 0.16752326710522508, 0.1675232671052247, 0.16752326710522478, 0.16752326710522494, 0.16752326710522472, 0.16752326710522478, 0.1675232671052251, 0.16752326710522483, 0.16752326710522483, 0.16752326710522497, 0.16752326710522494, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.32622297416860996, 0.32622297416861007, 0.32622297416860996, 0.32622297416860996, 0.32622297416861, 0.32622297416861, 0.3262229741686101, 0.32622297416861007, 0.32622297416861, 0.32622297416861, 0.32622297416860996, 0.32622297416861007, 0.32622297416860996, 0.3262229741686102, 0.32622297416860996, 0.3262229741686102, 0.32622297416861007, 0.32622297416861007, 0.32622297416860996, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.2229546006580521, 0.2229546006580522, 0.2229546006580525, 0.2229546006580521, 0.2229546006580523, 0.22295460065805225, 0.22295460065805223, 0.22295460065805225, 0.22295460065805228, 0.2229546006580525, 0.2229546006580525, 0.2229546006580525, 0.22295460065805242, 0.22295460065805253, 0.22295460065805228, 0.2229546006580523, 0.22295460065805223, 0.22295460065805225, 0.2229546006580522, 0.22295460065805223, 0.22295460065805228, 0.22295460065805228, 0.2229546006580523, 0.22295460065805234, 0.22295460065805234, 0.22295460065805212, 0.22295460065805225, 0.22295460065805223, 0.22295460065805223, 0.22295460065805225, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431666, 0.32321818049431655, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.3232181804943167, 0.3232181804943168, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.3232181804943167, 0.32321818049431655, 0.3232181804943167, 0.32321818049431683, 0.16752326710522508, 0.167523267105225, 0.1675232671052248, 0.16752326710522478, 0.16752326710522478, 0.16752326710522475, 0.16752326710522478, 0.16752326710522508, 0.16752326710522514, 0.16752326710522494, 0.1675232671052248, 0.16752326710522478, 0.167523267105225, 0.1675232671052249, 0.1675232671052251, 0.1675232671052249, 0.16752326710522467, 0.1675232671052249, 0.16752326710522497, 0.16752326710522508, 0.16752326710522478, 0.16752326710522483, 0.1675232671052249, 0.16752326710522475, 0.16752326710522478, 0.16752326710522478, 0.16752326710522514, 0.16752326710522483, 0.1675232671052248, 0.16752326710522497, 0.3262229741686099, 0.3262229741686098, 0.3262229741686101, 0.3262229741686101, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.3262229741686101, 0.32622297416861, 0.3262229741686102, 0.32622297416861, 0.32622297416861, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.3262229741686099, 0.3262229741686099, 0.32622297416861, 0.32622297416861, 0.32622297416861, 0.32622297416861007, 0.32622297416860996, 0.3262229741686099, 0.32622297416861007, 0.3262229741686099, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.2229546006580525, 0.2229546006580522, 0.22295460065805262, 0.2229546006580525, 0.22295460065805242, 0.22295460065805234, 0.22295460065805245, 0.22295460065805234, 0.2229546006580522, 0.22295460065805237, 0.2229546006580522, 0.22295460065805248, 0.22295460065805225, 0.22295460065805242, 0.22295460065805237, 0.2229546006580526, 0.2229546006580525, 0.2229546006580522, 0.22295460065805242, 0.2229546006580524, 0.22295460065805237, 0.22295460065805242, 0.2229546006580523, 0.22295460065805245, 0.22295460065805234, 0.22295460065805262, 0.2229546006580525, 0.22295460065805217, 0.2229546006580525, 0.2229546006580524, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.3232181804943166, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.32321818049431666, 0.32321818049431683, 0.3232181804943166, 0.3232181804943166, 0.3232181804943168, 0.3232181804943167, 0.32321818049431666, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.3232181804943167, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.1675232671052248, 0.1675232671052249, 0.1675232671052247, 0.16752326710522503, 0.16752326710522492, 0.16752326710522514, 0.16752326710522478, 0.16752326710522492, 0.16752326710522492, 0.16752326710522494, 0.16752326710522494, 0.16752326710522503, 0.16752326710522505, 0.1675232671052252, 0.16752326710522467, 0.1675232671052249, 0.16752326710522486, 0.16752326710522494, 0.16752326710522494, 0.1675232671052248, 0.16752326710522508, 0.16752326710522497, 0.16752326710522486, 0.16752326710522494, 0.16752326710522486, 0.167523267105225, 0.16752326710522478, 0.1675232671052248, 0.16752326710522486, 0.16752326710522492, 0.3262229741686099, 0.32622297416861, 0.32622297416860996, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.3262229741686102, 0.32622297416861, 0.32622297416860996, 0.32622297416861, 0.32622297416861, 0.3262229741686101, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416861, 0.32622297416860996, 0.32622297416860985, 0.32622297416860996, 0.32622297416860996, 0.3262229741686099, 0.3262229741686101, 0.3262229741686102, 0.32622297416860985, 0.32622297416860996, 0.32622297416861, 0.22295460065805264, 0.22295460065805262, 0.22295460065805253, 0.2229546006580525, 0.22295460065805234, 0.22295460065805256, 0.22295460065805223, 0.22295460065805253, 0.2229546006580525, 0.2229546006580524, 0.22295460065805248, 0.2229546006580524, 0.22295460065805242, 0.2229546006580525, 0.2229546006580524, 0.22295460065805225, 0.22295460065805245, 0.2229546006580522, 0.22295460065805264, 0.22295460065805234, 0.22295460065805214, 0.2229546006580524, 0.22295460065805253, 0.22295460065805256, 0.22295460065805245, 0.22295460065805253, 0.2229546006580525, 0.22295460065805234, 0.2229546006580522, 0.2229546006580524, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431666, 0.32321818049431655, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.32321818049431683, 0.32321818049431666, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431655, 0.3232181804943167, 0.32321818049431666, 0.3232181804943168, 0.3232181804943168, 0.3232181804943166, 0.32321818049431683, 0.3232181804943167, 0.32321818049431655, 0.3232181804943166, 0.16752326710522478, 0.16752326710522475, 0.1675232671052248, 0.16752326710522503, 0.16752326710522478, 0.16752326710522494, 0.16752326710522517, 0.16752326710522494, 0.16752326710522453, 0.16752326710522522, 0.16752326710522472, 0.16752326710522475, 0.16752326710522492, 0.16752326710522494, 0.16752326710522517, 0.16752326710522492, 0.16752326710522503, 0.16752326710522494, 0.16752326710522492, 0.16752326710522492, 0.16752326710522492, 0.16752326710522497, 0.16752326710522494, 0.16752326710522483, 0.16752326710522497, 0.1675232671052249, 0.16752326710522492, 0.16752326710522467, 0.16752326710522494, 0.16752326710522514, 0.3262229741686101, 0.3262229741686102, 0.32622297416861007, 0.32622297416860985, 0.32622297416861007, 0.32622297416860985, 0.3262229741686102, 0.32622297416861007, 0.32622297416860985, 0.32622297416861, 0.32622297416861007, 0.3262229741686101, 0.32622297416860985, 0.32622297416860985, 0.32622297416860985, 0.32622297416860996, 0.3262229741686102, 0.3262229741686102, 0.32622297416860996, 0.32622297416860996, 0.32622297416861007, 0.32622297416861007, 0.32622297416860985, 0.32622297416861007, 0.32622297416860996, 0.32622297416860996, 0.3262229741686101, 0.32622297416860996, 0.3262229741686102, 0.32622297416861007, 0.2229546006580522, 0.2229546006580522, 0.22295460065805225, 0.2229546006580522, 0.22295460065805234, 0.22295460065805253, 0.2229546006580522, 0.2229546006580525, 0.22295460065805217, 0.2229546006580522, 0.2229546006580522, 0.2229546006580525, 0.2229546006580522, 0.2229546006580525, 0.2229546006580525, 0.22295460065805237, 0.22295460065805248, 0.2229546006580522, 0.2229546006580522, 0.22295460065805242, 0.22295460065805228, 0.22295460065805234, 0.2229546006580522, 0.2229546006580522, 0.22295460065805225, 0.2229546006580525, 0.22295460065805225, 0.2229546006580524, 0.2229546006580521, 0.2229546006580522, 0.3232181804943167, 0.3232181804943168, 0.3232181804943167, 0.3232181804943167, 0.3232181804943167, 0.3232181804943166, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.3232181804943168, 0.3232181804943168, 0.32321818049431683, 0.3232181804943168, 0.32321818049431683, 0.32321818049431666, 0.3232181804943167, 0.3232181804943167, 0.32321818049431683, 0.32321818049431683, 0.3232181804943168, 0.32321818049431666, 0.32321818049431683, 0.32321818049431683, 0.32321818049431683, 0.32321818049431666, 0.16752326710522494, 0.16752326710522514, 0.16752326710522492, 0.1675232671052249, 0.16752326710522503, 0.16752326710522508, 0.16752326710522478, 0.167523267105225, 0.16752326710522453, 0.16752326710522486, 0.1675232671052251, 0.16752326710522494, 0.16752326710522492, 0.16752326710522478, 0.1675232671052247, 0.16752326710522486, 0.16752326710522508, 0.16752326710522472, 0.16752326710522492, 0.16752326710522494, 0.16752326710522467, 0.16752326710522486, 0.1675232671052247, 0.16752326710522472, 0.16752326710522494, 0.1675232671052249, 0.16752326710522503, 0.16752326710522483, 0.16752326710522494, 0.1675232671052249, 0.32622297416860985, 0.32622297416861, 0.32622297416860985, 0.32622297416860985, 0.3262229741686101, 0.32622297416860985, 0.32622297416861, 0.3262229741686101, 0.32622297416860985, 0.32622297416860996, 0.32622297416860985, 0.32622297416860985, 0.32622297416860996, 0.32622297416860996, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.3262229741686101, 0.32622297416860985, 0.3262229741686099, 0.32622297416860985, 0.32622297416861007, 0.32622297416861007, 0.3262229741686099, 0.32622297416860985, 0.32622297416861007, 0.3262229741686099, 0.32622297416861007, 0.32622297416860985, 0.3262229741686099, 0.22295460065805253, 0.22295460065805237, 0.22295460065805248, 0.2229546006580524, 0.2229546006580524, 0.2229546006580522, 0.22295460065805248, 0.2229546006580525, 0.22295460065805234, 0.2229546006580525, 0.22295460065805256, 0.22295460065805237, 0.22295460065805264, 0.22295460065805234, 0.22295460065805237, 0.22295460065805253, 0.2229546006580525, 0.2229546006580525, 0.22295460065805245, 0.2229546006580526, 0.22295460065805242, 0.22295460065805242, 0.22295460065805245, 0.22295460065805234, 0.22295460065805234, 0.22295460065805237, 0.22295460065805237, 0.22295460065805234, 0.22295460065805223, 0.22295460065805253]\n", "\n", "Abstraction error: 0.34913294828577385\n", "\n", "M1: ['X', 'Y', 'W', 'V', 'U'] -> ['Z']\n", "M0: ['A', 'B', 'E', 'F', 'G', 'I'] -> ['D', 'H']\n", "M1 mechanism shape: (24, 288)\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "M0 mechanism shape: (24, 1080)\n", "Alpha_s shape: (288, 1080)\n", "Alpha_t shape: (24, 24)\n", "All JS distances: [0.14750258547137535, 0.14750258547137546, 0.14750258547137532, 0.14750258547137543, 0.14750258547137526, 0.1475025854713753, 0.14750258547137537, 0.1475025854713753, 0.14750258547137543, 0.14750258547137535, 0.14750258547137535, 0.14750258547137546, 0.14750258547137537, 0.1475025854713753, 0.14750258547137543, 0.14750258547137537, 0.14750258547137532, 0.14750258547137524, 0.1475025854713754, 0.14750258547137535, 0.1475025854713753, 0.14750258547137537, 0.14750258547137543, 0.14750258547137535, 0.14750258547137537, 0.1475025854713753, 0.14750258547137535, 0.14750258547137535, 0.14750258547137532, 0.14750258547137535, 0.14750258547137532, 0.14750258547137543, 0.14750258547137543, 0.14750258547137535, 0.1475025854713754, 0.14750258547137532, 0.1475025854713753, 0.14750258547137535, 0.14750258547137535, 0.14750258547137543, 0.14750258547137543, 0.14750258547137535, 0.1475025854713753, 0.1475025854713753, 0.14750258547137535, 0.14750258547137535, 0.14750258547137537, 0.1475025854713753, 0.1475025854713753, 0.14750258547137543, 0.14750258547137537, 0.14750258547137535, 0.14750258547137532, 0.14750258547137535, 0.1475025854713754, 0.14750258547137537, 0.14750258547137535, 0.1475025854713753, 0.1475025854713754, 0.14750258547137535, 0.1475025854713753, 0.1475025854713753, 0.14750258547137543, 0.14750258547137543, 0.14750258547137535, 0.1475025854713753, 0.1475025854713753, 0.14750258547137535, 0.14750258547137532, 0.1475025854713753, 0.14750258547137535, 0.1475025854713754, 0.14750258547137526, 0.14750258547137537, 0.14750258547137532, 0.14750258547137535, 0.1475025854713754, 0.14750258547137535, 0.14750258547137537, 0.14750258547137535, 0.1475025854713752, 0.14750258547137537, 0.1475025854713753, 0.14750258547137535, 0.14750258547137532, 0.14750258547137535, 0.14750258547137532, 0.14750258547137532, 0.14750258547137537, 0.14750258547137535, 0.1447792193123206, 0.14477921931232066, 0.1447792193123206, 0.14477921931232052, 0.14477921931232055, 0.1447792193123206, 0.1447792193123206, 0.14477921931232063, 0.14477921931232052, 0.14477921931232052, 0.14477921931232052, 0.14477921931232057, 0.14477921931232057, 0.14477921931232057, 0.14477921931232052, 0.14477921931232055, 0.14477921931232063, 0.14477921931232063, 0.14477921931232046, 0.14477921931232057, 0.14477921931232057, 0.1447792193123205, 0.14477921931232055, 0.14477921931232052, 0.14477921931232052, 0.14477921931232063, 0.14477921931232066, 0.14477921931232063, 0.14477921931232063, 0.14477921931232057, 0.14477921931232057, 0.14477921931232055, 0.14477921931232055, 0.14477921931232052, 0.14477921931232046, 0.14477921931232063, 0.1447792193123206, 0.14477921931232063, 0.1447792193123206, 0.14477921931232057, 0.14477921931232055, 0.14477921931232057, 0.14477921931232055, 0.14477921931232057, 0.14477921931232057, 0.14477921931232063, 0.14477921931232066, 0.14477921931232057, 0.14477921931232063, 0.14477921931232057, 0.14477921931232057, 0.14477921931232057, 0.14477921931232057, 0.14477921931232052, 0.14477921931232055, 0.14477921931232052, 0.14477921931232055, 0.14477921931232063, 0.14477921931232057, 0.14477921931232063, 0.14477921931232055, 0.14477921931232068, 0.14477921931232046, 0.14477921931232055, 0.1447792193123206, 0.14477921931232055, 0.14477921931232057, 0.14477921931232052, 0.14477921931232052, 0.1447792193123206, 0.14477921931232052, 0.14477921931232052, 0.14477921931232055, 0.14477921931232052, 0.14477921931232052, 0.14477921931232057, 0.14477921931232052, 0.14477921931232055, 0.14477921931232055, 0.14477921931232063, 0.14477921931232052, 0.1447792193123205, 0.14477921931232057, 0.14477921931232055, 0.14477921931232063, 0.14477921931232052, 0.14477921931232055, 0.14477921931232057, 0.14477921931232055, 0.14477921931232052, 0.1468618105818965, 0.14686181058189657, 0.14686181058189643, 0.1468618105818964, 0.1468618105818964, 0.14686181058189648, 0.14686181058189643, 0.14686181058189654, 0.14686181058189646, 0.14686181058189637, 0.14686181058189643, 0.1468618105818965, 0.14686181058189654, 0.14686181058189646, 0.1468618105818964, 0.1468618105818964, 0.14686181058189643, 0.14686181058189646, 0.14686181058189643, 0.1468618105818965, 0.14686181058189637, 0.14686181058189648, 0.14686181058189637, 0.1468618105818965, 0.1468618105818964, 0.14686181058189643, 0.14686181058189643, 0.14686181058189648, 0.1468618105818964, 0.14686181058189646, 0.14686181058189646, 0.14686181058189648, 0.1468618105818964, 0.14686181058189646, 0.14686181058189635, 0.14686181058189648, 0.14686181058189643, 0.14686181058189648, 0.14686181058189646, 0.1468618105818964, 0.14686181058189648, 0.14686181058189646, 0.14686181058189648, 0.14686181058189648, 0.14686181058189646, 0.14686181058189643, 0.1468618105818964, 0.14686181058189637, 0.1468618105818964, 0.14686181058189654, 0.1468618105818965, 0.14686181058189643, 0.14686181058189654, 0.14686181058189637, 0.14686181058189643, 0.14686181058189648, 0.14686181058189648, 0.14686181058189648, 0.14686181058189648, 0.14686181058189648, 0.14686181058189637, 0.1468618105818965, 0.14686181058189637, 0.14686181058189643, 0.1468618105818965, 0.14686181058189654, 0.14686181058189643, 0.14686181058189648, 0.14686181058189635, 0.14686181058189654, 0.14686181058189646, 0.14686181058189635, 0.14686181058189643, 0.14686181058189657, 0.1468618105818965, 0.14686181058189648, 0.14686181058189648, 0.14686181058189643, 0.14686181058189637, 0.14686181058189648, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.14686181058189646, 0.14686181058189654, 0.1468618105818965, 0.14686181058189654, 0.1468618105818964, 0.1468618105818964, 0.14686181058189648, 0.15010120315965592, 0.1501012031596559, 0.150101203159656, 0.1501012031596559, 0.15010120315965586, 0.15010120315965592, 0.1501012031596559, 0.15010120315965594, 0.1501012031596559, 0.15010120315965603, 0.15010120315965597, 0.15010120315965597, 0.15010120315965603, 0.1501012031596559, 0.15010120315965597, 0.15010120315965592, 0.15010120315965592, 0.15010120315965583, 0.150101203159656, 0.15010120315965586, 0.15010120315965597, 0.15010120315965594, 0.15010120315965583, 0.15010120315965592, 0.15010120315965597, 0.15010120315965592, 0.15010120315965592, 0.15010120315965597, 0.1501012031596559, 0.15010120315965597, 0.15010120315965594, 0.15010120315965597, 0.15010120315965592, 0.15010120315965594, 0.15010120315965592, 0.1501012031596559, 0.15010120315965592, 0.1501012031596559, 0.15010120315965597, 0.1501012031596559, 0.15010120315965592, 0.15010120315965583, 0.15010120315965597, 0.15010120315965597, 0.150101203159656, 0.15010120315965592, 0.1501012031596559, 0.15010120315965592, 0.15010120315965603, 0.15010120315965597, 0.15010120315965597, 0.15010120315965586, 0.1501012031596559, 0.1501012031596559, 0.15010120315965592, 0.15010120315965594, 0.15010120315965592, 0.1501012031596559, 0.15010120315965594, 0.15010120315965592, 0.15010120315965597, 0.15010120315965597, 0.1501012031596559, 0.15010120315965597, 0.15010120315965583, 0.150101203159656, 0.15010120315965592, 0.15010120315965597, 0.150101203159656, 0.15010120315965605, 0.1501012031596559, 0.15010120315965592, 0.15010120315965592, 0.15010120315965592, 0.15010120315965608, 0.15010120315965586, 0.15010120315965586, 0.15010120315965583, 0.15010120315965592, 0.15010120315965597, 0.15010120315965592, 0.1501012031596559, 0.15010120315965583, 0.15010120315965594, 0.15010120315965597, 0.15010120315965594, 0.15010120315965594, 0.150101203159656, 0.15010120315965594, 0.15010120315965592, 0.14322994822209392, 0.143229948222094, 0.143229948222094, 0.14322994822209406, 0.14322994822209398, 0.14322994822209406, 0.14322994822209395, 0.143229948222094, 0.14322994822209403, 0.14322994822209403, 0.14322994822209398, 0.14322994822209392, 0.14322994822209392, 0.14322994822209403, 0.143229948222094, 0.14322994822209406, 0.14322994822209392, 0.14322994822209403, 0.14322994822209403, 0.1432299482220941, 0.14322994822209398, 0.14322994822209398, 0.14322994822209412, 0.14322994822209395, 0.14322994822209395, 0.14322994822209406, 0.143229948222094, 0.14322994822209403, 0.14322994822209403, 0.14322994822209395, 0.14322994822209403, 0.14322994822209403, 0.1432299482220941, 0.14322994822209406, 0.1432299482220941, 0.143229948222094, 0.14322994822209398, 0.14322994822209395, 0.14322994822209398, 0.143229948222094, 0.14322994822209398, 0.14322994822209403, 0.14322994822209398, 0.143229948222094, 0.14322994822209403, 0.14322994822209398, 0.143229948222094, 0.14322994822209398, 0.14322994822209398, 0.14322994822209398, 0.143229948222094, 0.14322994822209395, 0.14322994822209398, 0.14322994822209398, 0.143229948222094, 0.14322994822209398, 0.14322994822209406, 0.143229948222094, 0.14322994822209398, 0.14322994822209403, 0.143229948222094, 0.14322994822209403, 0.1432299482220941, 0.1432299482220941, 0.14322994822209403, 0.14322994822209398, 0.14322994822209406, 0.14322994822209403, 0.143229948222094, 0.14322994822209398, 0.143229948222094, 0.14322994822209395, 0.14322994822209392, 0.14322994822209403, 0.14322994822209403, 0.14322994822209406, 0.14322994822209403, 0.14322994822209406, 0.14322994822209398, 0.14322994822209395, 0.14322994822209403, 0.14322994822209403, 0.143229948222094, 0.14322994822209406, 0.14322994822209406, 0.14322994822209403, 0.143229948222094, 0.14322994822209406, 0.143229948222094, 0.14322994822209392, 0.12280811148432946, 0.12280811148432944, 0.12280811148432942, 0.12280811148432948, 0.12280811148432956, 0.12280811148432942, 0.12280811148432955, 0.12280811148432948, 0.12280811148432949, 0.12280811148432949, 0.1228081114843294, 0.12280811148432949, 0.12280811148432948, 0.12280811148432957, 0.12280811148432944, 0.12280811148432952, 0.12280811148432942, 0.12280811148432953, 0.12280811148432942, 0.12280811148432952, 0.1228081114843295, 0.12280811148432946, 0.12280811148432948, 0.12280811148432949, 0.12280811148432948, 0.12280811148432953, 0.1228081114843296, 0.12280811148432942, 0.12280811148432953, 0.12280811148432949, 0.12280811148432948, 0.12280811148432955, 0.12280811148432938, 0.12280811148432945, 0.12280811148432949, 0.12280811148432948, 0.12280811148432956, 0.12280811148432959, 0.12280811148432948, 0.12280811148432949, 0.12280811148432955, 0.1228081114843295, 0.12280811148432944, 0.12280811148432944, 0.12280811148432942, 0.12280811148432944, 0.12280811148432946, 0.12280811148432946, 0.12280811148432948, 0.12280811148432953, 0.12280811148432946, 0.12280811148432952, 0.12280811148432949, 0.12280811148432956, 0.12280811148432942, 0.12280811148432949, 0.12280811148432956, 0.12280811148432938, 0.12280811148432953, 0.12280811148432949, 0.12280811148432945, 0.12280811148432957, 0.12280811148432949, 0.12280811148432945, 0.12280811148432945, 0.12280811148432949, 0.12280811148432949, 0.12280811148432957, 0.12280811148432941, 0.12280811148432945, 0.12280811148432945, 0.12280811148432945, 0.12280811148432957, 0.12280811148432956, 0.12280811148432945, 0.12280811148432945, 0.12280811148432952, 0.12280811148432952, 0.12280811148432953, 0.12280811148432957, 0.12280811148432948, 0.12280811148432955, 0.12280811148432957, 0.12280811148432952, 0.12280811148432955, 0.12280811148432948, 0.12280811148432953, 0.12280811148432945, 0.12280811148432953, 0.12280811148432945, 0.11942718073653456, 0.11942718073653462, 0.1194271807365345, 0.11942718073653452, 0.11942718073653438, 0.11942718073653458, 0.1194271807365345, 0.11942718073653458, 0.11942718073653459, 0.11942718073653451, 0.11942718073653447, 0.11942718073653455, 0.1194271807365346, 0.11942718073653455, 0.11942718073653456, 0.1194271807365346, 0.11942718073653454, 0.11942718073653455, 0.11942718073653447, 0.11942718073653458, 0.11942718073653458, 0.11942718073653445, 0.11942718073653462, 0.1194271807365345, 0.11942718073653458, 0.1194271807365346, 0.1194271807365344, 0.11942718073653451, 0.11942718073653456, 0.11942718073653447, 0.11942718073653452, 0.11942718073653458, 0.11942718073653451, 0.11942718073653456, 0.11942718073653452, 0.1194271807365345, 0.11942718073653454, 0.11942718073653458, 0.11942718073653459, 0.11942718073653455, 0.11942718073653454, 0.11942718073653451, 0.11942718073653447, 0.11942718073653438, 0.11942718073653452, 0.11942718073653462, 0.11942718073653456, 0.11942718073653455, 0.1194271807365345, 0.11942718073653455, 0.11942718073653451, 0.11942718073653444, 0.11942718073653452, 0.11942718073653442, 0.11942718073653444, 0.11942718073653456, 0.11942718073653466, 0.11942718073653454, 0.1194271807365345, 0.11942718073653447, 0.1194271807365345, 0.1194271807365346, 0.11942718073653445, 0.11942718073653454, 0.11942718073653448, 0.11942718073653451, 0.11942718073653442, 0.11942718073653456, 0.11942718073653441, 0.11942718073653456, 0.11942718073653454, 0.11942718073653444, 0.11942718073653456, 0.11942718073653455, 0.11942718073653456, 0.11942718073653458, 0.11942718073653442, 0.11942718073653454, 0.11942718073653458, 0.11942718073653456, 0.11942718073653445, 0.11942718073653451, 0.11942718073653454, 0.11942718073653455, 0.11942718073653451, 0.11942718073653458, 0.11942718073653454, 0.11942718073653452, 0.11942718073653452, 0.11942718073653452, 0.12956066510934935, 0.12956066510934947, 0.12956066510934927, 0.12956066510934935, 0.1295606651093493, 0.12956066510934938, 0.12956066510934927, 0.12956066510934924, 0.12956066510934933, 0.12956066510934938, 0.1295606651093494, 0.12956066510934924, 0.12956066510934935, 0.12956066510934927, 0.1295606651093493, 0.1295606651093493, 0.1295606651093494, 0.12956066510934938, 0.12956066510934938, 0.12956066510934935, 0.12956066510934927, 0.12956066510934924, 0.1295606651093494, 0.12956066510934922, 0.12956066510934947, 0.12956066510934938, 0.12956066510934935, 0.1295606651093493, 0.12956066510934924, 0.1295606651093493, 0.12956066510934933, 0.1295606651093494, 0.1295606651093494, 0.12956066510934938, 0.12956066510934927, 0.12956066510934947, 0.12956066510934922, 0.12956066510934938, 0.12956066510934935, 0.1295606651093493, 0.1295606651093493, 0.1295606651093493, 0.12956066510934938, 0.1295606651093494, 0.1295606651093494, 0.12956066510934924, 0.1295606651093494, 0.12956066510934933, 0.1295606651093493, 0.1295606651093493, 0.12956066510934935, 0.12956066510934938, 0.12956066510934935, 0.1295606651093494, 0.12956066510934935, 0.12956066510934935, 0.12956066510934927, 0.1295606651093494, 0.12956066510934924, 0.12956066510934916, 0.12956066510934927, 0.12956066510934935, 0.12956066510934935, 0.1295606651093493, 0.12956066510934933, 0.12956066510934938, 0.12956066510934933, 0.12956066510934938, 0.1295606651093493, 0.12956066510934935, 0.1295606651093493, 0.1295606651093494, 0.12956066510934924, 0.12956066510934944, 0.1295606651093493, 0.12956066510934933, 0.12956066510934938, 0.12956066510934935, 0.1295606651093492, 0.12956066510934933, 0.12956066510934935, 0.12956066510934947, 0.1295606651093492, 0.12956066510934933, 0.12956066510934935, 0.12956066510934935, 0.12956066510934933, 0.12956066510934938, 0.12956066510934938, 0.12956066510934938, 0.12060711691901507, 0.12060711691901514, 0.12060711691901502, 0.12060711691901506, 0.120607116919015, 0.12060711691901495, 0.120607116919015, 0.12060711691901499, 0.12060711691901498, 0.12060711691901502, 0.12060711691901498, 0.12060711691901493, 0.12060711691901509, 0.12060711691901499, 0.12060711691901506, 0.120607116919015, 0.12060711691901499, 0.12060711691901502, 0.12060711691901498, 0.12060711691901498, 0.12060711691901509, 0.12060711691901498, 0.12060711691901498, 0.12060711691901502, 0.12060711691901492, 0.12060711691901511, 0.12060711691901489, 0.12060711691901504, 0.12060711691901511, 0.12060711691901502, 0.12060711691901499, 0.12060711691901499, 0.1206071169190151, 0.12060711691901504, 0.12060711691901502, 0.12060711691901485, 0.12060711691901502, 0.120607116919015, 0.12060711691901503, 0.12060711691901503, 0.12060711691901495, 0.12060711691901504, 0.12060711691901509, 0.12060711691901493, 0.12060711691901507, 0.12060711691901506, 0.12060711691901502, 0.12060711691901489, 0.12060711691901513, 0.120607116919015, 0.12060711691901496, 0.120607116919015, 0.12060711691901504, 0.12060711691901498, 0.1206071169190151, 0.12060711691901502, 0.120607116919015, 0.12060711691901498, 0.12060711691901498, 0.12060711691901511, 0.12060711691901507, 0.12060711691901499, 0.120607116919015, 0.12060711691901507, 0.12060711691901489, 0.12060711691901495, 0.12060711691901506, 0.12060711691901499, 0.12060711691901499, 0.12060711691901507, 0.12060711691901496, 0.12060711691901495, 0.1206071169190151, 0.12060711691901493, 0.12060711691901499, 0.12060711691901495, 0.120607116919015, 0.12060711691901496, 0.12060711691901504, 0.12060711691901502, 0.12060711691901502, 0.12060711691901504, 0.12060711691901495, 0.1206071169190149, 0.120607116919015, 0.12060711691901504, 0.12060711691901499, 0.12060711691901506, 0.12060711691901499, 0.12060711691901499, 0.1397996435991871, 0.13979964359918703, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.13979964359918706, 0.13979964359918715, 0.139799643599187, 0.13979964359918717, 0.1397996435991872, 0.13979964359918703, 0.13979964359918715, 0.13979964359918715, 0.13979964359918715, 0.13979964359918712, 0.13979964359918712, 0.13979964359918706, 0.13979964359918703, 0.13979964359918723, 0.13979964359918706, 0.1397996435991871, 0.13979964359918717, 0.13979964359918715, 0.13979964359918703, 0.13979964359918712, 0.13979964359918712, 0.13979964359918715, 0.1397996435991871, 0.13979964359918712, 0.13979964359918717, 0.1397996435991871, 0.13979964359918712, 0.13979964359918715, 0.1397996435991872, 0.13979964359918715, 0.1397996435991871, 0.13979964359918703, 0.13979964359918706, 0.13979964359918712, 0.13979964359918706, 0.1397996435991872, 0.1397996435991872, 0.13979964359918706, 0.13979964359918712, 0.13979964359918703, 0.1397996435991871, 0.1397996435991871, 0.13979964359918712, 0.13979964359918703, 0.1397996435991871, 0.13979964359918715, 0.13979964359918715, 0.13979964359918706, 0.13979964359918717, 0.13979964359918712, 0.13979964359918703, 0.13979964359918712, 0.1397996435991872, 0.13979964359918703, 0.13979964359918715, 0.13979964359918703, 0.1397996435991871, 0.13979964359918712, 0.13979964359918712, 0.13979964359918706, 0.1397996435991871, 0.1397996435991871, 0.13979964359918706, 0.13979964359918715, 0.13979964359918706, 0.139799643599187, 0.13979964359918715, 0.13979964359918715, 0.13979964359918717, 0.13979964359918706, 0.1397996435991871, 0.13979964359918712, 0.1397996435991871, 0.1397996435991871, 0.1397996435991871, 0.13979964359918717, 0.13979964359918712, 0.13979964359918712, 0.13979964359918703, 0.1397996435991871, 0.1397996435991872, 0.13979964359918706, 0.1397996435991871, 0.13979964359918715, 0.1269272990419471, 0.12692729904194702, 0.12692729904194702, 0.12692729904194702, 0.12692729904194713, 0.12692729904194705, 0.12692729904194708, 0.12692729904194705, 0.12692729904194708, 0.12692729904194702, 0.1269272990419471, 0.12692729904194705, 0.12692729904194708, 0.1269272990419471, 0.12692729904194716, 0.12692729904194702, 0.12692729904194708, 0.12692729904194705, 0.12692729904194705, 0.126927299041947, 0.1269272990419471, 0.1269272990419471, 0.1269272990419472, 0.12692729904194705, 0.12692729904194708, 0.12692729904194705, 0.12692729904194708, 0.12692729904194708, 0.12692729904194705, 0.1269272990419471, 0.12692729904194705, 0.12692729904194713, 0.12692729904194705, 0.12692729904194716, 0.12692729904194708, 0.12692729904194694, 0.12692729904194702, 0.12692729904194716, 0.126927299041947, 0.12692729904194705, 0.12692729904194688, 0.1269272990419471, 0.1269272990419471, 0.12692729904194713, 0.1269272990419471, 0.12692729904194708, 0.1269272990419471, 0.12692729904194713, 0.12692729904194708, 0.12692729904194708, 0.12692729904194697, 0.12692729904194702, 0.12692729904194716, 0.1269272990419471, 0.12692729904194688, 0.1269272990419471, 0.12692729904194708, 0.12692729904194702, 0.12692729904194708, 0.12692729904194708, 0.12692729904194705, 0.126927299041947, 0.12692729904194694, 0.12692729904194702, 0.12692729904194705, 0.12692729904194702, 0.12692729904194705, 0.12692729904194713, 0.12692729904194697, 0.126927299041947, 0.12692729904194697, 0.12692729904194702, 0.1269272990419471, 0.12692729904194705, 0.12692729904194716, 0.12692729904194702, 0.12692729904194708, 0.1269272990419471, 0.1269272990419471, 0.12692729904194713, 0.12692729904194708, 0.12692729904194708, 0.12692729904194705, 0.12692729904194708, 0.12692729904194705, 0.1269272990419471, 0.126927299041947, 0.12692729904194697, 0.12692729904194705, 0.12692729904194705, 0.1298119712581676, 0.1298119712581675, 0.12981197125816754, 0.12981197125816762, 0.12981197125816754, 0.1298119712581675, 0.12981197125816768, 0.12981197125816762, 0.12981197125816762, 0.12981197125816749, 0.12981197125816762, 0.1298119712581675, 0.12981197125816754, 0.12981197125816754, 0.12981197125816743, 0.1298119712581676, 0.12981197125816754, 0.1298119712581675, 0.1298119712581676, 0.1298119712581676, 0.12981197125816762, 0.1298119712581675, 0.1298119712581675, 0.12981197125816749, 0.12981197125816757, 0.1298119712581676, 0.1298119712581676, 0.12981197125816749, 0.12981197125816762, 0.1298119712581676, 0.1298119712581676, 0.12981197125816757, 0.1298119712581675, 0.12981197125816743, 0.12981197125816762, 0.12981197125816749, 0.1298119712581675, 0.12981197125816754, 0.12981197125816749, 0.12981197125816746, 0.12981197125816749, 0.12981197125816757, 0.12981197125816746, 0.1298119712581675, 0.12981197125816749, 0.12981197125816754, 0.12981197125816754, 0.12981197125816757, 0.1298119712581676, 0.12981197125816754, 0.12981197125816746, 0.12981197125816754, 0.12981197125816749, 0.1298119712581676, 0.12981197125816754, 0.12981197125816754, 0.12981197125816749, 0.12981197125816754, 0.12981197125816746, 0.12981197125816765, 0.12981197125816762, 0.12981197125816757, 0.12981197125816762, 0.1298119712581676, 0.12981197125816743, 0.1298119712581675, 0.1298119712581676, 0.12981197125816754, 0.12981197125816746, 0.12981197125816762, 0.1298119712581675, 0.1298119712581676, 0.12981197125816746, 0.1298119712581675, 0.12981197125816746, 0.12981197125816757, 0.12981197125816754, 0.1298119712581675, 0.12981197125816754, 0.12981197125816754, 0.1298119712581675, 0.12981197125816754, 0.12981197125816757, 0.1298119712581675, 0.1298119712581676, 0.1298119712581676, 0.1298119712581676, 0.1298119712581675, 0.12981197125816746, 0.1298119712581675]\n", "\n", "Abstraction error: 0.15010120315965608\n", "\n", "\n", "OVERALL ABSTRACTION ERROR: 0.5115628136399912\n" ] } ], "source": [ "result = A.evaluate_abstraction_error(verbose=True)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Conclusion\n", "\n", "In this notebook we have automated the procedure for computing the abstraction error between two models related by an abstraction. We have built on a series of examples, each time considering richer evaluation set over which to compute the abstraction error. The final implementation consider all possible disjoint sets of variables in the high-level model and evaluates the abstraction error over them. Meaningful and efficient computation of the abstraction error will depend on the selection of a representative and efficient evaluation set and a meaningful and robust distance metric." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Bibliography\n", "\n", "[Rischel2020] Rischel, Eigil Fjeldgren. \"The Category Theory of Causal Models.\" (2020).\n", "\n", "[Rubenstein2017] Rubenstein, Paul K., et al. \"Causal consistency of structural equation models.\" arXiv preprint arXiv:1707.00819 (2017).\n", "\n", "[Pearl2009] Pearl, Judea. Causality. Cambridge university press, 2009.\n", "\n", "[Peters2017] Peters, Jonas, Dominik Janzing, and Bernhard Schölkopf. Elements of causal inference: foundations and learning algorithms. The MIT Press, 2017.\n", "\n", "[Spivak2014] Spivak, David I. Category theory for the sciences. MIT Press, 2014.\n", "\n", "[Fong2018] Fong, Brendan, and David I. Spivak. \"Seven sketches in compositionality: An invitation to applied category theory.\" arXiv preprint arXiv:1803.05316 (2018)." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "(**TODO:** (i) select an evaluation set $\\mathcal{J}$ in a smarter way; (ii) compute distances more efficiently.)" ] } ], "metadata": { "kernelspec": { "display_name": "Python 3 (ipykernel)", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.9.10" }, "toc": { "base_numbering": 1, "nav_menu": {}, "number_sections": true, "sideBar": true, "skip_h1_title": false, "title_cell": "Table of Contents", "title_sidebar": "Contents", "toc_cell": false, "toc_position": { "height": "calc(100% - 180px)", "left": "10px", "top": "150px", "width": "302.045px" }, "toc_section_display": true, "toc_window_display": true } }, "nbformat": 4, "nbformat_minor": 4 }