diff --git a/404.html b/404.html index 950cff7fd..99bec5211 100644 --- a/404.html +++ b/404.html @@ -5,8 +5,8 @@ Page Not Found | CyclOps - - + +
Skip to main content

Page Not Found

We could not find what you were looking for.

Please contact the owner of the site that linked you to the original URL and let them know their link is broken.

diff --git a/api/_images/tutorials_nihcxr_monitor_api_10_1.png b/api/_images/tutorials_nihcxr_monitor_api_10_1.png index 885470742..4b4121504 100644 Binary files a/api/_images/tutorials_nihcxr_monitor_api_10_1.png and b/api/_images/tutorials_nihcxr_monitor_api_10_1.png differ diff --git a/api/_images/tutorials_nihcxr_monitor_api_12_0.png b/api/_images/tutorials_nihcxr_monitor_api_12_0.png index 9c38a0546..70ce88d6e 100644 Binary files a/api/_images/tutorials_nihcxr_monitor_api_12_0.png and b/api/_images/tutorials_nihcxr_monitor_api_12_0.png differ diff --git a/api/_images/tutorials_nihcxr_monitor_api_6_0.png b/api/_images/tutorials_nihcxr_monitor_api_6_0.png index 4d9295fc8..360851d0a 100644 Binary files a/api/_images/tutorials_nihcxr_monitor_api_6_0.png and b/api/_images/tutorials_nihcxr_monitor_api_6_0.png differ diff --git a/api/_images/tutorials_nihcxr_monitor_api_8_0.png b/api/_images/tutorials_nihcxr_monitor_api_8_0.png index 461853dbb..8a73b56d9 100644 Binary files a/api/_images/tutorials_nihcxr_monitor_api_8_0.png and b/api/_images/tutorials_nihcxr_monitor_api_8_0.png differ diff --git a/api/_modules/cyclops/data/features/medical_image.html b/api/_modules/cyclops/data/features/medical_image.html index 1d65e3d51..83be97fc5 100644 --- a/api/_modules/cyclops/data/features/medical_image.html +++ b/api/_modules/cyclops/data/features/medical_image.html @@ -166,12 +166,11 @@

Source code for cyclops.data.features.medical_image

 """Medical image feature."""
 
-import logging
 import os
 import tempfile
 from dataclasses import dataclass, field
 from io import BytesIO
-from typing import Any, ClassVar, Dict, Optional, Tuple, Union
+from typing import TYPE_CHECKING, Any, ClassVar, Dict, Optional, Tuple, Union
 
 import numpy as np
 import numpy.typing as npt
@@ -181,18 +180,56 @@ 

Source code for cyclops.data.features.medical_image

from datasets.features import Image, features from datasets.utils.file_utils import is_local_path from datasets.utils.py_utils import string_to_dict -from monai.data.image_reader import ImageReader -from monai.data.image_writer import ITKWriter -from monai.transforms.compose import Compose -from monai.transforms.io.array import LoadImage -from monai.transforms.utility.array import ToNumpy -from cyclops.utils.log import setup_logging +from cyclops.utils.optional import import_optional_module -# Logging. -LOGGER = logging.getLogger(__name__) -setup_logging(print_level="INFO", logger=LOGGER) +if TYPE_CHECKING: + from monai.data.image_reader import ImageReader + from monai.data.image_writer import ITKWriter + from monai.transforms.compose import Compose + from monai.transforms.io.array import LoadImage + from monai.transforms.utility.array import ToNumpy +else: + ImageReader = import_optional_module( + "monai.data.image_reader", + attribute="ImageReader", + error="warn", + ) + ITKWriter = import_optional_module( + "monai.data.image_writer", + attribute="ITKWriter", + error="warn", + ) + Compose = import_optional_module( + "monai.transforms.compose", + attribute="Compose", + error="warn", + ) + LoadImage = import_optional_module( + "monai.transforms.io.array", + attribute="LoadImage", + error="warn", + ) + ToNumpy = import_optional_module( + "monai.transforms.utility.array", + attribute="ToNumpy", + error="warn", + ) +_monai_available = all( + module is not None + for module in ( + ImageReader, + ITKWriter, + Compose, + LoadImage, + ToNumpy, + ) +) +_monai_unavailable_message = ( + "The MONAI library is required to use the `MedicalImage` feature. " + "Please install it with `pip install monai`." +)
@@ -203,24 +240,35 @@

Source code for cyclops.data.features.medical_image

Parameters ---------- - decode : bool, optional, default=True - Whether to decode the image. If False, the image will be returned as a - dictionary in the format `{"path": image_path, "bytes": image_bytes}`. reader : Union[str, ImageReader], optional, default="ITKReader" The MONAI image reader to use. suffix : str, optional, default=".jpg" The suffix to use when decoding bytes to image. + decode : bool, optional, default=True + Whether to decode the image. If False, the image will be returned as a + dictionary in the format `{"path": image_path, "bytes": image_bytes}`. + id : str, optional, default=None + The id of the feature. """ reader: Union[str, ImageReader] = "ITKReader" suffix: str = ".jpg" # used when decoding/encoding bytes to image - _loader = Compose( - [ - LoadImage(reader=reader, simple_keys=True, dtype=None, image_only=True), - ToNumpy(), - ], - ) + + _loader = None + if _monai_available: + _loader = Compose( + [ + LoadImage( + reader=reader, + simple_keys=True, + dtype=None, + image_only=False, + ), + ToNumpy(), + ], + ) + # Automatically constructed dtype: ClassVar[str] = "dict" pa_type: ClassVar[Any] = pa.struct({"bytes": pa.binary(), "path": pa.string()}) @@ -246,12 +294,14 @@

Source code for cyclops.data.features.medical_image

""" if isinstance(value, list): - value = np.array(value) + value = np.asarray(value) if isinstance(value, str): return {"path": value, "bytes": None} + if isinstance(value, np.ndarray): return _encode_ndarray(value, image_format=self.suffix) + if "array" in value and "metadata" in value: output_ext_ = self.suffix metadata_ = value["metadata"] @@ -305,7 +355,7 @@

Source code for cyclops.data.features.medical_image

if not self.decode: raise RuntimeError( "Decoding is disabled for this feature. " - "Please use MedicalImage(decode=True) instead.", + "Please use `MedicalImage(decode=True)` instead.", ) if token_per_repo_id is None: @@ -320,6 +370,8 @@

Source code for cyclops.data.features.medical_image

) if is_local_path(path): + if self._loader is None: + raise RuntimeError(_monai_unavailable_message) image, metadata = self._loader(path) else: source_url = path.split("::")[-1] @@ -362,6 +414,9 @@

Source code for cyclops.data.features.medical_image

Image as numpy array and metadata as dictionary. """ + if self._loader is None: + raise RuntimeError(_monai_unavailable_message) + # XXX: Can we avoid writing to disk? with tempfile.NamedTemporaryFile(mode="wb", suffix=self.suffix) as fp: fp.write(buffer.getvalue()) @@ -394,6 +449,9 @@

Source code for cyclops.data.features.medical_image

Dictionary containing the image bytes and path. """ + if not _monai_available: + raise RuntimeError(_monai_unavailable_message) + if not image_format.startswith("."): image_format = "." + image_format @@ -415,7 +473,7 @@

Source code for cyclops.data.features.medical_image

return {"path": None, "bytes": temp_file_bytes} -# add the `MedicalImage` feature to the `features` module +# add the `MedicalImage` feature to the `features` module namespace features.MedicalImage = MedicalImage
diff --git a/api/_modules/cyclops/tasks/classification.html b/api/_modules/cyclops/tasks/classification.html index 62e14504a..e639dbc90 100644 --- a/api/_modules/cyclops/tasks/classification.html +++ b/api/_modules/cyclops/tasks/classification.html @@ -173,9 +173,9 @@

Source code for cyclops.tasks.classification

import numpy as np
 import pandas as pd
 from datasets import Dataset, DatasetDict, config
-from monai.transforms import Compose  # type: ignore
 from sklearn.compose import ColumnTransformer
 from sklearn.exceptions import NotFittedError
+from torchvision.transforms import Compose
 
 from cyclops.data.slicer import SliceSpec
 from cyclops.evaluate.evaluator import evaluate
@@ -601,7 +601,7 @@ 

Source code for cyclops.tasks.classification

splits_mapping = {"test": "test"}
         model_name, model = self.get_model(model_name)
         if transforms:
-            transforms = partial(apply_image_transforms, transforms=transforms)  # type: ignore
+            transforms = partial(apply_image_transforms, transforms=transforms)
         if isinstance(dataset, (Dataset, DatasetDict)):
             return model.predict(
                 dataset,
diff --git a/api/_sources/intro.rst.txt b/api/_sources/intro.rst.txt
index 36c728c5a..0bdbd94a8 100644
--- a/api/_sources/intro.rst.txt
+++ b/api/_sources/intro.rst.txt
@@ -13,27 +13,25 @@ models for healthcare. It provides a few high-level APIs namely:
 -  ``data`` - Create datasets for training, inference and evaluation. We
    use the popular 🤗
    `datasets `__ to efficiently
-   load and slice different modalities of data.
+   load and slice different modalities of data
 -  ``models`` - Use common model implementations using
    `scikit-learn `__ and
-   `PyTorch `__.
--  ``tasks`` - Use canonical Healthcare ML tasks such as
-
-   -  Mortality prediction
-   -  Chest X-ray classification
-
+   `PyTorch `__
+-  ``tasks`` - Use common ML task formulations such as binary
+   classification or multi-label classification on tabular, time-series
+   and image data
 -  ``evaluate`` - Evaluate models on clinical prediction tasks
 -  ``monitor`` - Detect dataset shift relevant for clinical use cases
 -  ``report`` - Create `model report
    cards `__
    for clinical ML models
 
-``cyclops`` also provides a library of end-to-end use cases on clinical
-datasets such as
+``cyclops`` also provides example end-to-end use case implementations on
+clinical datasets such as
 
--  `MIMIC-III `__
+-  `NIH chest
+   x-ray `__
 -  `MIMIC-IV `__
--  `eICU-CRD `__
 
 🐣 Getting Started
 ==================
@@ -45,33 +43,14 @@ Installing cyclops using pip
 
    python3 -m pip install pycyclops
 
-The base package installation supports the use of the ``data`` and
-``process`` APIs to load and transform clinical data, for downstream
-tasks.
-
-To install additional functionality from the other APIs, they can be
-installed as extras.
+The base cyclops installation doesn’t include modelling packages.
 
-To install with ``models``, ``tasks``, ``evaluate`` and ``monitor`` API
-support,
+To install additional dependencies for using models,
 
 .. code:: bash
 
    python3 -m pip install 'pycyclops[models]'
 
-To install with ``report`` API support,
-
-.. code:: bash
-
-   python3 -m pip install 'pycyclops[report]'
-
-Multiple extras could also be combined, for example to install with both
-``report`` and ``models`` support:
-
-.. code:: bash
-
-   python3 -m pip install 'pycyclops[report,models]'
-
 🧑🏿‍💻 Developing
 =======================
 
diff --git a/api/_sources/tutorials/nihcxr/cxr_classification.ipynb.txt b/api/_sources/tutorials/nihcxr/cxr_classification.ipynb.txt
index 32a96e026..06de21e8a 100644
--- a/api/_sources/tutorials/nihcxr/cxr_classification.ipynb.txt
+++ b/api/_sources/tutorials/nihcxr/cxr_classification.ipynb.txt
@@ -7,7 +7,7 @@
    "source": [
     "# Chest X-Ray Disease Classification\n",
     "\n",
-    "This notebook shows chest x-ray classification on the NIH dataset using a pretrained model from the TorchXRayVision library and CyclOps to generate a model card."
+    "This notebook shows chest x-ray classification on the [NIH dataset](https://www.nih.gov/news-events/news-releases/nih-clinical-center-provides-one-largest-publicly-available-chest-x-ray-datasets-scientific-community) using a pretrained model from the TorchXRayVision library and CyclOps to generate a model card."
    ]
   },
   {
@@ -33,7 +33,7 @@
     "\n",
     "import numpy as np\n",
     "import plotly.express as px\n",
-    "from monai.transforms import Compose, Lambdad, Resized\n",
+    "from torchvision.transforms import Compose\n",
     "from torchxrayvision.models import DenseNet\n",
     "\n",
     "from cyclops.data.loader import load_nihcxr\n",
@@ -41,6 +41,7 @@
     "    SliceSpec,\n",
     "    filter_value,  # noqa: E402\n",
     ")\n",
+    "from cyclops.data.transforms import Lambdad, Resized\n",
     "from cyclops.data.utils import apply_transforms\n",
     "from cyclops.evaluate import evaluator\n",
     "from cyclops.evaluate.metrics.factory import create_metric\n",
@@ -143,8 +144,9 @@
     "            allow_missing_keys=True,\n",
     "        ),\n",
     "        Lambdad(\n",
-    "            (\"image\",),\n",
-    "            func=lambda x: np.mean(x, axis=0)[np.newaxis, :] if x.shape[0] != 1 else x,\n",
+    "            keys=(\"image\",),\n",
+    "            func=lambda x: x[0][np.newaxis, :] if x.shape[0] != 1 else x,\n",
+    "            allow_missing_keys=True,\n",
     "        ),\n",
     "    ],\n",
     ")"
diff --git a/api/_sources/tutorials/nihcxr/monitor_api.ipynb.txt b/api/_sources/tutorials/nihcxr/monitor_api.ipynb.txt
index 929fc939f..a8ab67050 100644
--- a/api/_sources/tutorials/nihcxr/monitor_api.ipynb.txt
+++ b/api/_sources/tutorials/nihcxr/monitor_api.ipynb.txt
@@ -26,17 +26,25 @@
     "\"\"\"NIHCXR Clinical Drift Experiments Tutorial.\"\"\"\n",
     "\n",
     "\n",
+    "import random\n",
+    "\n",
     "import numpy as np\n",
-    "from monai.transforms import Compose, Lambdad, Resized\n",
+    "import torch\n",
+    "from torchvision.transforms import Compose\n",
     "from torchxrayvision.models import DenseNet\n",
     "\n",
     "from cyclops.data.loader import load_nihcxr\n",
     "from cyclops.data.slicer import SliceSpec\n",
+    "from cyclops.data.transforms import Lambdad, Resized\n",
     "from cyclops.monitor import ClinicalShiftApplicator, Detector, Reductor, TSTester\n",
     "from cyclops.monitor.plotter import plot_drift_experiment, plot_drift_timeseries\n",
     "\n",
     "\n",
-    "nih_ds = load_nihcxr(\"/mnt/data/clinical_datasets/NIHCXR\")[\"test\"]"
+    "nih_ds = load_nihcxr(\"/mnt/data/clinical_datasets/NIHCXR\")[\"test\"]\n",
+    "\n",
+    "random.seed(42)\n",
+    "np.random.seed(42)\n",
+    "torch.manual_seed(42)"
    ]
   },
   {
@@ -65,18 +73,19 @@
     "transforms = Compose(\n",
     "    [\n",
     "        Resized(\n",
-    "            keys=(\"image\",),\n",
     "            spatial_size=(224, 224),\n",
+    "            keys=(\"image\",),\n",
     "            allow_missing_keys=True,\n",
     "        ),\n",
     "        Lambdad(\n",
-    "            keys=(\"image\",),\n",
     "            func=lambda x: ((2 * (x / 255.0)) - 1.0) * 1024,\n",
+    "            keys=(\"image\",),\n",
     "            allow_missing_keys=True,\n",
     "        ),\n",
     "        Lambdad(\n",
-    "            (\"image\",),\n",
-    "            func=lambda x: np.mean(x, axis=0)[np.newaxis, :] if x.shape[0] != 1 else x,\n",
+    "            func=lambda x: x[0][np.newaxis, :] if x.shape[0] != 1 else x,\n",
+    "            keys=(\"image\",),\n",
+    "            allow_missing_keys=True,\n",
     "        ),\n",
     "    ],\n",
     ")"
diff --git a/api/intro.html b/api/intro.html
index edc274a14..bfb918e47 100644
--- a/api/intro.html
+++ b/api/intro.html
@@ -184,28 +184,25 @@
 
  • data - Create datasets for training, inference and evaluation. We use the popular 🤗 datasets to efficiently -load and slice different modalities of data.

  • +load and slice different modalities of data

  • models - Use common model implementations using scikit-learn and -PyTorch.

  • -
  • tasks - Use canonical Healthcare ML tasks such as

    -
      -
    • Mortality prediction

    • -
    • Chest X-ray classification

    • -
    -
  • +PyTorch

    +
  • tasks - Use common ML task formulations such as binary +classification or multi-label classification on tabular, time-series +and image data

  • evaluate - Evaluate models on clinical prediction tasks

  • monitor - Detect dataset shift relevant for clinical use cases

  • report - Create model report cards for clinical ML models

  • -

    cyclops also provides a library of end-to-end use cases on clinical -datasets such as

    +

    cyclops also provides example end-to-end use case implementations on +clinical datasets such as

    🐣 Getting Started

    @@ -214,25 +211,11 @@

    Installing cyclops using pip
    python3 -m pip install pycyclops
     

    -

    The base package installation supports the use of the data and -process APIs to load and transform clinical data, for downstream -tasks.

    -

    To install additional functionality from the other APIs, they can be -installed as extras.

    -

    To install with models, tasks, evaluate and monitor API -support,

    +

    The base cyclops installation doesn’t include modelling packages.

    +

    To install additional dependencies for using models,

    python3 -m pip install 'pycyclops[models]'
     
    -

    To install with report API support,

    -
    python3 -m pip install 'pycyclops[report]'
    -
    -
    -

    Multiple extras could also be combined, for example to install with both -report and models support:

    -
    python3 -m pip install 'pycyclops[report,models]'
    -
    -
    diff --git a/api/reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.html b/api/reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.html index eef5139b9..43478d43d 100644 --- a/api/reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.html +++ b/api/reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.html @@ -195,10 +195,11 @@

    cyclops.data.features.medical_image.MedicalImage
    Parameters:
      -
    • decode (bool, optional, default=True) – Whether to decode the image. If False, the image will be returned as a -dictionary in the format {“path”: image_path, “bytes”: image_bytes}.

    • reader (Union[str, ImageReader], optional, default="ITKReader") – The MONAI image reader to use.

    • suffix (str, optional, default=".jpg") – The suffix to use when decoding bytes to image.

    • +
    • decode (bool, optional, default=True) – Whether to decode the image. If False, the image will be returned as a +dictionary in the format {“path”: image_path, “bytes”: image_bytes}.

    • +
    • id (str, optional, default=None) – The id of the feature.

    @@ -256,7 +257,7 @@

    cyclops.data.features.medical_image.MedicalImagecast_storage(storage)

    Cast an Arrow array to the Image arrow storage type. The Arrow types that can be converted to the Image pyarrow storage type are: -:rtype: StructArray

    +:rtype: StructArray

    diff --git a/api/reference/api/_autosummary/cyclops.data.slicer.SliceSpec.html b/api/reference/api/_autosummary/cyclops.data.slicer.SliceSpec.html index a3e182093..ca0645fc6 100644 --- a/api/reference/api/_autosummary/cyclops.data.slicer.SliceSpec.html +++ b/api/reference/api/_autosummary/cyclops.data.slicer.SliceSpec.html @@ -390,7 +390,7 @@

    cyclops.data.slicer.SliceSpecReturn type: -

    None

    +

    None

    @@ -401,7 +401,7 @@

    cyclops.data.slicer.SliceSpec
    Return type:
    -

    Dict[str, Callable[[Dict[str, Any]], Union[bool, List[bool]]]]

    +

    Dict[str, Callable[[Dict[str, Any]], Union[bool, List[bool]]]]

    @@ -412,7 +412,7 @@

    cyclops.data.slicer.SliceSpec
    Return type:
    -

    Generator[Tuple[str, Callable[..., Any]], None, None]

    +

    Generator[Tuple[str, Callable[..., Any]], None, None]

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.html b/api/reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.html index c6a74e462..45d98a5b3 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.html @@ -206,7 +206,7 @@

    cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values

    TypeError – If unique_values is not a list or a mapping.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.html index 0d8079ca9..4ffd2e7b8 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.html @@ -326,7 +326,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    Any

    +

    Any

    @@ -354,7 +354,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -377,7 +377,7 @@

    cyclops.evaluate.metrics.accuracy.AccuracyReturn type: -

    None

    +

    None

    @@ -388,7 +388,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -399,7 +399,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    Any

    +

    Any

    @@ -412,7 +412,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    None

    +

    None

    @@ -423,7 +423,7 @@

    cyclops.evaluate.metrics.accuracy.Accuracy
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.html index 866a32d95..6b0312679 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.html @@ -267,7 +267,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -278,7 +278,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    Any

    +

    Any

    @@ -295,7 +295,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -318,7 +318,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracyReturn type: -

    None

    +

    None

    @@ -329,7 +329,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    Metric

    +

    Metric

    @@ -340,7 +340,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    float

    +

    float

    @@ -353,7 +353,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    None

    +

    None

    @@ -364,7 +364,7 @@

    cyclops.evaluate.metrics.accuracy.BinaryAccuracy
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.html index 4fb907bf9..12ccd8fd8 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.html @@ -283,7 +283,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -294,7 +294,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -311,7 +311,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -334,7 +334,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy
    Return type:
    -

    None

    +

    None

    @@ -345,7 +345,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -356,7 +356,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Compute the accuracy score from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -369,7 +369,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy
    Return type:
    -

    None

    +

    None

    @@ -380,7 +380,7 @@

    cyclops.evaluate.metrics.accuracy.MulticlassAccuracy

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.html index ba331d958..e5c94ae19 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.html @@ -286,7 +286,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -297,7 +297,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -314,7 +314,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy
    Return type:
    -

    None

    +

    None

    @@ -348,7 +348,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -359,7 +359,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Compute the accuracy score from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -372,7 +372,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy
    Return type:
    -

    None

    +

    None

    @@ -383,7 +383,7 @@

    cyclops.evaluate.metrics.accuracy.MultilabelAccuracy

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.html index d97600791..08bdb5276 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.html @@ -323,7 +323,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -334,7 +334,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    Any

    +

    Any

    @@ -351,7 +351,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -374,7 +374,7 @@

    cyclops.evaluate.metrics.auroc.AUROCReturn type: -

    None

    +

    None

    @@ -385,7 +385,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -396,7 +396,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    Any

    +

    Any

    @@ -409,7 +409,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    None

    +

    None

    @@ -420,7 +420,7 @@

    cyclops.evaluate.metrics.auroc.AUROC
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.html index a2ece0778..23abaf469 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.html @@ -268,7 +268,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -279,7 +279,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    Any

    +

    Any

    @@ -296,7 +296,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -319,7 +319,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROCReturn type: -

    None

    +

    None

    @@ -330,7 +330,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -341,7 +341,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    float

    +

    float

    @@ -354,7 +354,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROC
    Return type:
    -

    None

    +

    None

    @@ -367,7 +367,7 @@

    cyclops.evaluate.metrics.auroc.BinaryAUROCNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.html index 5e5195685..d08c1afb5 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.html @@ -284,7 +284,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -295,7 +295,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    Any

    +

    Any

    @@ -312,7 +312,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -335,7 +335,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROCReturn type: -

    None

    +

    None

    @@ -346,7 +346,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -357,7 +357,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -370,7 +370,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROC
    Return type:
    -

    None

    +

    None

    @@ -383,7 +383,7 @@

    cyclops.evaluate.metrics.auroc.MulticlassAUROCNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.html index 692b0b2b9..6dadc0ad3 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.html @@ -283,7 +283,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -294,7 +294,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    Any

    +

    Any

    @@ -311,7 +311,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -334,7 +334,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROCReturn type: -

    None

    +

    None

    @@ -345,7 +345,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    Metric

    +

    Metric

    @@ -356,7 +356,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -369,7 +369,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROC
    Return type:
    -

    None

    +

    None

    @@ -382,7 +382,7 @@

    cyclops.evaluate.metrics.auroc.MultilabelAUROCNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.html index f12b101b9..81d0a6926 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.html @@ -266,7 +266,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -277,7 +277,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    Any

    +

    Any

    @@ -294,7 +294,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -317,7 +317,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1ScoreReturn type: -

    None

    +

    None

    @@ -328,7 +328,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -339,7 +339,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    float

    +

    float

    @@ -352,7 +352,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    None

    +

    None

    @@ -363,7 +363,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryF1Score
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.html index 1ae7064dd..171b9e5bb 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.html @@ -267,7 +267,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -278,7 +278,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    Any

    +

    Any

    @@ -295,7 +295,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -318,7 +318,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScoreReturn type: -

    None

    +

    None

    @@ -329,7 +329,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -340,7 +340,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    float

    +

    float

    @@ -353,7 +353,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    None

    +

    None

    @@ -364,7 +364,7 @@

    cyclops.evaluate.metrics.f_beta.BinaryFbetaScore
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.html index 3132256eb..fc780c097 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.html @@ -328,7 +328,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -339,7 +339,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    Any

    +

    Any

    @@ -356,7 +356,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -379,7 +379,7 @@

    cyclops.evaluate.metrics.f_beta.F1ScoreReturn type: -

    None

    +

    None

    @@ -390,7 +390,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    Metric

    +

    Metric

    @@ -401,7 +401,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    Any

    +

    Any

    @@ -414,7 +414,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    None

    +

    None

    @@ -425,7 +425,7 @@

    cyclops.evaluate.metrics.f_beta.F1Score
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.html index 363c80f4d..c08601907 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.html @@ -326,7 +326,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    Any

    +

    Any

    @@ -354,7 +354,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -377,7 +377,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScoreReturn type: -

    None

    +

    None

    @@ -388,7 +388,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    Metric

    +

    Metric

    @@ -399,7 +399,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    Any

    +

    Any

    @@ -412,7 +412,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    None

    +

    None

    @@ -423,7 +423,7 @@

    cyclops.evaluate.metrics.f_beta.FbetaScore
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.html index e28bda4ba..daa911c91 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.html @@ -287,7 +287,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -298,7 +298,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -315,7 +315,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -338,7 +338,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score
    Return type:
    -

    None

    +

    None

    @@ -349,7 +349,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -360,7 +360,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Compute the metric from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -373,7 +373,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score
    Return type:
    -

    None

    +

    None

    @@ -384,7 +384,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassF1Score

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.html index 289f1ebb3..df1100705 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.html @@ -295,7 +295,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -306,7 +306,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -323,7 +323,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -346,7 +346,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore
    Return type:
    -

    None

    +

    None

    @@ -357,7 +357,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -368,7 +368,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Compute the metric from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -381,7 +381,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore
    Return type:
    -

    None

    +

    None

    @@ -392,7 +392,7 @@

    cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.html index 02f79b7fa..20231409f 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.html @@ -292,7 +292,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -303,7 +303,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -320,7 +320,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -343,7 +343,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score
    Return type:
    -

    None

    +

    None

    @@ -354,7 +354,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -365,7 +365,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Compute the metric from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -378,7 +378,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score
    Return type:
    -

    None

    +

    None

    @@ -389,7 +389,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelF1Score

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.html index a57819ad6..fd949a438 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.html @@ -288,7 +288,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -299,7 +299,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -339,7 +339,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore
    Return type:
    -

    None

    +

    None

    @@ -350,7 +350,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Compute the metric from the state.

    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -374,7 +374,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore
    Return type:
    -

    None

    +

    None

    @@ -385,7 +385,7 @@

    cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.html index b75f0a3e2..39ed4efcf 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.html @@ -217,7 +217,7 @@

    cyclops.evaluate.metrics.functional.roc.binary_roc_curveReturn type: -

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    +

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    Returns:

    @@ -290,7 +290,7 @@

    cyclops.evaluate.metrics.metric.MetricReturn type: -

    None

    +

    None

    @@ -301,7 +301,7 @@

    cyclops.evaluate.metrics.metric.Metric
    Return type:
    -

    Metric

    +

    Metric

    @@ -312,7 +312,7 @@

    cyclops.evaluate.metrics.metric.Metric
    Return type:
    -

    Any

    +

    Any

    @@ -333,7 +333,7 @@

    cyclops.evaluate.metrics.metric.Metric
    Return type:
    -

    None

    +

    None

    @@ -344,7 +344,7 @@

    cyclops.evaluate.metrics.metric.Metric
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.html index 31284a6b1..32ed523ec 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.html @@ -289,7 +289,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection
    Return type:
    -

    Dict[str, Any]

    +

    Dict[str, Any]

    @@ -306,7 +306,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection
    Return type:
    -

    None

    +

    None

    @@ -342,7 +342,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection
    Return type:
    -

    Dict[str, Any]

    +

    Dict[str, Any]

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection

    keep_base (bool) – Whether to add prefix/postfix on the collection.

    Return type:
    -

    Iterable[Tuple[str, Metric]]

    +

    Iterable[Tuple[str, Metric]]

    @@ -375,7 +375,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection

    keep_base (bool) – Whether to add prefix/postfix on the items collection.

    Return type:
    -

    Iterable[Hashable]

    +

    Iterable[Hashable]

    @@ -398,7 +398,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection
    Return type:
    -

    None

    +

    None

    @@ -429,7 +429,7 @@

    cyclops.evaluate.metrics.metric.MetricCollectionReturn type: -

    None

    +

    None

    @@ -443,7 +443,7 @@

    cyclops.evaluate.metrics.metric.MetricCollection

    keep_base (bool) – Whether to add prefix/postfix on the collection.

    Return type:
    -

    Iterable[Metric]

    +

    Iterable[Metric]

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.html index c82be55d3..f673dc12c 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.html @@ -249,7 +249,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    Metric

    +

    Metric

    @@ -260,7 +260,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    Any

    +

    Any

    @@ -277,7 +277,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    Metric

    +

    Metric

    @@ -300,7 +300,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetricReturn type: -

    None

    +

    None

    @@ -311,7 +311,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    Metric

    +

    Metric

    @@ -322,7 +322,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    Any

    +

    Any

    @@ -333,7 +333,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    None

    +

    None

    @@ -344,7 +344,7 @@

    cyclops.evaluate.metrics.metric.OperatorMetric
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.html index 355dc5174..6290112fa 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.html @@ -265,7 +265,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -276,7 +276,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    Any

    +

    Any

    @@ -293,7 +293,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecisionReturn type: -

    None

    +

    None

    @@ -327,7 +327,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -338,7 +338,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    float

    +

    float

    @@ -351,7 +351,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    None

    +

    None

    @@ -362,7 +362,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryPrecision
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.html index 14f5d102b..59c6d36d4 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.html @@ -265,7 +265,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -276,7 +276,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -293,7 +293,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall
    Return type:
    -

    None

    +

    None

    @@ -327,7 +327,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -338,7 +338,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Compute the recall score from the state.

    Return type:
    -

    float

    +

    float

    @@ -351,7 +351,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall
    Return type:
    -

    None

    +

    None

    @@ -362,7 +362,7 @@

    cyclops.evaluate.metrics.precision_recall.BinaryRecall

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.html index d9328d256..d87f590c9 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.html @@ -297,7 +297,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -308,7 +308,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    Any

    +

    Any

    @@ -325,7 +325,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -348,7 +348,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecisionReturn type: -

    None

    +

    None

    @@ -359,7 +359,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -370,7 +370,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -383,7 +383,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    None

    +

    None

    @@ -394,7 +394,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassPrecision
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.html index c5456e79e..56e8186a4 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.html @@ -298,7 +298,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -309,7 +309,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    Any

    +

    Any

    @@ -326,7 +326,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -349,7 +349,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecallReturn type: -

    None

    +

    None

    @@ -360,7 +360,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -371,7 +371,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -384,7 +384,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    None

    +

    None

    @@ -395,7 +395,7 @@

    cyclops.evaluate.metrics.precision_recall.MulticlassRecall
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.html index 0cc4dd276..521bf7151 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.html @@ -292,7 +292,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -303,7 +303,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    Any

    +

    Any

    @@ -320,7 +320,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -343,7 +343,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecisionReturn type: -

    None

    +

    None

    @@ -354,7 +354,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    Metric

    +

    Metric

    @@ -365,7 +365,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -378,7 +378,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    None

    +

    None

    @@ -389,7 +389,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelPrecision
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.html index e03fb06f1..dfafa2fb9 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.html @@ -288,7 +288,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -299,7 +299,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    Any

    +

    Any

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -339,7 +339,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecallReturn type: -

    None

    +

    None

    @@ -350,7 +350,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    Metric

    +

    Metric

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -374,7 +374,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    None

    +

    None

    @@ -385,7 +385,7 @@

    cyclops.evaluate.metrics.precision_recall.MultilabelRecall
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.html index 17c1b7595..3a0085784 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.html @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -348,7 +348,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -365,7 +365,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -388,7 +388,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision
    Return type:
    -

    None

    +

    None

    @@ -399,7 +399,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -410,7 +410,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Compute the final value of the metric from the state variables.

    Return type:
    -

    Any

    +

    Any

    @@ -423,7 +423,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision
    Return type:
    -

    None

    +

    None

    @@ -434,7 +434,7 @@

    cyclops.evaluate.metrics.precision_recall.Precision

    Update the state of the metric.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.html index a05af1f5a..12d799a10 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.html @@ -341,7 +341,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    Metric

    +

    Metric

    @@ -352,7 +352,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    Any

    +

    Any

    @@ -369,7 +369,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    Metric

    +

    Metric

    @@ -392,7 +392,7 @@

    cyclops.evaluate.metrics.precision_recall.RecallReturn type: -

    None

    +

    None

    @@ -403,7 +403,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    Metric

    +

    Metric

    @@ -414,7 +414,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    Any

    +

    Any

    @@ -427,7 +427,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    None

    +

    None

    @@ -438,7 +438,7 @@

    cyclops.evaluate.metrics.precision_recall.Recall
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.html index c426382d7..21ea47861 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.html @@ -269,7 +269,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -280,7 +280,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -297,7 +297,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -320,7 +320,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve
    Return type:
    -

    None

    +

    None

    @@ -331,7 +331,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -342,7 +342,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve

    Compute the precision-recall curve from the state.

    Return type:
    -

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    +

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    @@ -355,7 +355,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve
    Return type:
    -

    None

    +

    None

    @@ -368,7 +368,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurveNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.html index 9e731b102..a62af353d 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.html @@ -283,7 +283,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -294,7 +294,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -311,7 +311,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -334,7 +334,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur
    Return type:
    -

    None

    +

    None

    @@ -345,7 +345,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -356,7 +356,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur

    Compute the precision-recall curve from the state.

    Return type:
    -

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    +

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    @@ -369,7 +369,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur None. Also resets the state variables to their default values.

    Return type:
    -

    None

    +

    None

    @@ -382,7 +382,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCur None) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.html index 6e838a0ae..83a7388c3 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.html @@ -275,7 +275,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -286,7 +286,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -303,7 +303,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -326,7 +326,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur
    Return type:
    -

    None

    +

    None

    @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -348,7 +348,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur

    Compute the precision-recall curve from the state.

    Return type:
    -

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    +

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur None. Also resets the state variables to their default values.

    Return type:
    -

    None

    +

    None

    @@ -374,7 +374,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCur None) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.html index 31c03bd85..dfb29a4c3 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.html @@ -336,7 +336,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -347,7 +347,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -364,7 +364,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -387,7 +387,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve
    Return type:
    -

    None

    +

    None

    @@ -398,7 +398,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -409,7 +409,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Compute the final value of the metric from the state variables.

    Return type:
    -

    Any

    +

    Any

    @@ -422,7 +422,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve
    Return type:
    -

    None

    +

    None

    @@ -433,7 +433,7 @@

    cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve

    Update the state of the metric.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.html index 2582de050..add5a50e0 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.html @@ -271,7 +271,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -282,7 +282,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    Any

    +

    Any

    @@ -299,7 +299,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -322,7 +322,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurveReturn type: -

    None

    +

    None

    @@ -333,7 +333,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -344,7 +344,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    +

    Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]]

    @@ -357,7 +357,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurve
    Return type:
    -

    None

    +

    None

    @@ -370,7 +370,7 @@

    cyclops.evaluate.metrics.roc.BinaryROCCurveNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.html index db6337ca1..ab926422f 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.html @@ -287,7 +287,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -298,7 +298,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    Any

    +

    Any

    @@ -315,7 +315,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -338,7 +338,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurveReturn type: -

    None

    +

    None

    @@ -349,7 +349,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -360,7 +360,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    +

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    @@ -373,7 +373,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurve
    Return type:
    -

    None

    +

    None

    @@ -386,7 +386,7 @@

    cyclops.evaluate.metrics.roc.MulticlassROCCurveNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.html index e142e0d6e..3b77ac213 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.html @@ -280,7 +280,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -291,7 +291,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    Any

    +

    Any

    @@ -308,7 +308,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -331,7 +331,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurveReturn type: -

    None

    +

    None

    @@ -342,7 +342,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -353,7 +353,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    +

    Union[Tuple[ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]], ndarray[Any, dtype[float64]]], Tuple[List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]], List[ndarray[Any, dtype[float64]]]]]

    @@ -366,7 +366,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurve
    Return type:
    -

    None

    +

    None

    @@ -379,7 +379,7 @@

    cyclops.evaluate.metrics.roc.MultilabelROCCurveNone) or a confusion matrix.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.html index 356ac235b..d4071a7b5 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.html @@ -352,7 +352,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -363,7 +363,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    Any

    +

    Any

    @@ -380,7 +380,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -403,7 +403,7 @@

    cyclops.evaluate.metrics.roc.ROCCurveReturn type: -

    None

    +

    None

    @@ -414,7 +414,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    Metric

    +

    Metric

    @@ -425,7 +425,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    Any

    +

    Any

    @@ -438,7 +438,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    None

    +

    None

    @@ -449,7 +449,7 @@

    cyclops.evaluate.metrics.roc.ROCCurve
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.html index b69209a1b..d04482f99 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.html @@ -265,7 +265,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -276,7 +276,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -293,7 +293,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity
    Return type:
    -

    None

    +

    None

    @@ -327,7 +327,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -338,7 +338,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Compute the recall score from the state.

    Return type:
    -

    float

    +

    float

    @@ -351,7 +351,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity
    Return type:
    -

    None

    +

    None

    @@ -362,7 +362,7 @@

    cyclops.evaluate.metrics.sensitivity.BinarySensitivity

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.html index 4001931ee..0c097df26 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.html @@ -298,7 +298,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -309,7 +309,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    Any

    +

    Any

    @@ -326,7 +326,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -349,7 +349,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivityReturn type: -

    None

    +

    None

    @@ -360,7 +360,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -371,7 +371,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -384,7 +384,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    None

    +

    None

    @@ -395,7 +395,7 @@

    cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.html index 9bebf7178..7b3b2c994 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.html @@ -288,7 +288,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -299,7 +299,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    Any

    +

    Any

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -339,7 +339,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivityReturn type: -

    None

    +

    None

    @@ -350,7 +350,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    Union[ndarray[Any, dtype[float64]], float]

    +

    Union[ndarray[Any, dtype[float64]], float]

    @@ -374,7 +374,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    None

    +

    None

    @@ -385,7 +385,7 @@

    cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.html index 7ba4a18b3..781250968 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.html @@ -342,7 +342,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -353,7 +353,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    Any

    +

    Any

    @@ -370,7 +370,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -393,7 +393,7 @@

    cyclops.evaluate.metrics.sensitivity.SensitivityReturn type: -

    None

    +

    None

    @@ -404,7 +404,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    Metric

    +

    Metric

    @@ -415,7 +415,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    Any

    +

    Any

    @@ -428,7 +428,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    None

    +

    None

    @@ -439,7 +439,7 @@

    cyclops.evaluate.metrics.sensitivity.Sensitivity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.html index b2a3f5fc9..bc2f491e6 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.html @@ -267,7 +267,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -278,7 +278,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -295,7 +295,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -318,7 +318,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity
    Return type:
    -

    None

    +

    None

    @@ -329,7 +329,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -340,7 +340,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Compute the specificity score from the state.

    Return type:
    -

    float

    +

    float

    @@ -353,7 +353,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity
    Return type:
    -

    None

    +

    None

    @@ -364,7 +364,7 @@

    cyclops.evaluate.metrics.specificity.BinarySpecificity

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.html index 6282ccce4..3f0ae5e4a 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.html @@ -285,7 +285,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -296,7 +296,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    Any

    +

    Any

    @@ -313,7 +313,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -336,7 +336,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificityReturn type: -

    None

    +

    None

    @@ -347,7 +347,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -358,7 +358,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -371,7 +371,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    None

    +

    None

    @@ -382,7 +382,7 @@

    cyclops.evaluate.metrics.specificity.MulticlassSpecificity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.html index b3a24ea38..d54056b68 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.html @@ -289,7 +289,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -300,7 +300,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    Any

    +

    Any

    @@ -317,7 +317,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -340,7 +340,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificityReturn type: -

    None

    +

    None

    @@ -351,7 +351,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -362,7 +362,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    Union[float, ndarray[Any, dtype[float64]]]

    +

    Union[float, ndarray[Any, dtype[float64]]]

    @@ -375,7 +375,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    None

    +

    None

    @@ -386,7 +386,7 @@

    cyclops.evaluate.metrics.specificity.MultilabelSpecificity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.html index ab1b504cb..4ebfabde7 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.html @@ -331,7 +331,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -342,7 +342,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    Any

    +

    Any

    @@ -359,7 +359,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -382,7 +382,7 @@

    cyclops.evaluate.metrics.specificity.SpecificityReturn type: -

    None

    +

    None

    @@ -393,7 +393,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    Metric

    +

    Metric

    @@ -404,7 +404,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    Any

    +

    Any

    @@ -417,7 +417,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    None

    +

    None

    @@ -428,7 +428,7 @@

    cyclops.evaluate.metrics.specificity.Specificity
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.html index ec3a1c9e4..2960ae67a 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.html @@ -265,7 +265,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores

    Add two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -276,7 +276,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores

    Update the global metric state and compute the metric for a batch.

    Return type:
    -

    Any

    +

    Any

    @@ -293,7 +293,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores

    Multiply two metrics or a metric and a scalar together.

    Return type:
    -

    Metric

    +

    Metric

    @@ -316,7 +316,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores
    Return type:
    -

    None

    +

    None

    @@ -327,7 +327,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores

    Return a copy of the metric.

    Return type:
    -

    Metric

    +

    Metric

    @@ -356,7 +356,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores
    Return type:
    -

    None

    +

    None

    @@ -367,7 +367,7 @@

    cyclops.evaluate.metrics.stat_scores.BinaryStatScores

    Update the state variables.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.html index 8ef50fc2d..468304f57 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.html @@ -286,7 +286,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -297,7 +297,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    Any

    +

    Any

    @@ -314,7 +314,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -337,7 +337,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScoresReturn type: -

    None

    +

    None

    @@ -348,7 +348,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -378,7 +378,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    None

    +

    None

    @@ -389,7 +389,7 @@

    cyclops.evaluate.metrics.stat_scores.MulticlassStatScores
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.html index 8d9d9fd9d..5fdbb03c6 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.html @@ -272,7 +272,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -283,7 +283,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    Any

    +

    Any

    @@ -300,7 +300,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -323,7 +323,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScoresReturn type: -

    None

    +

    None

    @@ -334,7 +334,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -364,7 +364,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    None

    +

    None

    @@ -375,7 +375,7 @@

    cyclops.evaluate.metrics.stat_scores.MultilabelStatScores
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.html b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.html index 6da654c9a..de0af2940 100644 --- a/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.html +++ b/api/reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.html @@ -333,7 +333,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -344,7 +344,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    Any

    +

    Any

    @@ -361,7 +361,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -384,7 +384,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScoresReturn type: -

    None

    +

    None

    @@ -395,7 +395,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    Metric

    +

    Metric

    @@ -406,7 +406,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    Any

    +

    Any

    @@ -427,7 +427,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    None

    +

    None

    @@ -438,7 +438,7 @@

    cyclops.evaluate.metrics.stat_scores.StatScores
    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.html b/api/reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.html index 7b13b8706..fc3ecfede 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.html +++ b/api/reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.html @@ -263,7 +263,7 @@

    cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

    Tuple[Dataset, Dataset]

    +

    Tuple[Dataset, Dataset]

    Returns:

      @@ -281,7 +281,7 @@

      cyclops.monitor.clinical_applicator.ClinicalShiftApplicator
      Return type:
      -

      Tuple[Dataset, Dataset]

      +

      Tuple[Dataset, Dataset]

      Returns:

        @@ -311,7 +311,7 @@

        cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

        Tuple[Dataset, Dataset]

        +

        Tuple[Dataset, Dataset]

        Returns:

          @@ -341,7 +341,7 @@

          cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

          Tuple[Dataset, Dataset]

          +

          Tuple[Dataset, Dataset]

          Returns:

            @@ -371,7 +371,7 @@

            cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

            Tuple[Dataset, Dataset]

            +

            Tuple[Dataset, Dataset]

            Returns:

              @@ -401,7 +401,7 @@

              cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

              Tuple[Dataset, Dataset]

              +

              Tuple[Dataset, Dataset]

              Returns:

                @@ -431,7 +431,7 @@

                cyclops.monitor.clinical_applicator.ClinicalShiftApplicatorReturn type: -

                Tuple[Dataset, Dataset]

                +

                Tuple[Dataset, Dataset]

                Returns:

                  diff --git a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.html b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.html index 85f104b96..670861455 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.html +++ b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.html @@ -205,7 +205,7 @@

                  cyclops.monitor.synthetic_applicator.binary_noise_shift

                Return type:
                -

                ndarray[float, dtype[float64]]

                +

                ndarray[float, dtype[float64]]

                Returns:

                  diff --git a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.html b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.html index 2757d4cca..5a8556308 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.html +++ b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.html @@ -203,12 +203,12 @@

                  cyclops.monitor.synthetic_applicator.feature_association_shiftlist) – target label

                • cl (int) – class (e.g. 0,1,2,3, etc.)

                • n_shuffle (floatnumpy.matrix) – number of individuals to shuffle

                • -
                • keep_rows_constant (bool) – are the permutations the same across features?

                • -
                • repermute_each_column (bool) – are the individuals selected for permutation the same across features?

                • +
                • keep_rows_constant (bool) – are the permutations the same across features?

                • +
                • repermute_each_column (bool) – are the individuals selected for permutation the same across features?

                Return type:
                -

                ndarray[float, dtype[float64]]

                +

                ndarray[float, dtype[float64]]

                Returns:

                  diff --git a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.html b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.html index b4748829f..00b5678a7 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.html +++ b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.html @@ -209,7 +209,7 @@

                  cyclops.monitor.synthetic_applicator.feature_swap_shift

                Return type:
                -

                ndarray[float, dtype[float64]]

                +

                ndarray[float, dtype[float64]]

                Returns:

                  diff --git a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.html b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.html index 78ec3875d..eeae3cddc 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.html +++ b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.html @@ -206,7 +206,7 @@

                  cyclops.monitor.synthetic_applicator.gaussian_noise_shiftReturn type: -

                  ndarray[float, dtype[float64]]

                  +

                  ndarray[float, dtype[float64]]

                  Returns:

                    diff --git a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.html b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.html index ba8fbb25f..0cc1214b3 100644 --- a/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.html +++ b/api/reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.html @@ -206,7 +206,7 @@

                    cyclops.monitor.synthetic_applicator.knockout_shift

                  Return type:
                  -

                  ndarray[float, dtype[float64]]

                  +

                  ndarray[float, dtype[float64]]

                  Returns:

                    diff --git a/api/reference/api/_autosummary/cyclops.report.report.ModelCardReport.html b/api/reference/api/_autosummary/cyclops.report.report.ModelCardReport.html index 5be33aa1f..3283fd92f 100644 --- a/api/reference/api/_autosummary/cyclops.report.report.ModelCardReport.html +++ b/api/reference/api/_autosummary/cyclops.report.report.ModelCardReport.html @@ -323,14 +323,14 @@

                    cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the citation to. If not provided, the citation will be added to the model_details section, representing the citation for the model.

                    -
                  • **extra (Any) –

                  • +
                  • **extra (Any) –

                  Raises:

                  KeyError – If the given section name is not valid.

                  Return type:
                  -

                  None

                  +

                  None

                  Notes

                  @@ -360,14 +360,14 @@

                  cyclops.report.report.ModelCardReportlist of str, optional) – The names of the sensitive features used to train/evaluate the model.

                • sensitive_feature_justification (str, optional) – A justification for the sensitive features used to train/evaluate the model.

                • -
                • **extra (Any) – Any extra fields to add to the Dataset.

                • +
                • **extra (Any) – Any extra fields to add to the Dataset.

                Raises:

                AssertionError – If the sensitive features are not in the features list.

                Return type:
                -

                None

                +

                None

              @@ -386,7 +386,7 @@

              cyclops.report.report.ModelCardReportstr) – The name of the descriptor.

            • description (str) – A description of the descriptor.

            • section_name (str) – The section of the report to add the descriptor to.

            • -
            • **extra (Any) – Any extra fields to add to the descriptor.

            • +
            • **extra (Any) – Any extra fields to add to the descriptor.

            Raises:
            @@ -396,7 +396,7 @@

            cyclops.report.report.ModelCardReportReturn type: -

            None

            +

            None

            Examples

            @@ -425,14 +425,14 @@

            cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the fairness assessment to. If not provided, the fairness assessment will be added to the considerations section.

            -
          • **extra (Any) – Any extra information to add in relation to the fairness assessment.

          • +
          • **extra (Any) – Any extra information to add in relation to the fairness assessment.

          Raises:

          KeyError – If the given section name is not valid.

          Return type:
          -

          None

          +

          None

        @@ -450,7 +450,7 @@

        cyclops.report.report.ModelCardReportReturn type: -

        None

        +

        None

      @@ -474,7 +474,7 @@

      cyclops.report.report.ModelCardReportReturn type: -

      None

      +

      None

    @@ -496,14 +496,14 @@

    cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the license to. If not provided, the license will be added to the model_details section, representing the license for the model as a whole.

    -
  • **extra (Any) – Any extra fields to add to the License.

  • +
  • **extra (Any) – Any extra fields to add to the License.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    Notes

    @@ -520,7 +520,7 @@

    cyclops.report.report.ModelCardReport

    params (Dict[str, Any]) – A dictionary of model parameters.

    Return type:
    -

    None

    +

    None

    @@ -538,14 +538,14 @@

    cyclops.report.report.ModelCardReportstr, optional) – The name of the section of the report to log the owner to. If not provided, the owner will be added to the model_details section, representing the model owner.

    -
  • **extra (Any) – Any extra fields to add to the Owner.

  • +
  • **extra (Any) – Any extra fields to add to the Owner.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -566,7 +566,7 @@

    cyclops.report.report.ModelCardReport

    TypeError – If the given metrics are not a dictionary with string keys.

    Return type:
    -

    None

    +

    None

    @@ -588,7 +588,7 @@

    cyclops.report.report.ModelCardReport

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -613,14 +613,14 @@

    cyclops.report.report.ModelCardReportAny) – Any extra fields to add to the metric.

    +
  • **extra (Any) – Any extra fields to add to the metric.

  • Raises:

    ValueError – If the given metric type is not valid.

    Return type:
    -

    None

    +

    None

    @@ -636,14 +636,14 @@

    cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the reference to. If not provided, the reference will be added to the model_details section, representing the reference for the model.

    -
  • **extra (Any) – Any extra fields to add to the Reference.

  • +
  • **extra (Any) – Any extra fields to add to the Reference.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -665,7 +665,7 @@

    cyclops.report.report.ModelCardReport

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -681,14 +681,14 @@

    cyclops.report.report.ModelCardReportstr) – A description of the mitigation strategy.

  • section_name (str, optional) – The section of the report to add the risk to. If not provided, the risk will be added to the considerations section.

  • -
  • **extra (Any) – Any extra information to add in relation to the risk.

  • +
  • **extra (Any) – Any extra information to add in relation to the risk.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -704,14 +704,14 @@

    cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the use case to. If not provided, the use case will be added to the considerations section.

    -
  • **extra (Any) – Any extra fields to add to the UseCase.

  • +
  • **extra (Any) – Any extra fields to add to the UseCase.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -726,14 +726,14 @@

    cyclops.report.report.ModelCardReportstr) – A description of the user.

  • section_name (str, optional) – The section of the report to add the user to. If not provided, the user will be added to the considerations section.

  • -
  • **extra (Any) – Any extra fields to add to the User.

  • +
  • **extra (Any) – Any extra fields to add to the User.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    @@ -755,14 +755,14 @@

    cyclops.report.report.ModelCardReportstr, optional) – The section of the report to add the version to. If not provided, the version will be added to the model_details section, representing the version of the model as a whole.

    -
  • **extra (Any) – Any extra fields to add to the Version.

  • +
  • **extra (Any) – Any extra fields to add to the Version.

  • Raises:

    KeyError – If the given section name is not valid.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.html b/api/reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.html index 10d775dc9..0b4b4e23d 100644 --- a/api/reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.html +++ b/api/reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.html @@ -196,10 +196,10 @@

    cyclops.tasks.classification.BinaryTabularClassificationTask
    Parameters:
      -
    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a +

    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a dictionary of models.

    • -
    • task_features (List[str]) – Features to use for the task.

    • -
    • task_target (Union[str, List[str]]) – Target to use for the task.

    • +
    • task_features (List[str]) – Features to use for the task.

    • +
    • task_target (Union[str, List[str]]) – Target to use for the task.

    @@ -256,10 +256,10 @@

    cyclops.tasks.classification.BinaryTabularClassificationTask
    Parameters:
      -
    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a +

    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a dictionary of models.

    • -
    • task_features (List[str]) – Features to use for the task.

    • -
    • task_target (Union[str, List[str]]) – Target to use for the task.

    • +
    • task_features (List[str]) – Features to use for the task.

    • +
    • task_target (Union[str, List[str]]) – Target to use for the task.

    @@ -274,7 +274,7 @@

    cyclops.tasks.classification.BinaryTabularClassificationTask

    model (Union[str, WrappedModel, Dict[str, WrappedModel]]) – Model to be added.

    Return type:
    -

    None

    +

    None

    diff --git a/api/reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.html b/api/reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.html index 4b9b21ed0..c0b091cca 100644 --- a/api/reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.html +++ b/api/reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.html @@ -196,10 +196,10 @@

    cyclops.tasks.classification.MultilabelImageClassificationTask
    Parameters:
      -
    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a +

    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a dictionary of models.

    • -
    • task_features (List[str]) – Features to use for the task.

    • -
    • task_target (Union[str, List[str]]) – Target to use for the task.

    • +
    • task_features (List[str]) – Features to use for the task.

    • +
    • task_target (Union[str, List[str]]) – Target to use for the task.

    @@ -253,10 +253,10 @@

    cyclops.tasks.classification.MultilabelImageClassificationTask
    Parameters:
      -
    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a +

    • models (Union[str, PTModel, SKModel, Sequence[Union[str, PTModel, SKModel]], Dict[str, Union[PTModel, SKModel]]]) – Models to use for the task. Can be a single model, a list of models, or a dictionary of models.

    • -
    • task_features (List[str]) – Features to use for the task.

    • -
    • task_target (Union[str, List[str]]) – Target to use for the task.

    • +
    • task_features (List[str]) – Features to use for the task.

    • +
    • task_target (Union[str, List[str]]) – Target to use for the task.

    @@ -271,7 +271,7 @@

    cyclops.tasks.classification.MultilabelImageClassificationTask

    model (Union[str, WrappedModel, Dict[str, WrappedModel]]) – Model to be added.

    Return type:
    -

    None

    +

    None

    diff --git a/api/searchindex.js b/api/searchindex.js index 9f6f7b1e5..01e668d7c 100644 --- a/api/searchindex.js +++ b/api/searchindex.js @@ -1 +1 @@ -Search.setIndex({"docnames": ["api", "contributing", "index", "intro", "reference/api/_autosummary/cyclops.data.features.medical_image", "reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage", "reference/api/_autosummary/cyclops.data.slicer", "reference/api/_autosummary/cyclops.data.slicer.SliceSpec", "reference/api/_autosummary/cyclops.data.slicer.compound_filter", "reference/api/_autosummary/cyclops.data.slicer.filter_datetime", "reference/api/_autosummary/cyclops.data.slicer.filter_non_null", "reference/api/_autosummary/cyclops.data.slicer.filter_range", "reference/api/_autosummary/cyclops.data.slicer.filter_string_contains", "reference/api/_autosummary/cyclops.data.slicer.filter_value", "reference/api/_autosummary/cyclops.data.slicer.is_datetime", "reference/api/_autosummary/cyclops.data.slicer.overall", "reference/api/_autosummary/cyclops.evaluate.evaluator", "reference/api/_autosummary/cyclops.evaluate.evaluator.evaluate", "reference/api/_autosummary/cyclops.evaluate.fairness.config", "reference/api/_autosummary/cyclops.evaluate.fairness.config.FairnessConfig", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.evaluate_fairness", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.factory", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.create_metric", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.auroc", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.stat_scores", "reference/api/_autosummary/cyclops.evaluate.metrics.metric", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.Metric", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores", "reference/api/_autosummary/cyclops.monitor.clinical_applicator", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift", "reference/api/_autosummary/cyclops.report.report", "reference/api/_autosummary/cyclops.report.report.ModelCardReport", "reference/api/_autosummary/cyclops.tasks.classification", "reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask", "reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask", "reference/api/cyclops.data", "reference/api/cyclops.evaluate", "reference/api/cyclops.monitor", "reference/api/cyclops.report", "reference/api/cyclops.tasks", "tutorials", "tutorials/kaggle/heart_failure_prediction", "tutorials/nihcxr/cxr_classification", "tutorials/nihcxr/monitor_api", "tutorials/synthea/los_prediction", "tutorials_monitor", "tutorials_use_cases"], "filenames": ["api.rst", "contributing.rst", "index.rst", "intro.rst", "reference/api/_autosummary/cyclops.data.features.medical_image.rst", "reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.rst", "reference/api/_autosummary/cyclops.data.slicer.rst", "reference/api/_autosummary/cyclops.data.slicer.SliceSpec.rst", "reference/api/_autosummary/cyclops.data.slicer.compound_filter.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_datetime.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_non_null.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_range.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_string_contains.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_value.rst", "reference/api/_autosummary/cyclops.data.slicer.is_datetime.rst", "reference/api/_autosummary/cyclops.data.slicer.overall.rst", "reference/api/_autosummary/cyclops.evaluate.evaluator.rst", "reference/api/_autosummary/cyclops.evaluate.evaluator.evaluate.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.config.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.config.FairnessConfig.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.evaluate_fairness.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.create_metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.auroc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.stat_scores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.Metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.rst", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.rst", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.rst", "reference/api/_autosummary/cyclops.report.report.rst", "reference/api/_autosummary/cyclops.report.report.ModelCardReport.rst", "reference/api/_autosummary/cyclops.tasks.classification.rst", "reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.rst", "reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.rst", "reference/api/cyclops.data.rst", "reference/api/cyclops.evaluate.rst", "reference/api/cyclops.monitor.rst", "reference/api/cyclops.report.rst", "reference/api/cyclops.tasks.rst", "tutorials.rst", "tutorials/kaggle/heart_failure_prediction.ipynb", "tutorials/nihcxr/cxr_classification.ipynb", "tutorials/nihcxr/monitor_api.ipynb", "tutorials/synthea/los_prediction.ipynb", "tutorials_monitor.rst", "tutorials_use_cases.rst"], "titles": ["API Reference", "Contributing to cyclops", "Welcome to cyclops\u2019s documentation!", "\ud83d\udc23 Getting Started", "cyclops.data.features.medical_image", "cyclops.data.features.medical_image.MedicalImage", "cyclops.data.slicer", "cyclops.data.slicer.SliceSpec", "cyclops.data.slicer.compound_filter", "cyclops.data.slicer.filter_datetime", "cyclops.data.slicer.filter_non_null", "cyclops.data.slicer.filter_range", "cyclops.data.slicer.filter_string_contains", "cyclops.data.slicer.filter_value", "cyclops.data.slicer.is_datetime", "cyclops.data.slicer.overall", "cyclops.evaluate.evaluator", "cyclops.evaluate.evaluator.evaluate", "cyclops.evaluate.fairness.config", "cyclops.evaluate.fairness.config.FairnessConfig", "cyclops.evaluate.fairness.evaluator", "cyclops.evaluate.fairness.evaluator.evaluate_fairness", "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values", "cyclops.evaluate.metrics.accuracy", "cyclops.evaluate.metrics.accuracy.Accuracy", "cyclops.evaluate.metrics.accuracy.BinaryAccuracy", "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy", "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy", "cyclops.evaluate.metrics.auroc", "cyclops.evaluate.metrics.auroc.AUROC", "cyclops.evaluate.metrics.auroc.BinaryAUROC", "cyclops.evaluate.metrics.auroc.MulticlassAUROC", "cyclops.evaluate.metrics.auroc.MultilabelAUROC", "cyclops.evaluate.metrics.f_beta", "cyclops.evaluate.metrics.f_beta.BinaryF1Score", "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore", "cyclops.evaluate.metrics.f_beta.F1Score", "cyclops.evaluate.metrics.f_beta.FbetaScore", "cyclops.evaluate.metrics.f_beta.MulticlassF1Score", "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore", "cyclops.evaluate.metrics.f_beta.MultilabelF1Score", "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore", "cyclops.evaluate.metrics.factory", "cyclops.evaluate.metrics.factory.create_metric", "cyclops.evaluate.metrics.functional.accuracy", "cyclops.evaluate.metrics.functional.auroc", "cyclops.evaluate.metrics.functional.f_beta", "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score", "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.f1_score", "cyclops.evaluate.metrics.functional.f_beta.fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score", "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score", "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score", "cyclops.evaluate.metrics.functional.precision_recall", "cyclops.evaluate.metrics.functional.precision_recall.binary_precision", "cyclops.evaluate.metrics.functional.precision_recall.binary_recall", "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision", "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall", "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision", "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall", "cyclops.evaluate.metrics.functional.precision_recall.precision", "cyclops.evaluate.metrics.functional.precision_recall.recall", "cyclops.evaluate.metrics.functional.precision_recall_curve", "cyclops.evaluate.metrics.functional.roc", "cyclops.evaluate.metrics.functional.roc.binary_roc_curve", "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve", "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve", "cyclops.evaluate.metrics.functional.roc.roc_curve", "cyclops.evaluate.metrics.functional.sensitivity", "cyclops.evaluate.metrics.functional.specificity", "cyclops.evaluate.metrics.functional.stat_scores", "cyclops.evaluate.metrics.metric", "cyclops.evaluate.metrics.metric.Metric", "cyclops.evaluate.metrics.metric.MetricCollection", "cyclops.evaluate.metrics.metric.OperatorMetric", "cyclops.evaluate.metrics.precision_recall", "cyclops.evaluate.metrics.precision_recall.BinaryPrecision", "cyclops.evaluate.metrics.precision_recall.BinaryRecall", "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision", "cyclops.evaluate.metrics.precision_recall.MulticlassRecall", "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision", "cyclops.evaluate.metrics.precision_recall.MultilabelRecall", "cyclops.evaluate.metrics.precision_recall.Precision", "cyclops.evaluate.metrics.precision_recall.Recall", "cyclops.evaluate.metrics.precision_recall_curve", "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve", "cyclops.evaluate.metrics.roc", "cyclops.evaluate.metrics.roc.BinaryROCCurve", "cyclops.evaluate.metrics.roc.MulticlassROCCurve", "cyclops.evaluate.metrics.roc.MultilabelROCCurve", "cyclops.evaluate.metrics.roc.ROCCurve", "cyclops.evaluate.metrics.sensitivity", "cyclops.evaluate.metrics.sensitivity.BinarySensitivity", "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity", "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity", "cyclops.evaluate.metrics.sensitivity.Sensitivity", "cyclops.evaluate.metrics.specificity", "cyclops.evaluate.metrics.specificity.BinarySpecificity", "cyclops.evaluate.metrics.specificity.MulticlassSpecificity", "cyclops.evaluate.metrics.specificity.MultilabelSpecificity", "cyclops.evaluate.metrics.specificity.Specificity", "cyclops.evaluate.metrics.stat_scores", "cyclops.evaluate.metrics.stat_scores.BinaryStatScores", "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores", "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores", "cyclops.evaluate.metrics.stat_scores.StatScores", "cyclops.monitor.clinical_applicator", "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator", "cyclops.monitor.synthetic_applicator", "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator", "cyclops.monitor.synthetic_applicator.binary_noise_shift", "cyclops.monitor.synthetic_applicator.feature_association_shift", "cyclops.monitor.synthetic_applicator.feature_swap_shift", "cyclops.monitor.synthetic_applicator.gaussian_noise_shift", "cyclops.monitor.synthetic_applicator.knockout_shift", "cyclops.report.report", "cyclops.report.report.ModelCardReport", "cyclops.tasks.classification", "cyclops.tasks.classification.BinaryTabularClassificationTask", "cyclops.tasks.classification.MultilabelImageClassificationTask", "cyclops.data", "cyclops.evaluate", "cyclops.monitor", "cyclops.report", "cyclops.tasks", "Tutorials", "Heart Failure Prediction", "Chest X-Ray Disease Classification", "NIHCXR Clinical Drift Experiments Tutorial", "Prolonged Length of Stay Prediction", "monitor API", "Example use cases"], "terms": {"cyclop": [0, 131, 132, 133, 134], "data": [0, 2, 3, 24, 26, 27, 49, 50, 52, 54, 69, 72, 89, 95, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 132, 133, 135], "slicer": [0, 131, 132, 133, 134], "compound_filt": 0, "filter_datetim": 0, "filter_non_nul": 0, "filter_rang": 0, "filter_string_contain": 0, "filter_valu": [0, 132], "is_datetim": 0, "overal": [0, 7, 21, 121, 131, 132, 134], "slicespec": [0, 17, 112, 124, 131, 132, 133, 134], "spec_list": [0, 7, 131, 132, 133, 134], "include_overal": [0, 7, 131], "valid": [0, 7, 9, 17, 121, 123, 124, 131, 132], "column_nam": [0, 7, 9, 10, 11, 12, 13, 132], "_registri": [0, 7], "add_slice_spec": [0, 7], "get_slic": [0, 7], "slice": [0, 3, 7, 8, 17, 21, 121, 123, 124, 131, 132, 134], "featur": [0, 7, 9, 10, 11, 12, 13, 15, 17, 112, 116, 117, 121, 123, 124, 130, 132, 136], "medical_imag": 0, "medicalimag": 0, "__call__": [0, 5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "cast_storag": [0, 5], "decode_exampl": [0, 5], "embed_storag": [0, 5], "encode_exampl": [0, 5], "flatten": [0, 5, 131, 132, 134], "task": [0, 2, 3, 24, 25, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 44, 47, 48, 49, 50, 51, 53, 54, 58, 60, 61, 62, 63, 66, 67, 68, 69, 78, 80, 81, 82, 83, 84, 85, 90, 92, 93, 94, 95, 98, 99, 100, 102, 103, 104, 105, 110, 130, 132, 136], "classif": [0, 3, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 44, 47, 48, 49, 50, 51, 53, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 78, 79, 80, 81, 82, 83, 84, 85, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 130, 131, 134], "binarytabularclassificationtask": [0, 131, 134], "__init__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 132], "add_model": [0, 123, 124], "data_typ": [0, 123, 124], "evalu": [0, 2, 3, 121, 123, 124, 130, 132, 136], "get_model": [0, 123, 124], "list_model": [0, 123, 124, 131, 134], "list_models_param": [0, 123, 124, 131, 134], "load_model": [0, 123, 124], "models_count": [0, 123, 124], "predict": [0, 3, 17, 19, 21, 24, 26, 27, 30, 31, 32, 34, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 67, 80, 81, 82, 84, 85, 87, 88, 89, 92, 93, 94, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 130, 132], "save_model": [0, 123, 124], "task_typ": [0, 123, 124, 131, 134], "train": [0, 3, 17, 121, 123, 124, 130, 132, 135, 136], "multilabelimageclassificationtask": 0, "metric": [0, 17, 19, 21, 121, 123, 124, 130, 131, 134, 136], "__add__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "__mul__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "add_stat": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "clone": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "comput": [0, 17, 21, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 123, 124, 130, 132, 136], "name": [0, 3, 7, 8, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 132, 133, 134], "reset_st": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "update_st": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "metriccollect": [0, 17, 21, 123, 124, 131, 134], "add_metr": [0, 75], "clear": [0, 75], "get": [0, 2, 75, 123, 124, 131, 134], "item": [0, 75, 131, 132, 133, 134], "kei": [0, 7, 17, 21, 75, 121, 131, 132, 133, 134], "pop": [0, 75, 131, 134], "popitem": [0, 75], "setdefault": [0, 75], "updat": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 133, 134], "valu": [0, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 130, 132, 133, 134, 136], "operatormetr": 0, "factori": [0, 7, 132], "create_metr": [0, 131, 132, 134], "accuraci": [0, 131, 134], "binaryaccuraci": [0, 131, 134], "multiclassaccuraci": 0, "multilabelaccuraci": 0, "auroc": [0, 130, 131, 134, 136], "binaryauroc": [0, 29, 131, 134], "multiclassauroc": [0, 29], "multilabelauroc": [0, 29], "precision_recal": 0, "binaryprecis": [0, 131, 134], "binaryrecal": [0, 97, 131, 134], "multiclassprecis": 0, "multiclassrecal": [0, 98], "multilabelprecis": 0, "multilabelrecal": [0, 99], "precis": [0, 24, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 55, 56, 58, 60, 64, 66, 77, 78, 80, 82, 85, 86, 87, 88, 89, 90, 92, 100, 105, 131, 132, 134], "recal": [0, 24, 38, 51, 55, 57, 59, 61, 64, 66, 77, 79, 81, 83, 86, 87, 88, 89, 90, 92, 97, 98, 99, 105, 131, 132, 134], "precision_recall_curv": [0, 131, 134], "binaryprecisionrecallcurv": [0, 30, 92, 131, 134], "multiclassprecisionrecallcurv": [0, 31, 93], "multilabelprecisionrecallcurv": [0, 32, 94], "precisionrecallcurv": 0, "roc": [0, 28, 29, 30, 31, 32, 45, 131, 134], "binaryroccurv": [0, 131, 134], "multiclassroccurv": 0, "multilabelroccurv": 0, "roccurv": 0, "sensit": [0, 121, 130, 131, 132, 134, 135], "binarysensit": 0, "multiclasssensit": 0, "multilabelsensit": [0, 132], "specif": [0, 7, 17, 115, 118, 123, 124, 131, 132, 134], "binaryspecif": 0, "multiclassspecif": 0, "multilabelspecif": [0, 132], "f_beta": 0, "binaryf1scor": [0, 131, 134], "binaryfbetascor": [0, 34], "f1score": 0, "fbetascor": [0, 36], "multiclassf1scor": 0, "multiclassfbetascor": [0, 38], "multilabelf1scor": 0, "multilabelfbetascor": [0, 40], "stat_scor": [0, 132], "binarystatscor": [0, 25, 35, 78, 79, 102], "multiclassstatscor": [0, 26, 39, 80, 81, 103], "multilabelstatscor": [0, 27, 41, 82, 83, 104, 132], "statscor": 0, "function": [0, 3, 5, 6, 7, 8, 16, 17, 20, 21, 25, 35, 41, 42, 76, 93, 102, 104, 107, 109, 110, 113, 121, 131, 132, 134], "binary_precis": 0, "binary_recal": 0, "multiclass_precis": 0, "multiclass_recal": 0, "multilabel_precis": 0, "multilabel_recal": 0, "binary_roc_curv": 0, "multiclass_roc_curv": 0, "multilabel_roc_curv": 0, "roc_curv": [0, 131, 134], "binary_f1_scor": 0, "binary_fbeta_scor": 0, "f1_score": [0, 131, 134], "fbeta_scor": 0, "multiclass_f1_scor": 0, "multiclass_fbeta_scor": 0, "multilabel_f1_scor": 0, "multilabel_fbeta_scor": 0, "fair": [0, 17, 121, 123, 124, 131, 132, 134], "evaluate_fair": 0, "warn_too_many_unique_valu": 0, "config": [0, 123], "fairnessconfig": [0, 17, 123, 124, 131, 134], "monitor": [0, 2, 3, 130, 131, 133, 134], "clinical_appl": 0, "clinicalshiftappl": [0, 133], "ag": [0, 112, 130, 133, 136], "apply_shift": [0, 112, 114, 133], "custom": [0, 112, 121, 133], "hospital_typ": [0, 112], "month": [0, 7, 9, 112], "sex": [0, 112, 130, 133, 134, 136], "time": [0, 7, 75, 112, 121, 130, 132, 134, 135, 136], "synthetic_appl": 0, "binary_noise_shift": 0, "feature_association_shift": 0, "feature_swap_shift": 0, "gaussian_noise_shift": 0, "knockout_shift": 0, "syntheticshiftappl": [0, 113], "report": [0, 2, 3, 110, 130, 136], "modelcardreport": [0, 131, 132, 134], "export": [0, 121, 131, 132, 134], "from_json_fil": [0, 121], "log_cit": [0, 121, 132], "log_dataset": [0, 121, 131], "log_descriptor": [0, 121, 131, 132, 134], "log_fairness_assess": [0, 121, 131, 132, 134], "log_from_dict": [0, 121, 131, 132, 134], "log_imag": [0, 121], "log_licens": [0, 121, 131, 134], "log_model_paramet": [0, 121, 131, 134], "log_own": [0, 121, 131, 132, 134], "log_performance_metr": [0, 121, 131, 134], "log_plotly_figur": [0, 121, 131, 132, 134], "log_quantitative_analysi": [0, 121, 131, 132, 134], "log_refer": [0, 121, 131, 134], "log_regul": [0, 121], "log_risk": [0, 121, 131, 132, 134], "log_use_cas": [0, 121, 131, 132, 134], "log_us": [0, 121, 131, 132, 134], "log_vers": [0, 121, 131, 134], "thank": 1, "your": [1, 131], "interest": [1, 131, 134], "To": [1, 3, 5, 131, 134], "submit": 1, "pr": 1, "pleas": [1, 131, 132, 133, 134], "fill": 1, "out": [1, 121, 131, 134], "templat": [1, 121], "along": [1, 112, 131, 132, 134], "If": [1, 5, 7, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 134], "fix": 1, "an": [1, 3, 5, 7, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 51, 60, 61, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 131, 132, 134], "issu": [1, 21], "don": 1, "t": [1, 5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121], "forget": 1, "link": [1, 121, 131, 132, 134], "onc": [1, 75, 131, 134], "python": [1, 3, 134], "virtual": [1, 3], "environ": [1, 3, 131, 134], "i": [1, 3, 5, 7, 9, 10, 11, 12, 13, 14, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 132, 134, 136], "setup": [1, 134], "you": [1, 3, 5, 75, 131, 132, 134, 135], "can": [1, 3, 5, 7, 21, 25, 38, 51, 69, 74, 75, 84, 85, 95, 100, 110, 121, 123, 124, 131, 132, 134, 135], "run": [1, 3, 131, 134], "us": [1, 2, 5, 7, 8, 17, 21, 24, 29, 30, 31, 32, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 62, 63, 66, 67, 68, 69, 75, 76, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 102, 105, 107, 110, 112, 114, 121, 123, 124, 130, 131, 132, 134, 135], "all": [1, 7, 8, 9, 10, 11, 12, 13, 15, 63, 73, 75, 108, 109, 110, 123, 131, 132, 133, 134], "file": [1, 5, 121, 131, 132, 134], "For": [1, 21, 76, 121, 131, 134], "style": 1, "we": [1, 3, 121, 131, 132, 134], "recommend": [1, 76], "googl": 1, "guid": 1, "appli": [1, 8, 25, 29, 59, 62, 63, 66, 67, 68, 75, 76, 93, 104, 109, 110, 112, 123, 124, 131, 134], "black": 1, "format": [1, 5, 7, 89, 121, 131, 134], "docstr": 1, "numpi": [1, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 116, 117, 118, 119, 124, 131, 132, 133, 134], "also": [1, 3, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134, 136], "flake8": 1, "pylint": 1, "further": 1, "static": 1, "analysi": [1, 121, 131, 132, 134], "The": [1, 3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 60, 61, 63, 66, 68, 69, 72, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 132, 134, 135, 136], "show": [1, 131, 132, 134], "error": [1, 17, 21], "which": [1, 9, 10, 11, 12, 13, 21, 90, 121, 131, 132, 134, 136], "need": [1, 17, 21, 74, 110, 131, 134], "befor": [1, 17, 21, 22, 123, 131, 134], "last": 1, "least": 1, "type": [1, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 66, 67, 68, 69, 70, 72, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 132, 136], "hint": 1, "our": [1, 131, 134], "check": [1, 14, 89], "mypi": 1, "current": [1, 121, 131, 134], "ar": [1, 5, 7, 11, 12, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 97, 98, 99, 100, 103, 104, 105, 108, 109, 110, 112, 116, 121, 131, 132, 134], "strict": 1, "enforc": 1, "more": [1, 7, 16, 17, 123, 124, 131, 136], "api": [1, 2, 3, 130, 131, 136], "becom": 1, "stabl": [1, 131, 132, 133, 134], "start": [2, 17, 131, 134], "instal": [2, 131], "pip": [2, 131], "develop": [2, 131, 132, 134], "poetri": [2, 131, 132, 133, 134], "contribut": 2, "notebook": [2, 131, 132, 134], "citat": [2, 121, 131, 132, 134], "pre": [2, 131, 134], "commit": 2, "hook": 2, "code": [2, 131, 134], "guidelin": [2, 3], "tutori": [2, 131, 135, 136], "exampl": [2, 3, 5, 7, 8, 9, 10, 11, 12, 13, 15, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 130, 131, 132, 134, 135], "case": [2, 3, 75, 115, 121, 130, 131, 134, 135], "refer": [2, 3, 121, 131, 132, 134], "toolkit": 3, "facilit": 3, "research": 3, "deploy": 3, "ml": [3, 131, 134], "model": [3, 16, 17, 21, 121, 123, 124, 130, 135, 136], "healthcar": 3, "It": [3, 38, 51, 75, 84, 85, 100, 105, 135], "provid": [3, 7, 9, 12, 17, 21, 69, 110, 121, 131, 132, 134], "few": 3, "high": [3, 131, 132, 134], "level": [3, 21, 131, 132, 134], "creat": [3, 6, 7, 21, 42, 43, 75, 84, 85, 100, 115, 118, 119, 121, 123, 124, 130, 132, 136], "dataset": [3, 6, 7, 16, 17, 19, 21, 26, 38, 39, 51, 52, 58, 61, 68, 69, 80, 81, 83, 88, 89, 90, 94, 95, 98, 99, 103, 104, 112, 114, 121, 123, 124, 125, 130, 135, 136], "infer": [3, 17], "popular": [3, 131], "effici": 3, "load": [3, 17, 121, 123, 124, 130, 134, 135, 136], "differ": [3, 24, 29, 36, 37, 46, 55, 62, 63, 64, 69, 70, 72, 74, 84, 85, 90, 95, 100, 105, 110, 130, 131, 132, 134, 135], "modal": 3, "common": [3, 131], "implement": [3, 136], "scikit": [3, 131], "learn": [3, 131, 132], "pytorch": 3, "canon": 3, "mortal": [3, 123], "chest": [3, 130], "x": [3, 114, 115, 116, 117, 118, 119, 123, 130, 131, 133, 134], "rai": [3, 130], "clinic": [3, 111, 112, 130, 135], "detect": [3, 132, 135], "shift": [3, 111, 112, 114, 116, 117, 130, 135], "relev": [3, 121, 131, 134, 135], "card": [3, 121, 130, 131, 134, 136], "librari": [3, 130, 135, 136], "end": [3, 131, 132, 134], "mimic": 3, "iii": 3, "iv": 3, "eicu": 3, "crd": 3, "python3": [3, 131, 132, 133, 134], "m": [3, 131, 132, 133, 134], "pycyclop": [3, 131, 132, 133, 134], "base": [3, 5, 7, 17, 19, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 73, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 130, 131, 136], "packag": [3, 125, 126, 127, 128, 129, 131, 132, 133, 134], "support": [3, 7, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 72, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 107, 108, 109, 135], "process": [3, 112, 131, 132, 134], "transform": [3, 17, 66, 67, 68, 93, 123, 124, 131, 132, 133, 134], "downstream": [3, 131, 134], "addit": [3, 75, 121, 123, 124, 131, 132, 134], "from": [3, 5, 7, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 119, 121, 123, 124, 131, 132, 133, 134], "other": [3, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131], "thei": [3, 69], "extra": [3, 121], "multipl": [3, 8, 17, 21, 75, 121], "could": [3, 131, 134], "combin": [3, 8, 131], "both": 3, "set": [3, 7, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 131, 132, 134], "up": [3, 131, 132, 134], "henc": 3, "make": [3, 131, 134], "sure": [3, 131], "sourc": [3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 19, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 135], "env": 3, "info": [3, 131, 134], "path": [3, 5, 112, 121, 123, 124, 131, 134], "bin": [3, 21], "activ": [3, 134], "In": [3, 75, 131, 134], "order": [3, 5, 17, 107, 108, 109], "depend": 3, "test": [3, 17, 121, 123, 124, 130, 131, 134, 135, 136], "codestyl": 3, "unit": 3, "integr": [3, 131], "built": 3, "sphinx": 3, "local": 3, "doc": 3, "cd": 3, "html": [3, 121, 131, 132, 133, 134], "sphinxopt": 3, "d": [3, 75, 112, 132], "nbsphinx_allow_error": 3, "true": [3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 24, 26, 27, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 112, 114, 116, 121, 123, 124, 131, 132, 133, 134], "welcom": 3, "see": [3, 7, 121, 131, 132, 133, 134], "jupyt": [3, 131, 132, 133, 134], "insid": 3, "ipython": 3, "kernel": 3, "after": [3, 17, 131, 134], "ipykernel": 3, "user": [3, 121, 131, 134], "name_of_kernel": 3, "now": 3, "navig": 3, "": [3, 7, 10, 14, 17, 21, 75, 121, 123, 124, 131, 132, 133, 134], "tab": [3, 131], "cite": 3, "when": [3, 5, 17, 21, 24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 75, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105, 123, 124, 131, 134], "project": 3, "paper": 3, "articl": 3, "krishnan2022": 3, "12": [3, 7, 131, 132, 134], "02": [3, 69, 132, 134], "22283021": 3, "author": [3, 131, 132], "krishnan": 3, "amrit": 3, "subasri": 3, "vallijah": 3, "mckeen": 3, "kaden": 3, "kore": 3, "ali": 3, "ogidi": 3, "franklin": 3, "alinoori": 3, "mahshid": 3, "lalani": 3, "nadim": 3, "dhalla": 3, "azra": 3, "verma": 3, "amol": 3, "razak": 3, "fahad": 3, "pandya": 3, "deval": 3, "dolatabadi": 3, "elham": 3, "titl": [3, 131, 132, 134], "cyclic": 3, "toward": 3, "operation": 3, "health": [3, 131, 134], "eloc": 3, "id": [3, 5, 112, 131, 132, 134], "2022": [3, 7, 131, 132], "year": [3, 7, 9, 131, 132, 134], "doi": 3, "10": [3, 131, 132, 133, 134], "1101": 3, "publish": [3, 131], "cold": 3, "spring": 3, "harbor": 3, "laboratori": [3, 134], "press": 3, "url": [3, 132], "http": [3, 121, 131, 132, 133, 134], "www": [3, 131], "medrxiv": 3, "org": [3, 121, 131, 132, 134], "content": [3, 121], "earli": 3, "08": [3, 134], "journal": 3, "medic": [4, 5, 125, 132, 134, 136], "imag": [4, 5, 17, 21, 118, 121, 124, 125, 130, 132, 133], "class": [4, 5, 6, 7, 17, 18, 19, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 69, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 116, 117, 119, 120, 121, 122, 123, 124, 131, 132, 134], "decod": [5, 132], "none": [5, 7, 9, 17, 19, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 132, 133, 134], "reader": 5, "itkread": 5, "suffix": 5, "jpg": 5, "read": [5, 17], "paramet": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 131, 132, 134], "bool": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 75, 76, 108, 109, 110, 112, 116, 117, 121, 123, 124, 131, 132, 134], "option": [5, 7, 9, 10, 11, 12, 13, 17, 21, 24, 27, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 69, 75, 80, 81, 82, 83, 84, 85, 90, 95, 98, 99, 100, 103, 104, 105, 108, 112, 114, 121, 123, 124, 132], "default": [5, 7, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 134], "whether": [5, 7, 17, 21, 75, 108, 109, 110, 112, 121, 134, 136], "fals": [5, 7, 9, 10, 11, 12, 13, 14, 17, 19, 21, 29, 30, 40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105, 107, 108, 109, 110, 117, 118, 123, 124, 131, 132, 134], "return": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 132, 134], "dictionari": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 75, 121, 123, 124, 131, 134], "image_path": 5, "byte": 5, "image_byt": 5, "union": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "str": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 134], "imageread": 5, "monai": [5, 132, 133], "method": [5, 7, 19, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 134], "attribut": [5, 7, 19, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 131, 134], "call": [5, 121], "self": [5, 132], "storag": 5, "cast": [5, 131, 134], "arrow": 5, "arrai": [5, 24, 26, 27, 29, 30, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 63, 66, 67, 68, 69, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 119, 124, 132], "convert": [5, 25, 35, 41, 48, 61, 69, 95, 102, 104, 107, 131, 134], "pyarrow": 5, "rtype": 5, "structarrai": 5, "pa": 5, "string": [5, 7, 9, 12, 17, 21, 75, 121, 132], "must": [5, 9, 17, 21, 121], "contain": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 27, 103, 104, 121, 131, 132, 134, 136], "binari": [5, 24, 25, 29, 30, 34, 35, 36, 37, 47, 48, 49, 50, 56, 57, 60, 61, 62, 63, 66, 69, 72, 78, 79, 84, 85, 87, 90, 92, 95, 97, 100, 102, 104, 105, 107, 110, 115, 123, 124, 131, 134, 136], "struct": 5, "doesn": 5, "matter": 5, "list": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 115, 116, 117, 118, 119, 121, 123, 124, 131, 134], "arg": [5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "stringarrai": 5, "listarrai": 5, "token_per_repo_id": 5, "serial": 5, "version": [5, 121, 131, 132, 134], "dict": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 75, 121, 123, 124], "access": 5, "privat": 5, "repositori": [5, 131], "hub": 5, "pass": [5, 17, 43, 75, 112, 121, 123, 124, 131, 134], "repo_id": 5, "token": [5, 131], "deseri": 5, "np": [5, 11, 14, 21, 123, 124, 131, 132, 133, 134], "ndarrai": [5, 14, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 116, 117, 118, 119, 123, 124], "metadata": [5, 131, 132, 134], "emb": 5, "encod": 5, "input": [5, 24, 46, 55, 60, 61, 64, 69, 70, 72, 87, 89, 95, 115, 118, 123, 124], "state": [5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 132], "itself": 5, "otherwis": [5, 14, 24, 27, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110], "tupl": [5, 7, 66, 67, 68, 69, 75, 87, 88, 89, 92, 93, 94, 112, 123, 124], "classlabel": [5, 131, 134], "translat": 5, "translationvariablelanguag": 5, "sequenc": [5, 17, 75, 123, 124, 132], "array2d": 5, "array3d": 5, "array4d": 5, "array5d": 5, "audio": 5, "subset": 6, "hug": [6, 123, 124, 130, 136], "face": [6, 123, 124, 130, 136], "object": [7, 19, 21, 112, 114, 121, 123, 124, 131, 134], "ani": [7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 132, 134], "A": [7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 25, 75, 76, 104, 109, 121, 131, 132, 134], "each": [7, 8, 17, 21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 69, 75, 76, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110, 131, 134], "map": [7, 8, 22, 75, 123, 124, 131, 132, 134], "column": [7, 8, 9, 10, 11, 12, 13, 17, 21, 112, 123, 124, 131, 132, 134], "one": [7, 16, 17, 21, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 69, 76, 80, 81, 82, 83, 84, 85, 95, 98, 99, 100, 105, 123, 124], "follow": [7, 17, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105, 121, 131, 132, 134], "exact": [7, 13], "select": [7, 112, 116, 131, 132, 134], "thi": [7, 17, 21, 24, 25, 26, 27, 29, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105, 110, 121, 123, 131, 132, 134, 136], "singl": [7, 75, 121, 123, 124, 131, 134], "row": [7, 131, 132], "where": [7, 8, 9, 10, 11, 12, 13, 60, 61, 63, 75, 121, 123, 124, 131, 134, 136], "e": [7, 9, 10, 17, 21, 75, 116, 117, 118, 121, 131, 134], "g": [7, 9, 17, 21, 116, 117, 118, 121, 131, 134], "2021": [7, 131], "01": [7, 29, 31, 32, 131, 132, 133, 134], "00": [7, 131, 132, 133, 134], "min_valu": [7, 11, 131, 132, 133, 134], "minimum": [7, 11], "specifi": [7, 17, 75, 112, 121, 123, 124, 131, 134], "min_inclus": [7, 11, 131, 134], "indic": [7, 21, 27, 60, 61, 115, 118, 131, 132, 134], "includ": [7, 11, 21, 72, 112, 114, 131, 132, 134, 135], "rang": [7, 11, 29, 30, 66, 67, 68, 93, 131, 132, 134], "work": [7, 27, 103, 104, 121, 131, 132, 134], "numer": [7, 11, 131, 134], "datetim": [7, 9, 11, 14, 121, 131, 134], "inf": [7, 11, 131, 134], "max_valu": [7, 11, 131, 132, 133, 134], "boolean": [7, 8, 9, 10, 11, 12, 13, 15], "greater": [7, 22, 134], "than": [7, 11, 22, 48, 52, 54, 123, 124, 131, 134, 136], "equal": [7, 11, 21], "maximum": [7, 11, 22, 29, 30], "max_inclus": [7, 11, 131, 134], "less": [7, 11, 48, 52, 54, 134], "match": [7, 9, 12, 13, 17], "between": [7, 21, 38, 51, 69, 95], "1": [7, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 116, 117, 118, 119, 121, 130, 131, 132, 134, 135, 136], "dai": [7, 9, 134, 136], "31": [7, 131, 133, 134], "hour": [7, 9], "0": [7, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 115, 116, 117, 118, 119, 121, 131, 132, 133, 134], "23": [7, 131, 134], "negat": [7, 9, 10, 11, 12, 13, 132], "flag": 7, "doe": [7, 9, 11, 12, 13, 17, 21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 74, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 110, 121], "keep_nul": [7, 9, 11, 12, 13], "keep": [7, 17, 21, 134], "null": [7, 9, 10, 11, 12, 13, 134], "conjunct": [7, 132], "its": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 60, 61, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134], "own": [7, 131, 134], "callabl": [7, 8, 17, 21, 76, 121], "import": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 130, 135, 136], "slice_spec": [7, 17, 123, 124, 131, 132, 134], "feature_1": 7, "feature_2": 7, "feature_3": 7, "value_1": 7, "value_2": 7, "2020": [7, 9, 132], "5": [7, 24, 25, 27, 29, 31, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 115, 118, 119, 130, 131, 132, 134, 135], "60": 7, "6": [7, 24, 26, 35, 36, 38, 39, 49, 56, 59, 62, 63, 78, 79, 80, 81, 83, 84, 85, 87, 88, 90, 92, 93, 95, 97, 98, 99, 100, 104, 107, 108, 110, 131, 132, 133, 134], "7": [7, 29, 30, 31, 36, 39, 40, 69, 80, 81, 82, 84, 85, 87, 88, 89, 93, 98, 100, 105, 108, 109, 110, 131, 132, 134, 136], "8": [7, 24, 26, 27, 29, 30, 31, 34, 35, 36, 37, 38, 40, 41, 47, 49, 50, 53, 54, 56, 59, 60, 62, 66, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 105, 107, 109, 110, 131, 132, 134], "2000": 7, "2010": 7, "slice_nam": [7, 121, 131, 134], "slice_func": 7, "print": [7, 131, 132, 134], "do": [7, 17, 131, 132, 134], "someth": 7, "here": [7, 131, 134], "filter": [7, 9, 10, 11, 12, 13, 17, 21, 131, 132, 133, 134], "add": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 134], "detail": [7, 131, 132, 134], "registri": [7, 131, 134], "gener": [7, 69, 95, 112, 121, 130, 135, 136], "slice_funct": 8, "result": [8, 17, 38, 51, 123, 124, 131, 133, 134], "bitwis": 8, "AND": 8, "signatur": 8, "should": [8, 21, 69, 76, 95, 117, 121, 123, 124, 131, 132, 134], "kwarg": [8, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 123, 124], "given": [9, 11, 12, 13, 14, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 75, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110, 121, 123, 124], "int": [9, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 116, 117, 118, 119, 121, 123, 124, 131, 132, 134], "compon": 9, "have": [9, 12, 13, 17, 114, 131, 136], "nan": [9, 10, 17, 21, 130, 136], "nat": 9, "rais": [9, 11, 12, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "typeerror": [9, 11, 12, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121], "float": [11, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 109, 110, 115, 116, 117, 118, 119, 121, 132], "valueerror": [11, 17, 21, 48, 50, 52, 54, 58, 59, 60, 61, 62, 63, 69, 121, 123, 124], "either": [11, 30, 31, 32, 75, 87, 88, 89, 92, 93, 94, 110, 121, 131, 134], "substr": 12, "ha": [13, 75, 121, 131, 132, 134], "find": [13, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 123, 132], "perform": [13, 26, 27, 31, 32, 121, 130, 134, 135, 136], "datetime64": 14, "target_column": [17, 19, 21, 131, 132, 134], "feature_column": [17, 132, 133], "prediction_column_prefix": [17, 123, 124, 131, 132, 134], "remove_column": [17, 19, 21, 123, 124, 132], "split": [17, 112, 121, 123, 124, 131, 132, 134], "batch_siz": [17, 19, 21, 112, 123, 124, 131, 134], "1000": [17, 19, 21, 112, 123, 131, 132], "raise_on_empty_slic": [17, 21], "fairness_config": [17, 123, 124, 131, 134], "override_fairness_metr": [17, 123, 124, 131, 134], "load_dataset_kwarg": 17, "datasetdict": [17, 123, 124], "load_dataset": 17, "argument": [17, 21, 43, 75, 123, 124, 131, 134], "target": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 116, 117, 123, 124, 130, 131, 134, 135, 136], "prefix": [17, 75], "ad": [17, 114, 121, 123, 124, 131, 134], "model_nam": [17, 123, 124, 131, 132, 133, 134], "remov": [17, 21, 75, 119, 123, 124, 131, 132, 134], "mai": [17, 21, 131, 132, 134], "expens": [17, 21], "memori": [17, 21], "wrappedmodel": [17, 123, 124], "entir": [17, 131, 134], "being": 17, "note": [17, 121, 131, 134], "chosen": 17, "avail": [17, 121, 131, 134, 136], "first": [17, 21, 25, 76, 104, 131, 134], "eval": 17, "val": 17, "dev": 17, "batch": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 123, 124, 132], "size": [17, 21, 112, 123, 124, 131, 132, 134], "neg": [17, 35, 48, 49, 50, 51, 52, 53, 54, 59, 61, 62, 63, 72, 81, 83, 85, 98, 99, 100, 105, 107, 108, 109, 132, 134], "integ": [17, 21, 121], "empti": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "warn": [17, 22, 24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 102, 103, 104, 105], "log": [17, 121, 130, 131, 134, 136], "configur": [17, 18, 19, 123, 124, 131, 134], "overridden": [17, 123, 124], "prediction_column": [17, 19, 21], "keyword": [17, 21, 43, 75, 123, 124], "onli": [17, 21, 24, 27, 29, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 62, 63, 75, 80, 81, 82, 84, 85, 98, 100, 103, 104, 105, 108, 109, 110], "found": [17, 75, 121, 131, 132, 133, 134], "group": [19, 21, 22, 75, 121, 131, 134], "group_valu": [19, 21], "group_bin": [19, 21, 131, 134], "group_base_valu": [19, 21, 131, 134], "threshold": [19, 21, 24, 25, 27, 29, 30, 31, 32, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 53, 54, 56, 57, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 102, 104, 105, 107, 109, 110, 121, 130, 131, 134, 136], "compute_optimal_threshold": [19, 21], "metric_nam": [19, 21, 43, 121, 131, 132, 134], "metric_kwarg": [19, 21], "take": [21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 112, 131], "allow": [21, 22, 131, 134, 135], "intersect": 21, "treat": 21, "multilabel": [21, 24, 27, 29, 32, 36, 37, 40, 41, 49, 50, 53, 54, 60, 61, 62, 63, 68, 69, 72, 82, 83, 84, 85, 89, 90, 94, 95, 99, 100, 104, 105, 109, 110, 130, 136], "same": [21, 75, 116], "uniqu": [21, 22, 29, 30, 31, 32, 66, 67, 68, 69, 74, 87, 88, 89, 92, 93, 94, 95, 110, 132, 136], "limit": [21, 131, 132, 134], "number": [21, 22, 24, 26, 27, 29, 30, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 103, 104, 105, 108, 110, 112, 116, 117, 121, 123, 124, 134, 135], "continu": [21, 131, 132, 134], "veri": 21, "slow": 21, "larg": 21, "denomin": 21, "pariti": 21, "across": [21, 116, 135], "linspac": 21, "monoton": [21, 69, 95], "optim": [21, 131], "oper": [21, 65, 76, 131, 134], "necessari": 21, "control": [21, 115], "usag": [21, 131, 134], "rel": 21, "small": 21, "32": [21, 131, 134], "avoid": 21, "encount": [21, 134], "nest": 21, "second": [21, 76], "third": 21, "omit": 21, "requir": [21, 24, 29, 36, 37, 49, 50, 69, 84, 85, 90, 95, 100, 105, 110, 121, 123, 124, 131, 134], "huggingfac": [21, 112, 123, 124], "runtimeerror": 21, "unique_valu": 22, "max_unique_valu": 22, "50": [22, 131, 132, 133, 134], "score": [24, 25, 26, 27, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 44, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 66, 70, 72, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 97, 98, 99, 100, 102, 103, 104, 105, 106, 107, 108, 109, 110, 132], "liter": [24, 25, 26, 27, 29, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 69, 78, 79, 80, 81, 82, 83, 84, 85, 90, 95, 97, 98, 99, 100, 103, 104, 105, 110, 121], "multiclass": [24, 26, 29, 31, 36, 37, 38, 39, 49, 50, 51, 52, 58, 59, 62, 63, 67, 69, 72, 80, 81, 84, 85, 88, 90, 93, 95, 98, 100, 103, 105, 108, 110], "One": [24, 29, 31, 32, 35, 48, 59, 62, 63, 69, 95, 132, 134], "pos_label": [24, 25, 30, 34, 35, 36, 37, 47, 48, 49, 50, 56, 57, 62, 63, 66, 69, 78, 79, 84, 85, 87, 90, 92, 95, 97, 100, 102, 105, 107, 110], "label": [24, 25, 27, 29, 32, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 68, 69, 78, 79, 81, 82, 83, 84, 85, 87, 89, 90, 92, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 109, 110, 116, 117, 119, 123, 124, 130, 131, 132, 136], "consid": [24, 26, 27, 36, 37, 49, 50, 62, 63, 84, 85, 90, 95, 100, 103, 104, 105], "posit": [24, 25, 29, 30, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 90, 92, 95, 97, 98, 99, 100, 102, 105, 107, 108, 109, 110, 131, 132, 134], "num_class": [24, 26, 29, 31, 36, 37, 38, 39, 49, 50, 51, 52, 58, 59, 61, 62, 63, 67, 69, 80, 81, 84, 85, 88, 90, 93, 95, 98, 100, 103, 105, 108, 110, 131, 134], "decid": [24, 36, 37, 40, 41, 49, 50, 53, 54, 56, 57, 60, 61, 78, 79, 82, 83, 84, 85, 97, 99, 100, 105], "top_k": [24, 26, 27, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110, 132], "probabl": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 80, 81, 82, 84, 85, 93, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 131, 134], "logit": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 72, 80, 81, 82, 84, 85, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110], "top": [24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110], "k": [24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 75, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110, 133], "num_label": [24, 27, 29, 32, 36, 37, 40, 41, 49, 50, 53, 54, 60, 61, 62, 63, 68, 69, 82, 83, 84, 85, 89, 90, 94, 95, 99, 100, 104, 105, 109, 110, 132], "averag": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131], "micro": [24, 26, 27, 29, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "macro": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "weight": [24, 26, 27, 29, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 132, 133, 134], "calcul": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "global": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "unweight": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "mean": [24, 26, 27, 29, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132, 133, 134], "imbal": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 119], "account": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132], "instanc": [24, 26, 27, 31, 32, 36, 37, 38, 39, 40, 41, 43, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132, 134], "alter": [24, 26, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105], "zero_divis": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 102, 103, 104, 105], "zero": [24, 25, 26, 27, 34, 36, 37, 38, 39, 40, 41, 47, 49, 50, 51, 52, 53, 54, 56, 57, 58, 60, 61, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "divis": [24, 25, 26, 27, 34, 36, 37, 38, 39, 40, 41, 47, 49, 50, 51, 52, 53, 54, 56, 57, 58, 60, 61, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "act": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "pred": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 134], "75": [24, 25, 29, 30, 66, 67, 68, 90, 92, 95, 103, 104, 105, 131], "05": [24, 26, 27, 29, 31, 32, 36, 38, 39, 40, 49, 53, 62, 67, 68, 69, 80, 81, 84, 85, 88, 90, 93, 94, 95, 98, 100, 103, 104, 105, 108, 110, 132], "95": [24, 26, 27, 36, 38, 49, 62, 69, 88, 90, 93, 94, 95], "p": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 132], "zip": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "2": [24, 26, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 56, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 75, 78, 79, 80, 81, 82, 83, 84, 85, 88, 89, 90, 92, 93, 95, 97, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 121, 130, 131, 132, 134, 135], "3": [24, 26, 27, 29, 31, 34, 35, 36, 37, 38, 39, 40, 47, 49, 50, 51, 52, 53, 56, 58, 59, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 130, 131, 132, 134, 135], "66666667": [24, 26, 36, 38, 49, 51, 61, 63, 81, 85, 87, 88, 90, 93, 94, 95, 98, 100, 104], "initi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 130, 131, 134, 136], "two": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "scalar": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "togeth": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "multipli": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "variabl": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 136], "attributeerror": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "alreadi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 134], "exist": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "copi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134], "abstract": [24, 29, 36, 37, 73, 74, 84, 85, 90, 95, 100, 105, 110], "final": [24, 29, 36, 37, 74, 84, 85, 90, 95, 100, 105, 110, 132, 134], "reset": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "_update_count": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "_comput": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "sigmoid": [25, 35, 41, 66, 68, 69, 102, 104, 107, 109, 110], "them": [25, 104, 131, 134, 135], "875": 25, "problem": [26, 88, 108, 109, 110, 136], "highest": [26, 27, 62, 63, 103, 104], "determin": [26, 27, 29, 30, 31, 32, 66, 67, 68, 87, 88, 89, 90, 92, 93, 94], "dtype": [26, 27, 31, 32, 38, 39, 40, 41, 66, 67, 68, 69, 80, 81, 82, 83, 87, 88, 89, 92, 93, 94, 98, 99, 103, 104, 115, 116, 117, 118, 119, 131, 132], "float64": [26, 27, 31, 32, 38, 39, 40, 41, 66, 67, 68, 69, 80, 81, 82, 83, 87, 88, 89, 92, 93, 94, 98, 99, 103, 104, 115, 116, 117, 118, 119, 132], "binar": [27, 29, 30, 31, 32, 34, 47, 67, 68, 93, 94, 109, 110], "output": [27, 69, 121, 131, 134], "classifi": [27, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 102, 131, 134], "correct": [27, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102, 103, 104], "per": [27, 75, 134], "area": [28, 29, 30, 31, 32, 45, 131, 134], "under": [28, 29, 30, 31, 32, 45, 131, 134], "curv": [28, 29, 30, 31, 32, 45, 64, 65, 66, 67, 68, 69, 86, 87, 88, 89, 90, 92, 93, 94, 95, 131, 134], "max_fpr": [29, 30], "rate": [29, 30, 66, 67, 68, 69, 131, 132, 134], "partial": [29, 30, 132], "auc": 29, "automat": [29, 30, 31, 32, 66, 67, 68, 87, 88, 89, 90, 92, 93, 94], "applic": [29, 111, 112, 114], "4": [29, 30, 34, 35, 36, 37, 40, 47, 50, 59, 63, 69, 82, 83, 84, 85, 87, 88, 90, 92, 93, 94, 95, 99, 100, 105, 107, 108, 109, 110, 130, 131, 132, 134, 135], "35": [29, 30, 69, 87, 92, 95, 103, 104, 105, 131, 132, 133, 134], "9": [29, 30, 31, 32, 34, 36, 37, 38, 39, 40, 41, 49, 50, 53, 54, 56, 60, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 89, 90, 93, 94, 95, 97, 98, 99, 100, 103, 104, 105, 107, 109, 110, 131, 132, 134], "6111111111111112": [29, 30], "89": [29, 31, 32, 69], "06": [29, 31, 69, 132], "94": [29, 31, 134], "22222222": [29, 31], "625": [29, 32, 35, 103], "aucroc": 30, "confus": [30, 31, 32, 87, 88, 89, 92, 93, 94], "matrix": [30, 31, 32, 87, 88, 89, 92, 93, 94, 115, 116, 117, 118, 119], "f": [33, 35, 37, 38, 39, 41, 46, 48, 50, 51, 52, 54, 75, 131, 132, 133, 134], "beta": [33, 35, 37, 39, 41, 46, 48, 50, 52, 54], "f1": [34, 36, 38, 40, 46, 47, 49, 51, 53], "form": [34, 47, 131, 134], "6666666666666666": [34, 36, 47, 56, 78, 84], "harmon": [35, 37, 39, 41, 48, 50, 52, 54, 131, 134], "8333333333333334": [35, 37, 50, 59, 62], "85714286": [36, 38], "9090909090909091": 37, "83333333": [37, 41, 50, 54], "55555556": [37, 50, 103], "90909091": [37, 39, 41], "85": [39, 80, 81, 84, 85, 98, 100, 131, 134], "total": [40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 108, 134], "count": [40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 131, 132, 134], "predicit": 41, "constructor": 43, "arraylik": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 93, 102], "ground": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102], "truth": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102], "npt": [48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63], "7142857142857143": 48, "estim": [49, 50, 66, 67, 68, 69, 93, 102, 123], "shape": [49, 50, 51, 52, 53, 54, 60, 61, 108, 109, 132, 133], "expect": [60, 61, 131, 134], "like": [60, 61, 75, 131], "n": [60, 61, 131, 132], "l": [60, 61], "sampl": [60, 61, 63, 119], "presenc": [60, 61, 132], "absenc": [60, 61], "rest": 61, "ratio": [62, 63, 105, 134], "correctli": [62, 131, 132, 134], "observ": [62, 131, 134, 136], "precision_scor": 62, "tp": [63, 107, 108, 109, 132], "fn": [63, 107, 108, 109, 132], "intuit": 63, "abil": [63, 131, 134], "recall_scor": 63, "3333333333333333": 63, "receiv": [65, 131, 134], "characterist": [65, 131, 134], "decis": [66, 67, 68, 69, 93, 121, 131, 134], "fpr": [66, 67, 68, 69, 131, 134], "tpr": [66, 67, 68, 69], "25": [66, 67, 68, 88, 90, 92, 93, 95, 105, 116, 117, 131, 133, 134], "softmax": [67, 69, 93], "1d": [67, 68, 69, 95], "33333333": [67, 85, 88, 90, 93, 94, 95, 100], "non": 69, "evenli": [69, 95], "space": [69, 95], "increas": [69, 95], "assertionerror": [69, 121], "03": [69, 132, 134], "stat": [72, 106, 107, 108, 109, 110], "abc": 74, "properti": [74, 110, 123, 124], "other_metr": 75, "postfix": 75, "userdict": 75, "collect": [75, 131], "want": 75, "behav": 75, "themselv": 75, "intern": 75, "similar": 75, "reduc": 75, "els": [75, 132, 133], "keep_bas": 75, "iter": 75, "underli": 75, "moduledict": 75, "hashabl": 75, "v": 75, "correspond": [75, 123, 124], "keyerror": [75, 121], "some": [75, 131, 134], "pair": 75, "present": 75, "lack": 75, "metric_a": 76, "metric_b": 76, "metric1": 76, "metric2": 76, "unari": 76, "appropri": [84, 85, 100, 131, 134], "375": [88, 90], "suniqu": 90, "45": [90, 105, 131, 132, 134], "42857143": 90, "15": [103, 104, 105, 131, 134], "57142857": 103, "sum": [105, 108, 109, 110, 132, 134], "_abstractscor": [107, 108, 109], "fp": [107, 108, 109, 132], "tn": [107, 108, 109, 132], "classwis": [108, 110], "over": [108, 109, 110, 130, 132, 134, 136], "labelwis": [109, 110, 132], "prior": [110, 131], "modul": [111, 120, 121, 131, 134], "shift_typ": [112, 114], "shift_id": [112, 133], "induc": [112, 114], "synthet": [112, 114, 121, 130, 134, 135, 136], "categor": [112, 131, 134], "origin": 112, "util": [112, 131, 132, 134], "load_nih": 112, "mnt": [112, 131, 132, 133, 134], "nihcxr": [112, 130, 132, 135], "hospital_type_1": 112, "hospital_type_2": 112, "hospital_type_3": 112, "hospital_type_4": 112, "hospital_type_5": 112, "ds_sourc": [112, 133], "ds_target": [112, 133], "num_proc": [112, 133], "build": 112, "hospit": [112, 131, 134, 136], "drift_detect": 114, "experiment": 114, "sklearn": [114, 131, 134], "load_diabet": 114, "y": [114, 116, 117, 119, 123, 131, 132, 134], "return_x_i": 114, "x_tr": 114, "x_te": 114, "y_tr": 114, "y_te": 114, "train_test_split": [114, 131, 134], "test_siz": 114, "random_st": [114, 131, 134], "42": [114, 131, 134], "gn_shift": 114, "x_shift": 114, "x_train": [114, 123], "noise_amt": [114, 118], "delta": [114, 115, 118, 119], "ko_shift": 114, "cp_shift": 114, "mfa_shift": 114, "bn_shift": 114, "tolerance_shift": 114, "ds_shift": 114, "nois": [114, 115, 118], "prob": 115, "covari": [115, 116, 117, 118, 119], "proport": [115, 131, 132, 134], "fraction": [115, 118, 119, 134], "affect": [115, 118, 121, 131, 134], "n_shuffl": [116, 117], "keep_rows_const": 116, "repermute_each_column": 116, "multiwai": 116, "associ": [116, 131, 132, 134], "swap": [116, 117], "individu": [116, 131, 134], "within": 116, "cl": [116, 117], "etc": [116, 117, 131, 132, 134], "floatnumpi": 116, "shuffl": [116, 117, 131], "permut": 116, "placehold": 116, "shift_class": [117, 119], "rank": 117, "changepoint": 117, "axi": [117, 132, 133, 134], "x_ref": 117, "y_ref": 117, "normal": [118, 131, 134], "clip": [118, 131, 134], "gaussian": 118, "standard": [118, 131, 134], "deviat": 118, "divid": 118, "255": [118, 132, 133], "placehol": 119, "output_dir": [121, 131, 134], "serv": 121, "interfac": 121, "popul": [121, 130, 131, 134, 136], "modelcard": 121, "directori": [121, 131, 134], "save": [121, 123, 124, 131, 134], "output_filenam": [121, 131, 132, 134], "template_path": 121, "interact": [121, 134], "save_json": 121, "synthetic_timestamp": [121, 131, 132], "date": [121, 131, 134], "jinja2": 121, "json": [121, 131, 134], "timestamp": [121, 130, 132, 135], "back": 121, "classmethod": 121, "cyclops_report": [121, 131, 134], "section_nam": [121, 131, 132, 134], "model_detail": [121, 131, 134], "section": [121, 131, 132, 134], "repres": [121, 132], "bibtex": 121, "entri": 121, "plain": 121, "text": [121, 132], "descript": [121, 131, 132, 134], "license_id": [121, 131], "sensitive_featur": [121, 131], "sensitive_feature_justif": [121, 131], "inform": [121, 131], "about": [121, 131, 132, 134], "resourc": [121, 131, 134], "context": 121, "homepag": 121, "spdx": [121, 131], "identifi": [121, 130, 132, 136], "licens": [121, 131, 132, 134], "apach": [121, 131, 134], "unknown": 121, "unlicens": 121, "proprietari": 121, "justif": [121, 131], "field": [121, 130, 131, 134, 136], "descriptor": 121, "new": [121, 131, 134], "pydant": 121, "basemodel": 121, "subclass": 121, "As": 121, "long": 121, "conflict": 121, "defin": [121, 131, 132, 134], "model_card": 121, "cylop": 121, "tradeoff": [121, 132], "trade": 121, "off": 121, "interpret": 121, "consider": [121, 131, 132, 134], "affected_group": [121, 131, 132, 134], "benefit": [121, 131, 132, 134], "harm": [121, 131, 132, 134], "mitigation_strategi": [121, 131, 132, 134], "assess": 121, "mitig": [121, 131, 132, 134], "strategi": [121, 131, 132, 134], "relat": 121, "img_path": 121, "caption": [121, 131, 132, 134], "full": 121, "whole": [121, 131, 134], "left": [121, 134], "blank": 121, "instead": 121, "param": [121, 131, 134], "contact": [121, 131, 132, 134], "role": 121, "owner": [121, 131, 132, 134], "quantit": [121, 131, 132, 134], "slash": 121, "fig": [121, 131, 132, 134], "plotli": [121, 131, 132, 134], "figur": [121, 131, 134], "plot": [121, 131, 132, 134], "analysis_typ": 121, "metric_slic": [121, 131, 132, 134], "decision_threshold": 121, "pass_fail_threshold": [121, 131, 132, 134], "pass_fail_threshold_fn": [121, 131, 132, 134], "explain": 121, "fail": 121, "regul": 121, "regulatori": [121, 131, 134], "compli": 121, "risk": [121, 131, 132, 134, 136], "kind": [121, 131, 132, 134], "primari": [121, 131, 132, 134], "scope": [121, 131, 134], "usecas": 121, "version_str": [121, 131, 134], "semant": 121, "v1": 121, "dt_date": 121, "dt_datetim": 121, "unix": 121, "yyyi": 121, "mm": 121, "dd": 121, "hh": 121, "ss": 121, "ffffff": 121, "z": 121, "summar": 121, "chang": [121, 131, 132, 134], "made": [121, 131, 134], "task_featur": [123, 124, 131, 134], "task_target": [123, 124, 131, 134], "basetask": [123, 124], "tabular": [123, 124, 130], "ptmodel": [123, 124, 132], "skmodel": [123, 124], "splits_map": [123, 124], "fit": [123, 131, 134], "columntransform": [123, 131, 134], "slicingconfig": 123, "default_max_batch_s": 123, "unnecessari": [123, 124], "filepath": [123, 124], "pretrain": [123, 124, 132], "proba": [123, 131, 134], "pd": 123, "datafram": [123, 131, 134], "notfittederror": 123, "destin": [123, 124], "parent": [123, 124], "dirctori": [123, 124], "best_model_param": [123, 131, 134], "y_train": 123, "seri": 123, "nonei": 123, "best": [123, 131, 134], "64": [124, 134], "compos": [124, 131, 132, 133, 134], "pathologi": [124, 130, 131, 136], "represent": [124, 131, 134], "drift": [130, 135], "experi": [130, 135], "dimension": [130, 135], "reduct": [130, 135], "techniqu": [130, 135], "roll": [130, 135], "window": [130, 135], "biweekli": [130, 135], "kaggl": [130, 131], "heart": 130, "failur": 130, "constant": [130, 136], "distribut": [130, 132, 136], "outcom": [130, 136], "preprocessor": [130, 136], "creation": [130, 136], "synthea": [130, 134], "prolong": 130, "length": [130, 132], "stai": 130, "queri": [130, 136], "inspect": [130, 131, 136], "preprocess": [130, 131, 136], "drop": [130, 131, 136], "nan_threshold": [130, 131, 136], "gender": [130, 131, 132, 133, 136], "nih": [130, 132, 133], "diseas": [130, 131, 136], "histor": [130, 131, 136], "period": [130, 136], "w": [130, 136], "showcas": [131, 134, 136], "formul": [131, 134], "patient": [131, 132, 133, 134, 136], "shutil": [131, 132, 134], "express": [131, 132, 134], "px": [131, 132, 134], "kaggle_api_extend": 131, "kaggleapi": 131, "imput": [131, 134], "simpleimput": [131, 134], "pipelin": [131, 134], "minmaxscal": [131, 134], "onehotencod": [131, 134], "noqa": [131, 132, 134], "e402": [131, 132, 134], "catalog": [131, 134], "create_model": [131, 134], "tabularfeatur": [131, 134], "classificationplott": [131, 134], "flatten_results_dict": [131, 134], "join": [131, 134], "load_datafram": 131, "wizuawxh": [131, 132, 133, 134], "py3": [131, 132, 133, 134], "lib": [131, 132, 133, 134], "site": [131, 132, 133, 134], "tqdm": [131, 132, 133, 134], "auto": [131, 132, 133, 134], "py": [131, 132, 133, 134], "21": [131, 132, 133, 134], "tqdmwarn": [131, 132, 133, 134], "iprogress": [131, 132, 133, 134], "ipywidget": [131, 132, 133, 134], "readthedoc": [131, 132, 133, 134], "io": [131, 132, 133, 134], "en": [131, 132, 133, 134], "user_instal": [131, 132, 133, 134], "autonotebook": [131, 132, 133, 134], "notebook_tqdm": [131, 132, 133, 134], "offer": [131, 132, 134], "document": [131, 132, 134], "through": [131, 132, 134], "overview": [131, 132, 134], "how": [131, 132, 134], "quick": [131, 132, 134], "glanc": [131, 132, 134], "sever": [131, 132, 134], "subgroup": [131, 132, 134], "statist": [131, 132, 134, 135], "subpopul": [131, 132, 134], "technic": [131, 132, 134], "architectur": [131, 132, 134], "involv": [131, 132, 134], "intend": [131, 132, 134], "go": [131, 132, 134], "tool": [131, 132, 134], "progress": [131, 132, 134], "subject": [131, 132, 134], "data_dir": [131, 132], "random_se": [131, 134], "train_siz": [131, 134], "sign": [131, 134], "com": [131, 132], "Then": 131, "profil": [131, 134], "usernam": 131, "trigger": 131, "download": 131, "credenti": 131, "place": 131, "locat": 131, "machin": [131, 132], "authent": 131, "dataset_download_fil": 131, "fedesoriano": 131, "unzip": 131, "df": 131, "csv": [131, 134], "file_format": 131, "reset_index": [131, 134], "index": [131, 132, 134], "2023": [131, 132, 134], "11": [131, 132, 133, 134, 136], "17": [131, 132, 134], "46": [131, 132, 134], "48": [131, 132, 134], "022": 131, "chestpaintyp": 131, "restingbp": 131, "cholesterol": 131, "fastingb": 131, "restingecg": 131, "40": [131, 134], "ata": 131, "140": 131, "289": 131, "49": [131, 134], "nap": 131, "160": 131, "180": 131, "37": [131, 134], "130": 131, "283": 131, "st": 131, "asi": 131, "138": 131, "214": 131, "54": [131, 134], "150": 131, "195": 131, "913": 131, "ta": 131, "110": 131, "264": 131, "914": 131, "68": [131, 132], "144": 131, "193": 131, "915": 131, "57": 131, "131": 131, "916": 131, "236": 131, "lvh": 131, "917": 131, "38": [131, 134], "175": 131, "maxhr": 131, "exerciseangina": 131, "oldpeak": 131, "st_slope": 131, "heartdiseas": 131, "172": [131, 134], "156": 131, "flat": 131, "98": [131, 132], "108": 131, "122": 131, "132": 131, "141": 131, "115": 131, "174": [131, 134], "173": 131, "918": 131, "13": [131, 132, 134], "pie": [131, 132, 134], "update_layout": [131, 132, 134], "histogram": [131, 132, 134], "xaxis_titl": [131, 132, 134], "yaxis_titl": [131, 132, 134], "bargap": [131, 132, 134], "astyp": [131, 134], "update_trac": [131, 132, 134], "textinfo": [131, 134], "percent": [131, 134], "title_text": [131, 134], "hovertempl": [131, 134], "br": [131, 134], "class_count": [131, 134], "value_count": [131, 134], "class_ratio": [131, 134], "8070866141732284": 131, "14": [131, 132, 134, 136], "39": [131, 132, 134], "20": [131, 132, 134], "wa": [131, 132, 134], "li": 131, "et": 131, "al": 131, "most": 131, "features_list": [131, 134], "sort": [131, 134], "help": [131, 132, 134], "essenti": [131, 134], "step": [131, 134], "understand": [131, 134], "u": [131, 134], "16": [131, 132, 134], "tab_featur": [131, 134], "ordin": 131, "might": [131, 134], "numeric_transform": [131, 134], "scaler": [131, 134], "binary_transform": [131, 134], "most_frequ": [131, 134], "18": [131, 132, 133, 134], "numeric_featur": [131, 134], "features_by_typ": [131, 134], "numeric_indic": [131, 134], "get_loc": [131, 134], "19": [131, 132, 134], "binary_featur": [131, 134], "ordinal_featur": 131, "binary_indic": [131, 134], "ordinal_indic": 131, "num": [131, 134], "onehot": [131, 134], "handle_unknown": [131, 134], "ignor": [131, 132, 134], "remaind": [131, 134], "passthrough": [131, 134], "let": [131, 134], "done": [131, 134], "independ": 131, "everi": 131, "uci": 131, "archiv": 131, "ic": 131, "edu": 131, "databas": [131, 134], "cleandoc": 131, "misc": 131, "cc0": 131, "demograph": [131, 132], "often": 131, "strong": 131, "correl": 131, "older": [131, 134], "higher": 131, "panda": [131, 134], "power": [131, 134], "easi": [131, 134], "compat": [131, 134], "22": [131, 132, 134], "from_panda": [131, 134], "cleanup_cache_fil": [131, 134], "num_row": 131, "cast_column": [131, 134], "stratify_by_column": [131, 134], "seed": [131, 132, 134], "100": [131, 132, 133, 134], "lt": [131, 132, 133, 134], "154782": 131, "56": [131, 132], "straightforward": [131, 134], "maintain": [131, 134], "instanti": [131, 134], "line": [131, 134], "sgd": [131, 134], "logisit": [131, 134], "regress": [131, 134], "sgdclassif": [131, 134], "24": [131, 134], "sgd_classifi": 131, "123": [131, 134], "verbos": [131, 134], "class_weight": 131, "balanc": 131, "encapsul": [131, 134], "cohes": [131, 134], "structur": [131, 134], "smooth": [131, 134], "manag": [131, 134], "heart_failure_prediction_task": 131, "26": [131, 132, 133, 134], "hyperparamet": [131, 134], "search": [131, 134], "grid": [131, 134], "27": [131, 134], "alpha": 131, "0001": 131, "001": 131, "learning_r": [131, 134], "invscal": 131, "adapt": 131, "eta0": 131, "roc_auc": 131, "55": [131, 132], "058": 131, "wrapper": [131, 132, 134], "sk_model": [131, 134], "059": 131, "sgdclassifi": 131, "x27": [131, 134], "early_stop": 131, "loss": 131, "log_loss": 131, "rerun": [131, 134], "cell": [131, 134], "trust": [131, 134], "On": [131, 132, 134], "github": [131, 132, 134], "unabl": [131, 134], "render": [131, 134], "try": [131, 134], "page": [131, 134], "nbviewer": [131, 134], "sgdclassifiersgdclassifi": 131, "28": [131, 132, 134], "model_param": [131, 134], "epsilon": 131, "fit_intercept": 131, "l1_ratio": 131, "max_it": 131, "n_iter_no_chang": 131, "n_job": [131, 134], "penalti": 131, "l2": 131, "power_t": 131, "tol": 131, "validation_fract": 131, "warm_start": 131, "29": [131, 132, 134], "30": [131, 132, 134, 136], "y_pred": [131, 134], "only_predict": [131, 134], "len": [131, 132, 134], "184": 131, "8318": 131, "variou": [131, 134], "perspect": [131, 134], "metric_collect": [131, 134], "certain": [131, 134], "70": 131, "33": [131, 134], "fnr": [131, 134], "ber": [131, 134], "fairness_metric_collect": [131, 134], "34": [131, 132, 134], "dataset_with_pr": [131, 134], "8458": 131, "67": [131, 132], "8621": 131, "59383": 131, "81": 131, "gt": [131, 132, 134], "20795": 131, "77": [131, 134], "20878": 131, "47": [131, 134], "22449": 131, "22363": 131, "24054": 131, "86": [131, 132], "23425": 131, "36": [131, 134], "results_femal": 131, "_": [131, 134], "9003": 131, "12025": 131, "79586": 131, "20360": 131, "right": [131, 134], "results_flat": [131, 132, 134], "remove_metr": [131, 134], "results_female_flat": 131, "plw2901": [131, 132, 134], "actual": [131, 132, 134], "known": [131, 132, 134], "measur": [131, 134], "lambda": [131, 132, 133, 134], "plotter": [131, 133, 134], "class_nam": [131, 134], "set_templ": [131, 134], "plotly_whit": [131, 134], "extract": [131, 134], "slice_result": [131, 134], "dict_kei": [131, 134], "roc_plot": [131, 134], "roc_curve_comparison": [131, 134], "femal": [131, 132, 133, 134], "41": [131, 134], "overall_perform": [131, 134], "metric_valu": [131, 134], "overall_performance_plot": [131, 134], "metrics_valu": [131, 134], "43": [131, 132, 134], "slice_metr": [131, 134], "44": [131, 132, 134], "slice_metrics_plot": [131, 134], "metrics_comparison_bar": [131, 134], "comparison": [131, 132, 134], "reform": [131, 134], "fairness_result": [131, 134], "deepcopi": [131, 134], "fairness_metr": [131, 134], "group_siz": [131, 134], "fairness_plot": [131, 134], "metrics_comparison_scatt": [131, 134], "leverag": 131, "get_metrics_trend": 131, "gather": 131, "merg": [131, 134], "recent": 131, "wish": 131, "metrics_trend": 131, "purpos": 131, "three": 131, "dummi": 131, "demonstr": [131, 136], "trend": 131, "audienc": [131, 134], "organ": [131, 134], "store": [131, 134], "regulatory_requir": [131, 134], "todai": [131, 134], "releas": [131, 134], "team": [131, 134], "vectorinstitut": [131, 134], "email": [131, 132, 134], "ai": [131, 134], "linear_model": 131, "e501": [131, 134], "next": [131, 134], "use_cas": [131, 134], "These": [131, 134], "fairness_assess": [131, 134], "well": [131, 132, 134], "taken": [131, 134], "ethical_consider": [131, 134], "clinician": [131, 134], "engin": [131, 134], "condit": 131, "improv": [131, 134], "bias": [131, 132, 134], "lead": [131, 134], "wors": [131, 134], "retrain": [131, 134], "below": [131, 134], "By": [131, 134], "folder": [131, 134], "09": [131, 132], "_model_card": [131, 134], "report_path": [131, 132, 134], "heart_failure_report_period": 131, "quantitative_analysi": [131, 134], "random": [131, 134], "rmtree": 131, "view": [131, 132, 134, 136], "torchxrayvis": [132, 133], "functool": 132, "lambdad": [132, 133], "resiz": [132, 133], "densenet": [132, 133], "loader": [132, 133], "load_nihcxr": [132, 133], "apply_transform": 132, "generate_nihcxr_report": 132, "58": 132, "548920": 132, "82": 132, "241663": 132, "400": 132, "1904": 132, "43408": 132, "42714": 132, "45356": 132, "44882": 132, "87": 132, "65": [132, 133], "45359": 132, "76": 132, "44953": 132, "amp": [132, 134], "46836": 132, "568026": 132, "241941": 132, "396": 132, "1926": 132, "71": 132, "43295": 132, "43239": 132, "44897": 132, "44478": 132, "07": [132, 134], "45408": 132, "44738": 132, "04": 132, "45637": 132, "63": [132, 134], "546417": 132, "93": 132, "238217": 132, "383": 132, "1894": 132, "42079": 132, "42750": 132, "44087": 132, "43930": 132, "44755": 132, "43878": 132, "44490": 132, "96": 132, "251562": 132, "121334": 132, "88": [132, 133, 134], "411": 132, "1060": 132, "23086": 132, "22099": 132, "23068": 132, "44642": 132, "45994": 132, "44954": 132, "46989": 132, "clinical_dataset": [132, 133], "nih_d": [132, 133], "spatial_s": [132, 133], "224": [132, 133], "allow_missing_kei": [132, 133], "func": [132, 133], "1024": [132, 133], "newaxi": [132, 133], "densenet121": [132, 133], "res224": [132, 133], "No": 132, "adjust": 132, "72971": 132, "661": [132, 134], "1711": 132, "int64": 132, "originalimag": 132, "width": [132, 134], "height": [132, 134], "originalimagepixelspac": 132, "unnam": 132, "atelectasi": 132, "float32": 132, "cardiomegali": 132, "consolid": 132, "edema": 132, "effus": 132, "emphysema": 132, "fibrosi": 132, "hernia": 132, "infiltr": 132, "mass": [132, 134], "nodul": 132, "pleural_thicken": 132, "pneumonia": 132, "pneumothorax": 132, "__index_level_0__": 132, "multilabelpositivepredictivevalu": 132, "registry_kei": 132, "positive_predictive_valu": 132, "def": [132, 134], "super": 132, "overrid": 132, "_final_st": 132, "multilabelnegativepredictivevalu": 132, "negative_predictive_valu": 132, "ppv": 132, "npv": 132, "nih_eval_results_gend": 132, "47085": 132, "46322": 132, "47010": 132, "nih_eval_results_ag": 132, "48206": 132, "46832": 132, "46565": 132, "46522": 132, "46613": 132, "46746": 132, "46758": 132, "43305": 132, "43727": 132, "46826": 132, "male": [132, 133], "1200": 132, "600": [132, 134], "showlegend": 132, "bar": [132, 134], "slice_": 132, "itr": 132, "enumer": 132, "among": 132, "multi": 132, "112": [132, 136], "120": [132, 136], "frontal": [132, 136], "805": [132, 136], "fourteen": 132, "mine": 132, "radiolog": 132, "pleural": 132, "thicken": 132, "80": [132, 134], "remain": 132, "arxiv": 132, "ab": 132, "2111": 132, "00595": 132, "inproceed": 132, "cohen2022xrv": 132, "cohen": 132, "joseph": 132, "paul": 132, "viviano": 132, "bertin": 132, "morrison": 132, "torabian": 132, "parsa": 132, "guarrera": 132, "matteo": 132, "lungren": 132, "matthew": 132, "chaudhari": 132, "akshai": 132, "brook": 132, "rupert": 132, "hashir": 132, "mohammad": 132, "bertrand": 132, "hadrien": 132, "booktitl": 132, "deep": 132, "mlmed": 132, "arxivid": 132, "cohen2020limit": 132, "cross": 132, "domain": 132, "autom": [132, 134], "2002": 132, "02497": 132, "medicin": 132, "lab": 132, "josephpcohen": 132, "radiologist": 132, "scientist": 132, "inabl": 132, "addition": 132, "poor": 132, "qualiti": 132, "artifact": 132, "geograph": 132, "region": 132, "ethic": 132, "ensur": 132, "divers": 132, "regularli": 132, "human": 132, "expertis": 132, "address": 132, "rare": 132, "nihcxr_report_period": 132, "detector": 133, "reductor": 133, "tstester": 133, "plot_drift_experi": 133, "plot_drift_timeseri": 133, "shifter": 133, "source_d": 133, "target_d": 133, "25596": 133, "57787": 133, "dr_method": 133, "bbse": 133, "soft": 133, "txrv": 133, "ae": 133, "sensitivity_test": 133, "tester": 133, "tester_method": 133, "source_sample_s": 133, "target_sample_s": 133, "num_run": 133, "detect_shift": 133, "chexpert": 133, "chex": 133, "padchest": 133, "pc": 133, "source_slic": 133, "target_slic": 133, "49081": 133, "48360": 133, "50206": 133, "48804": 133, "52": 133, "48513": 133, "48879": 133, "39754": 133, "48230": 133, "rolling_window_drift": 133, "timestamp_column": 133, "window_s": 133, "4w": 133, "longer": 134, "v3": 134, "instruct": 134, "etl": 134, "postgr": 134, "cycqueri": 134, "op": 134, "qo": 134, "graph_object": 134, "datasetqueri": 134, "num_dai": 134, "querier": 134, "dbm": 134, "postgresql": 134, "port": 134, "5432": 134, "host": 134, "localhost": 134, "synthea_demo": 134, "password": 134, "pwd": 134, "get_encount": 134, "nativ": 134, "sequenti": 134, "renam": 134, "patient_id": 134, "birthdat": 134, "race": 134, "ethnic": 134, "patient_encount": 134, "isout": 134, "encounter_id": 134, "extracttimestampcompon": 134, "start_year": 134, "birthdate_year": 134, "addcolumn": 134, "new_col_label": 134, "stop": 134, "lo": 134, "conditiongreaterthan": 134, "conditionlessthan": 134, "get_observ": 134, "cohort": 134, "conditionin": 134, "categori": 134, "vital": 134, "conditionequ": 134, "groupby_op": 134, "groupbyaggreg": 134, "n_ob": 134, "observations_count": 134, "observations_stat": 134, "pivot_t": 134, "aggfunc": 134, "max": 134, "add_prefix": 134, "obs_": 134, "get_med": 134, "n_med": 134, "get_procedur": 134, "procedur": [134, 136], "n_procedur": 134, "run_queri": 134, "cohort_queri": 134, "to_merg": 134, "extend": 134, "append": 134, "to_merge_df": 134, "540": 134, "orm": 134, "readi": 134, "105": 134, "successfulli": 134, "106": 134, "finish": 134, "execut": 134, "245725": 134, "933": 134, "935": 134, "827021": 134, "382990": 134, "662": 134, "483415": 134, "751": 134, "752": 134, "088955": 134, "list_column": 134, "payer": 134, "encounterclass": 134, "base_encounter_cost": 134, "total_claim_cost": 134, "payer_coverag": 134, "reasoncod": 134, "reasondescript": 134, "null_count": 134, "isnul": 134, "respect": 134, "larger": 134, "thresh_nan": 134, "dropna": 134, "thresh": 134, "length_of_stai": 134, "length_of_stay_count": 134, "length_of_stay_kei": 134, "5573997233748271": 134, "obs_alanin": 134, "aminotransferas": 134, "enzymat": 134, "volum": 134, "serum": 134, "plasma": 134, "obs_albumin": 134, "obs_alkalin": 134, "phosphatas": 134, "obs_aspart": 134, "obs_bilirubin": 134, "obs_bodi": 134, "obs_calcium": 134, "obs_carbon": 134, "dioxid": 134, "mole": 134, "obs_chlorid": 134, "obs_creatinin": 134, "obs_diastol": 134, "blood": 134, "pressur": 134, "obs_erythrocyt": 134, "obs_ferritin": 134, "obs_glomerular": 134, "filtrat": 134, "73": 134, "sq": 134, "obs_glucos": 134, "obs_hematocrit": 134, "obs_hemoglobin": 134, "obs_leukocyt": 134, "obs_mch": 134, "entit": 134, "obs_mchc": 134, "obs_mcv": 134, "obs_oxygen": 134, "satur": 134, "arteri": 134, "obs_platelet": 134, "obs_potassium": 134, "obs_protein": 134, "obs_sodium": 134, "obs_systol": 134, "obs_troponin": 134, "cardiac": 134, "obs_urea": 134, "nitrogen": 134, "1126": 134, "159937": 134, "sllearn": 134, "xgb_classifi": 134, "mortalitypredict": 134, "los_task": 134, "n_estim": 134, "250": 134, "500": 134, "max_depth": 134, "reg_lambda": 134, "colsample_bytre": 134, "gamma": 134, "404": 134, "405": 134, "406": 134, "xgbclassifi": 134, "base_scor": 134, "booster": 134, "callback": 134, "colsample_bylevel": 134, "colsample_bynod": 134, "early_stopping_round": 134, "enable_categor": 134, "eval_metr": 134, "logloss": 134, "feature_typ": 134, "gpu_id": 134, "grow_polici": 134, "importance_typ": 134, "interaction_constraint": 134, "max_bin": 134, "max_cat_threshold": 134, "max_cat_to_onehot": 134, "max_delta_step": 134, "max_leav": 134, "min_child_weight": 134, "miss": 134, "monotone_constraint": 134, "num_parallel_tre": 134, "predictor": 134, "xgbclassifierxgbclassifi": 134, "logist": 134, "use_label_encod": 134, "reg_alpha": 134, "sampling_method": 134, "scale_pos_weight": 134, "subsampl": 134, "tree_method": 134, "validate_paramet": 134, "226": 134, "4004": 134, "4461": 134, "3989": 134, "78": 134, "66966": 134, "8498": 134, "9332": 134, "97": 134, "9141": 134, "9049": 134, "9253": 134, "53": 134, "8869": 134, "8896": 134, "8939": 134, "9204": 134, "7766": 134, "8442622950819673": 134, "9142857142857143": 134, "8311688311688312": 134, "8707482993197279": 134, "9385281385281384": 134, "8148148148148148": 134, "8076923076923077": 134, "9464285714285714": 134, "8571428571428571": 134, "8888888888888888": 134, "8944099378881988": 134, "9512670565302144": 134, "8598130841121495": 134, "9016393442622951": 134, "859375": 134, "9393168604651163": 134, "8584070796460177": 134, "900709219858156": 134, "8758620689655172": 134, "8881118881118881": 134, "9444870157513835": 134, "xgboost": 134, "python_api": 134, "length_of_stay_report_period": 134, "goal": 136}, "objects": {"cyclops": [[125, 0, 0, "-", "data"], [126, 0, 0, "-", "evaluate"], [127, 0, 0, "-", "monitor"], [128, 0, 0, "-", "report"], [129, 0, 0, "-", "tasks"]], "cyclops.data": [[125, 0, 0, "-", "features"], [6, 0, 0, "-", "slicer"]], "cyclops.data.features": [[4, 0, 0, "-", "medical_image"]], "cyclops.data.features.medical_image": [[5, 1, 1, "", "MedicalImage"]], "cyclops.data.features.medical_image.MedicalImage": [[5, 2, 1, "", "__call__"], [5, 2, 1, "", "cast_storage"], [5, 2, 1, "", "decode_example"], [5, 2, 1, "", "embed_storage"], [5, 2, 1, "", "encode_example"], [5, 2, 1, "", "flatten"]], "cyclops.data.slicer": [[7, 1, 1, "", "SliceSpec"], [8, 4, 1, "", "compound_filter"], [9, 4, 1, "", "filter_datetime"], [10, 4, 1, "", "filter_non_null"], [11, 4, 1, "", "filter_range"], [12, 4, 1, "", "filter_string_contains"], [13, 4, 1, "", "filter_value"], [14, 4, 1, "", "is_datetime"], [15, 4, 1, "", "overall"]], "cyclops.data.slicer.SliceSpec": [[7, 3, 1, "", "_registry"], [7, 2, 1, "", "add_slice_spec"], [7, 3, 1, "", "column_names"], [7, 2, 1, "", "get_slices"], [7, 3, 1, "", "include_overall"], [7, 2, 1, "", "slices"], [7, 3, 1, "", "spec_list"], [7, 3, 1, "", "validate"]], "cyclops.evaluate": [[16, 0, 0, "-", "evaluator"], [126, 0, 0, "-", "fairness"], [126, 0, 0, "-", "metrics"]], "cyclops.evaluate.evaluator": [[17, 4, 1, "", "evaluate"]], "cyclops.evaluate.fairness": [[18, 0, 0, "-", "config"], [20, 0, 0, "-", "evaluator"]], "cyclops.evaluate.fairness.config": [[19, 1, 1, "", "FairnessConfig"]], "cyclops.evaluate.fairness.evaluator": [[21, 4, 1, "", "evaluate_fairness"], [22, 4, 1, "", "warn_too_many_unique_values"]], "cyclops.evaluate.metrics": [[23, 0, 0, "-", "accuracy"], [28, 0, 0, "-", "auroc"], [33, 0, 0, "-", "f_beta"], [42, 0, 0, "-", "factory"], [126, 0, 0, "-", "functional"], [73, 0, 0, "-", "metric"], [77, 0, 0, "-", "precision_recall"], [86, 0, 0, "-", "precision_recall_curve"], [91, 0, 0, "-", "roc"], [96, 0, 0, "-", "sensitivity"], [101, 0, 0, "-", "specificity"], [106, 0, 0, "-", "stat_scores"]], "cyclops.evaluate.metrics.accuracy": [[24, 1, 1, "", "Accuracy"], [25, 1, 1, "", "BinaryAccuracy"], [26, 1, 1, "", "MulticlassAccuracy"], [27, 1, 1, "", "MultilabelAccuracy"]], "cyclops.evaluate.metrics.accuracy.Accuracy": [[24, 2, 1, "", "__add__"], [24, 2, 1, "", "__call__"], [24, 2, 1, "", "__init__"], [24, 2, 1, "", "__mul__"], [24, 2, 1, "", "add_state"], [24, 2, 1, "", "clone"], [24, 2, 1, "", "compute"], [24, 2, 1, "", "reset_state"], [24, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.BinaryAccuracy": [[25, 2, 1, "", "__add__"], [25, 2, 1, "", "__call__"], [25, 2, 1, "", "__init__"], [25, 2, 1, "", "__mul__"], [25, 2, 1, "", "add_state"], [25, 2, 1, "", "clone"], [25, 2, 1, "", "compute"], [25, 2, 1, "", "reset_state"], [25, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy": [[26, 2, 1, "", "__add__"], [26, 2, 1, "", "__call__"], [26, 2, 1, "", "__init__"], [26, 2, 1, "", "__mul__"], [26, 2, 1, "", "add_state"], [26, 2, 1, "", "clone"], [26, 2, 1, "", "compute"], [26, 2, 1, "", "reset_state"], [26, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy": [[27, 2, 1, "", "__add__"], [27, 2, 1, "", "__call__"], [27, 2, 1, "", "__init__"], [27, 2, 1, "", "__mul__"], [27, 2, 1, "", "add_state"], [27, 2, 1, "", "clone"], [27, 2, 1, "", "compute"], [27, 2, 1, "", "reset_state"], [27, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc": [[29, 1, 1, "", "AUROC"], [30, 1, 1, "", "BinaryAUROC"], [31, 1, 1, "", "MulticlassAUROC"], [32, 1, 1, "", "MultilabelAUROC"]], "cyclops.evaluate.metrics.auroc.AUROC": [[29, 2, 1, "", "__add__"], [29, 2, 1, "", "__call__"], [29, 2, 1, "", "__init__"], [29, 2, 1, "", "__mul__"], [29, 2, 1, "", "add_state"], [29, 2, 1, "", "clone"], [29, 2, 1, "", "compute"], [29, 2, 1, "", "reset_state"], [29, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.BinaryAUROC": [[30, 2, 1, "", "__add__"], [30, 2, 1, "", "__call__"], [30, 2, 1, "", "__init__"], [30, 2, 1, "", "__mul__"], [30, 2, 1, "", "add_state"], [30, 2, 1, "", "clone"], [30, 2, 1, "", "compute"], [30, 2, 1, "", "reset_state"], [30, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.MulticlassAUROC": [[31, 2, 1, "", "__add__"], [31, 2, 1, "", "__call__"], [31, 2, 1, "", "__init__"], [31, 2, 1, "", "__mul__"], [31, 2, 1, "", "add_state"], [31, 2, 1, "", "clone"], [31, 2, 1, "", "compute"], [31, 2, 1, "", "reset_state"], [31, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.MultilabelAUROC": [[32, 2, 1, "", "__add__"], [32, 2, 1, "", "__call__"], [32, 2, 1, "", "__init__"], [32, 2, 1, "", "__mul__"], [32, 2, 1, "", "add_state"], [32, 2, 1, "", "clone"], [32, 2, 1, "", "compute"], [32, 2, 1, "", "reset_state"], [32, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta": [[34, 1, 1, "", "BinaryF1Score"], [35, 1, 1, "", "BinaryFbetaScore"], [36, 1, 1, "", "F1Score"], [37, 1, 1, "", "FbetaScore"], [38, 1, 1, "", "MulticlassF1Score"], [39, 1, 1, "", "MulticlassFbetaScore"], [40, 1, 1, "", "MultilabelF1Score"], [41, 1, 1, "", "MultilabelFbetaScore"]], "cyclops.evaluate.metrics.f_beta.BinaryF1Score": [[34, 2, 1, "", "__add__"], [34, 2, 1, "", "__call__"], [34, 2, 1, "", "__init__"], [34, 2, 1, "", "__mul__"], [34, 2, 1, "", "add_state"], [34, 2, 1, "", "clone"], [34, 2, 1, "", "compute"], [34, 2, 1, "", "reset_state"], [34, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore": [[35, 2, 1, "", "__add__"], [35, 2, 1, "", "__call__"], [35, 2, 1, "", "__init__"], [35, 2, 1, "", "__mul__"], [35, 2, 1, "", "add_state"], [35, 2, 1, "", "clone"], [35, 2, 1, "", "compute"], [35, 2, 1, "", "reset_state"], [35, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.F1Score": [[36, 2, 1, "", "__add__"], [36, 2, 1, "", "__call__"], [36, 2, 1, "", "__init__"], [36, 2, 1, "", "__mul__"], [36, 2, 1, "", "add_state"], [36, 2, 1, "", "clone"], [36, 2, 1, "", "compute"], [36, 2, 1, "", "reset_state"], [36, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.FbetaScore": [[37, 2, 1, "", "__add__"], [37, 2, 1, "", "__call__"], [37, 2, 1, "", "__init__"], [37, 2, 1, "", "__mul__"], [37, 2, 1, "", "add_state"], [37, 2, 1, "", "clone"], [37, 2, 1, "", "compute"], [37, 2, 1, "", "reset_state"], [37, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MulticlassF1Score": [[38, 2, 1, "", "__add__"], [38, 2, 1, "", "__call__"], [38, 2, 1, "", "__init__"], [38, 2, 1, "", "__mul__"], [38, 2, 1, "", "add_state"], [38, 2, 1, "", "clone"], [38, 2, 1, "", "compute"], [38, 2, 1, "", "reset_state"], [38, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore": [[39, 2, 1, "", "__add__"], [39, 2, 1, "", "__call__"], [39, 2, 1, "", "__init__"], [39, 2, 1, "", "__mul__"], [39, 2, 1, "", "add_state"], [39, 2, 1, "", "clone"], [39, 2, 1, "", "compute"], [39, 2, 1, "", "reset_state"], [39, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MultilabelF1Score": [[40, 2, 1, "", "__add__"], [40, 2, 1, "", "__call__"], [40, 2, 1, "", "__init__"], [40, 2, 1, "", "__mul__"], [40, 2, 1, "", "add_state"], [40, 2, 1, "", "clone"], [40, 2, 1, "", "compute"], [40, 2, 1, "", "reset_state"], [40, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore": [[41, 2, 1, "", "__add__"], [41, 2, 1, "", "__call__"], [41, 2, 1, "", "__init__"], [41, 2, 1, "", "__mul__"], [41, 2, 1, "", "add_state"], [41, 2, 1, "", "clone"], [41, 2, 1, "", "compute"], [41, 2, 1, "", "reset_state"], [41, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.factory": [[43, 4, 1, "", "create_metric"]], "cyclops.evaluate.metrics.functional": [[44, 0, 0, "-", "accuracy"], [45, 0, 0, "-", "auroc"], [46, 0, 0, "-", "f_beta"], [55, 0, 0, "-", "precision_recall"], [64, 0, 0, "-", "precision_recall_curve"], [65, 0, 0, "-", "roc"], [70, 0, 0, "-", "sensitivity"], [71, 0, 0, "-", "specificity"], [72, 0, 0, "-", "stat_scores"]], "cyclops.evaluate.metrics.functional.f_beta": [[47, 4, 1, "", "binary_f1_score"], [48, 4, 1, "", "binary_fbeta_score"], [49, 4, 1, "", "f1_score"], [50, 4, 1, "", "fbeta_score"], [51, 4, 1, "", "multiclass_f1_score"], [52, 4, 1, "", "multiclass_fbeta_score"], [53, 4, 1, "", "multilabel_f1_score"], [54, 4, 1, "", "multilabel_fbeta_score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[56, 4, 1, "", "binary_precision"], [57, 4, 1, "", "binary_recall"], [58, 4, 1, "", "multiclass_precision"], [59, 4, 1, "", "multiclass_recall"], [60, 4, 1, "", "multilabel_precision"], [61, 4, 1, "", "multilabel_recall"], [62, 4, 1, "", "precision"], [63, 4, 1, "", "recall"]], "cyclops.evaluate.metrics.functional.roc": [[66, 4, 1, "", "binary_roc_curve"], [67, 4, 1, "", "multiclass_roc_curve"], [68, 4, 1, "", "multilabel_roc_curve"], [69, 4, 1, "", "roc_curve"]], "cyclops.evaluate.metrics.metric": [[74, 1, 1, "", "Metric"], [75, 1, 1, "", "MetricCollection"], [76, 1, 1, "", "OperatorMetric"]], "cyclops.evaluate.metrics.metric.Metric": [[74, 2, 1, "", "__add__"], [74, 2, 1, "", "__call__"], [74, 2, 1, "", "__init__"], [74, 2, 1, "", "__mul__"], [74, 2, 1, "", "add_state"], [74, 2, 1, "", "clone"], [74, 2, 1, "", "compute"], [74, 5, 1, "", "name"], [74, 2, 1, "", "reset_state"], [74, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.metric.MetricCollection": [[75, 2, 1, "", "__call__"], [75, 2, 1, "", "__init__"], [75, 2, 1, "", "add_metrics"], [75, 2, 1, "", "clear"], [75, 2, 1, "", "clone"], [75, 2, 1, "", "compute"], [75, 2, 1, "", "get"], [75, 2, 1, "", "items"], [75, 2, 1, "", "keys"], [75, 2, 1, "", "pop"], [75, 2, 1, "", "popitem"], [75, 2, 1, "", "reset_state"], [75, 2, 1, "", "setdefault"], [75, 2, 1, "", "update"], [75, 2, 1, "", "update_state"], [75, 2, 1, "", "values"]], "cyclops.evaluate.metrics.metric.OperatorMetric": [[76, 2, 1, "", "__add__"], [76, 2, 1, "", "__call__"], [76, 2, 1, "", "__init__"], [76, 2, 1, "", "__mul__"], [76, 2, 1, "", "add_state"], [76, 2, 1, "", "clone"], [76, 2, 1, "", "compute"], [76, 2, 1, "", "reset_state"], [76, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall": [[78, 1, 1, "", "BinaryPrecision"], [79, 1, 1, "", "BinaryRecall"], [80, 1, 1, "", "MulticlassPrecision"], [81, 1, 1, "", "MulticlassRecall"], [82, 1, 1, "", "MultilabelPrecision"], [83, 1, 1, "", "MultilabelRecall"], [84, 1, 1, "", "Precision"], [85, 1, 1, "", "Recall"]], "cyclops.evaluate.metrics.precision_recall.BinaryPrecision": [[78, 2, 1, "", "__add__"], [78, 2, 1, "", "__call__"], [78, 2, 1, "", "__init__"], [78, 2, 1, "", "__mul__"], [78, 2, 1, "", "add_state"], [78, 2, 1, "", "clone"], [78, 2, 1, "", "compute"], [78, 2, 1, "", "reset_state"], [78, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.BinaryRecall": [[79, 2, 1, "", "__add__"], [79, 2, 1, "", "__call__"], [79, 2, 1, "", "__init__"], [79, 2, 1, "", "__mul__"], [79, 2, 1, "", "add_state"], [79, 2, 1, "", "clone"], [79, 2, 1, "", "compute"], [79, 2, 1, "", "reset_state"], [79, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision": [[80, 2, 1, "", "__add__"], [80, 2, 1, "", "__call__"], [80, 2, 1, "", "__init__"], [80, 2, 1, "", "__mul__"], [80, 2, 1, "", "add_state"], [80, 2, 1, "", "clone"], [80, 2, 1, "", "compute"], [80, 2, 1, "", "reset_state"], [80, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MulticlassRecall": [[81, 2, 1, "", "__add__"], [81, 2, 1, "", "__call__"], [81, 2, 1, "", "__init__"], [81, 2, 1, "", "__mul__"], [81, 2, 1, "", "add_state"], [81, 2, 1, "", "clone"], [81, 2, 1, "", "compute"], [81, 2, 1, "", "reset_state"], [81, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision": [[82, 2, 1, "", "__add__"], [82, 2, 1, "", "__call__"], [82, 2, 1, "", "__init__"], [82, 2, 1, "", "__mul__"], [82, 2, 1, "", "add_state"], [82, 2, 1, "", "clone"], [82, 2, 1, "", "compute"], [82, 2, 1, "", "reset_state"], [82, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MultilabelRecall": [[83, 2, 1, "", "__add__"], [83, 2, 1, "", "__call__"], [83, 2, 1, "", "__init__"], [83, 2, 1, "", "__mul__"], [83, 2, 1, "", "add_state"], [83, 2, 1, "", "clone"], [83, 2, 1, "", "compute"], [83, 2, 1, "", "reset_state"], [83, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.Precision": [[84, 2, 1, "", "__add__"], [84, 2, 1, "", "__call__"], [84, 2, 1, "", "__init__"], [84, 2, 1, "", "__mul__"], [84, 2, 1, "", "add_state"], [84, 2, 1, "", "clone"], [84, 2, 1, "", "compute"], [84, 2, 1, "", "reset_state"], [84, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.Recall": [[85, 2, 1, "", "__add__"], [85, 2, 1, "", "__call__"], [85, 2, 1, "", "__init__"], [85, 2, 1, "", "__mul__"], [85, 2, 1, "", "add_state"], [85, 2, 1, "", "clone"], [85, 2, 1, "", "compute"], [85, 2, 1, "", "reset_state"], [85, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve": [[87, 1, 1, "", "BinaryPrecisionRecallCurve"], [88, 1, 1, "", "MulticlassPrecisionRecallCurve"], [89, 1, 1, "", "MultilabelPrecisionRecallCurve"], [90, 1, 1, "", "PrecisionRecallCurve"]], "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve": [[87, 2, 1, "", "__add__"], [87, 2, 1, "", "__call__"], [87, 2, 1, "", "__init__"], [87, 2, 1, "", "__mul__"], [87, 2, 1, "", "add_state"], [87, 2, 1, "", "clone"], [87, 2, 1, "", "compute"], [87, 2, 1, "", "reset_state"], [87, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve": [[88, 2, 1, "", "__add__"], [88, 2, 1, "", "__call__"], [88, 2, 1, "", "__init__"], [88, 2, 1, "", "__mul__"], [88, 2, 1, "", "add_state"], [88, 2, 1, "", "clone"], [88, 2, 1, "", "compute"], [88, 2, 1, "", "reset_state"], [88, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve": [[89, 2, 1, "", "__add__"], [89, 2, 1, "", "__call__"], [89, 2, 1, "", "__init__"], [89, 2, 1, "", "__mul__"], [89, 2, 1, "", "add_state"], [89, 2, 1, "", "clone"], [89, 2, 1, "", "compute"], [89, 2, 1, "", "reset_state"], [89, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve": [[90, 2, 1, "", "__add__"], [90, 2, 1, "", "__call__"], [90, 2, 1, "", "__init__"], [90, 2, 1, "", "__mul__"], [90, 2, 1, "", "add_state"], [90, 2, 1, "", "clone"], [90, 2, 1, "", "compute"], [90, 2, 1, "", "reset_state"], [90, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc": [[92, 1, 1, "", "BinaryROCCurve"], [93, 1, 1, "", "MulticlassROCCurve"], [94, 1, 1, "", "MultilabelROCCurve"], [95, 1, 1, "", "ROCCurve"]], "cyclops.evaluate.metrics.roc.BinaryROCCurve": [[92, 2, 1, "", "__add__"], [92, 2, 1, "", "__call__"], [92, 2, 1, "", "__init__"], [92, 2, 1, "", "__mul__"], [92, 2, 1, "", "add_state"], [92, 2, 1, "", "clone"], [92, 2, 1, "", "compute"], [92, 2, 1, "", "reset_state"], [92, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.MulticlassROCCurve": [[93, 2, 1, "", "__add__"], [93, 2, 1, "", "__call__"], [93, 2, 1, "", "__init__"], [93, 2, 1, "", "__mul__"], [93, 2, 1, "", "add_state"], [93, 2, 1, "", "clone"], [93, 2, 1, "", "compute"], [93, 2, 1, "", "reset_state"], [93, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.MultilabelROCCurve": [[94, 2, 1, "", "__add__"], [94, 2, 1, "", "__call__"], [94, 2, 1, "", "__init__"], [94, 2, 1, "", "__mul__"], [94, 2, 1, "", "add_state"], [94, 2, 1, "", "clone"], [94, 2, 1, "", "compute"], [94, 2, 1, "", "reset_state"], [94, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.ROCCurve": [[95, 2, 1, "", "__add__"], [95, 2, 1, "", "__call__"], [95, 2, 1, "", "__init__"], [95, 2, 1, "", "__mul__"], [95, 2, 1, "", "add_state"], [95, 2, 1, "", "clone"], [95, 2, 1, "", "compute"], [95, 2, 1, "", "reset_state"], [95, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity": [[97, 1, 1, "", "BinarySensitivity"], [98, 1, 1, "", "MulticlassSensitivity"], [99, 1, 1, "", "MultilabelSensitivity"], [100, 1, 1, "", "Sensitivity"]], "cyclops.evaluate.metrics.sensitivity.BinarySensitivity": [[97, 2, 1, "", "__add__"], [97, 2, 1, "", "__call__"], [97, 2, 1, "", "__init__"], [97, 2, 1, "", "__mul__"], [97, 2, 1, "", "add_state"], [97, 2, 1, "", "clone"], [97, 2, 1, "", "compute"], [97, 2, 1, "", "reset_state"], [97, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity": [[98, 2, 1, "", "__add__"], [98, 2, 1, "", "__call__"], [98, 2, 1, "", "__init__"], [98, 2, 1, "", "__mul__"], [98, 2, 1, "", "add_state"], [98, 2, 1, "", "clone"], [98, 2, 1, "", "compute"], [98, 2, 1, "", "reset_state"], [98, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity": [[99, 2, 1, "", "__add__"], [99, 2, 1, "", "__call__"], [99, 2, 1, "", "__init__"], [99, 2, 1, "", "__mul__"], [99, 2, 1, "", "add_state"], [99, 2, 1, "", "clone"], [99, 2, 1, "", "compute"], [99, 2, 1, "", "reset_state"], [99, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.Sensitivity": [[100, 2, 1, "", "__add__"], [100, 2, 1, "", "__call__"], [100, 2, 1, "", "__init__"], [100, 2, 1, "", "__mul__"], [100, 2, 1, "", "add_state"], [100, 2, 1, "", "clone"], [100, 2, 1, "", "compute"], [100, 2, 1, "", "reset_state"], [100, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity": [[102, 1, 1, "", "BinarySpecificity"], [103, 1, 1, "", "MulticlassSpecificity"], [104, 1, 1, "", "MultilabelSpecificity"], [105, 1, 1, "", "Specificity"]], "cyclops.evaluate.metrics.specificity.BinarySpecificity": [[102, 2, 1, "", "__add__"], [102, 2, 1, "", "__call__"], [102, 2, 1, "", "__init__"], [102, 2, 1, "", "__mul__"], [102, 2, 1, "", "add_state"], [102, 2, 1, "", "clone"], [102, 2, 1, "", "compute"], [102, 2, 1, "", "reset_state"], [102, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.MulticlassSpecificity": [[103, 2, 1, "", "__add__"], [103, 2, 1, "", "__call__"], [103, 2, 1, "", "__init__"], [103, 2, 1, "", "__mul__"], [103, 2, 1, "", "add_state"], [103, 2, 1, "", "clone"], [103, 2, 1, "", "compute"], [103, 2, 1, "", "reset_state"], [103, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.MultilabelSpecificity": [[104, 2, 1, "", "__add__"], [104, 2, 1, "", "__call__"], [104, 2, 1, "", "__init__"], [104, 2, 1, "", "__mul__"], [104, 2, 1, "", "add_state"], [104, 2, 1, "", "clone"], [104, 2, 1, "", "compute"], [104, 2, 1, "", "reset_state"], [104, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.Specificity": [[105, 2, 1, "", "__add__"], [105, 2, 1, "", "__call__"], [105, 2, 1, "", "__init__"], [105, 2, 1, "", "__mul__"], [105, 2, 1, "", "add_state"], [105, 2, 1, "", "clone"], [105, 2, 1, "", "compute"], [105, 2, 1, "", "reset_state"], [105, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores": [[107, 1, 1, "", "BinaryStatScores"], [108, 1, 1, "", "MulticlassStatScores"], [109, 1, 1, "", "MultilabelStatScores"], [110, 1, 1, "", "StatScores"]], "cyclops.evaluate.metrics.stat_scores.BinaryStatScores": [[107, 2, 1, "", "__add__"], [107, 2, 1, "", "__call__"], [107, 2, 1, "", "__init__"], [107, 2, 1, "", "__mul__"], [107, 2, 1, "", "add_state"], [107, 2, 1, "", "clone"], [107, 2, 1, "", "compute"], [107, 2, 1, "", "reset_state"], [107, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores": [[108, 2, 1, "", "__add__"], [108, 2, 1, "", "__call__"], [108, 2, 1, "", "__init__"], [108, 2, 1, "", "__mul__"], [108, 2, 1, "", "add_state"], [108, 2, 1, "", "clone"], [108, 2, 1, "", "compute"], [108, 2, 1, "", "reset_state"], [108, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores": [[109, 2, 1, "", "__add__"], [109, 2, 1, "", "__call__"], [109, 2, 1, "", "__init__"], [109, 2, 1, "", "__mul__"], [109, 2, 1, "", "add_state"], [109, 2, 1, "", "clone"], [109, 2, 1, "", "compute"], [109, 2, 1, "", "reset_state"], [109, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.StatScores": [[110, 2, 1, "", "__add__"], [110, 2, 1, "", "__call__"], [110, 2, 1, "", "__init__"], [110, 2, 1, "", "__mul__"], [110, 2, 1, "", "add_state"], [110, 2, 1, "", "clone"], [110, 2, 1, "", "compute"], [110, 5, 1, "", "name"], [110, 2, 1, "", "reset_state"], [110, 2, 1, "", "update_state"]], "cyclops.monitor": [[111, 0, 0, "-", "clinical_applicator"], [113, 0, 0, "-", "synthetic_applicator"]], "cyclops.monitor.clinical_applicator": [[112, 1, 1, "", "ClinicalShiftApplicator"]], "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator": [[112, 2, 1, "", "age"], [112, 2, 1, "", "apply_shift"], [112, 2, 1, "", "custom"], [112, 2, 1, "", "hospital_type"], [112, 2, 1, "", "month"], [112, 2, 1, "", "sex"], [112, 2, 1, "", "time"]], "cyclops.monitor.synthetic_applicator": [[114, 1, 1, "", "SyntheticShiftApplicator"], [115, 4, 1, "", "binary_noise_shift"], [116, 4, 1, "", "feature_association_shift"], [117, 4, 1, "", "feature_swap_shift"], [118, 4, 1, "", "gaussian_noise_shift"], [119, 4, 1, "", "knockout_shift"]], "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator": [[114, 2, 1, "", "apply_shift"]], "cyclops.report": [[120, 0, 0, "-", "report"]], "cyclops.report.report": [[121, 1, 1, "", "ModelCardReport"]], "cyclops.report.report.ModelCardReport": [[121, 2, 1, "", "export"], [121, 2, 1, "", "from_json_file"], [121, 2, 1, "", "log_citation"], [121, 2, 1, "", "log_dataset"], [121, 2, 1, "", "log_descriptor"], [121, 2, 1, "", "log_fairness_assessment"], [121, 2, 1, "", "log_from_dict"], [121, 2, 1, "", "log_image"], [121, 2, 1, "", "log_license"], [121, 2, 1, "", "log_model_parameters"], [121, 2, 1, "", "log_owner"], [121, 2, 1, "", "log_performance_metrics"], [121, 2, 1, "", "log_plotly_figure"], [121, 2, 1, "", "log_quantitative_analysis"], [121, 2, 1, "", "log_reference"], [121, 2, 1, "", "log_regulation"], [121, 2, 1, "", "log_risk"], [121, 2, 1, "", "log_use_case"], [121, 2, 1, "", "log_user"], [121, 2, 1, "", "log_version"]], "cyclops.tasks": [[122, 0, 0, "-", "classification"]], "cyclops.tasks.classification": [[123, 1, 1, "", "BinaryTabularClassificationTask"], [124, 1, 1, "", "MultilabelImageClassificationTask"]], "cyclops.tasks.classification.BinaryTabularClassificationTask": [[123, 2, 1, "", "__init__"], [123, 2, 1, "", "add_model"], [123, 5, 1, "", "data_type"], [123, 2, 1, "", "evaluate"], [123, 2, 1, "", "get_model"], [123, 2, 1, "", "list_models"], [123, 2, 1, "", "list_models_params"], [123, 2, 1, "", "load_model"], [123, 5, 1, "", "models_count"], [123, 2, 1, "", "predict"], [123, 2, 1, "", "save_model"], [123, 5, 1, "", "task_type"], [123, 2, 1, "", "train"]], "cyclops.tasks.classification.MultilabelImageClassificationTask": [[124, 2, 1, "", "__init__"], [124, 2, 1, "", "add_model"], [124, 5, 1, "", "data_type"], [124, 2, 1, "", "evaluate"], [124, 2, 1, "", "get_model"], [124, 2, 1, "", "list_models"], [124, 2, 1, "", "list_models_params"], [124, 2, 1, "", "load_model"], [124, 5, 1, "", "models_count"], [124, 2, 1, "", "predict"], [124, 2, 1, "", "save_model"], [124, 5, 1, "", "task_type"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:attribute", "4": "py:function", "5": "py:property"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "function", "Python function"], "5": ["py", "property", "Python property"]}, "titleterms": {"api": [0, 135], "refer": 0, "contribut": [1, 3], "cyclop": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129], "pre": 1, "commit": 1, "hook": 1, "code": 1, "guidelin": 1, "welcom": 2, "": 2, "document": [2, 3], "content": 2, "get": 3, "start": 3, "instal": 3, "us": [3, 133, 136], "pip": 3, "develop": 3, "poetri": 3, "notebook": 3, "citat": 3, "data": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 125, 131, 134, 136], "featur": [4, 5, 125, 131, 134], "medical_imag": [4, 5], "medicalimag": 5, "slicer": [6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "slicespec": 7, "compound_filt": 8, "filter_datetim": 9, "filter_non_nul": 10, "filter_rang": 11, "filter_string_contain": 12, "filter_valu": 13, "is_datetim": 14, "overal": 15, "evalu": [16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 126, 131, 134], "fair": [18, 19, 20, 21, 22, 126], "config": [18, 19], "fairnessconfig": 19, "evaluate_fair": 21, "warn_too_many_unique_valu": 22, "metric": [23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 126, 132], "accuraci": [23, 24, 25, 26, 27, 44], "binaryaccuraci": 25, "multiclassaccuraci": 26, "multilabelaccuraci": 27, "auroc": [28, 29, 30, 31, 32, 45, 132], "binaryauroc": 30, "multiclassauroc": 31, "multilabelauroc": 32, "f_beta": [33, 34, 35, 36, 37, 38, 39, 40, 41, 46, 47, 48, 49, 50, 51, 52, 53, 54], "binaryf1scor": 34, "binaryfbetascor": 35, "f1score": 36, "fbetascor": 37, "multiclassf1scor": 38, "multiclassfbetascor": 39, "multilabelf1scor": 40, "multilabelfbetascor": 41, "factori": [42, 43], "create_metr": 43, "function": [44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 126], "binary_f1_scor": 47, "binary_fbeta_scor": 48, "f1_score": 49, "fbeta_scor": 50, "multiclass_f1_scor": 51, "multiclass_fbeta_scor": 52, "multilabel_f1_scor": 53, "multilabel_fbeta_scor": 54, "precision_recal": [55, 56, 57, 58, 59, 60, 61, 62, 63, 77, 78, 79, 80, 81, 82, 83, 84, 85], "binary_precis": 56, "binary_recal": 57, "multiclass_precis": 58, "multiclass_recal": 59, "multilabel_precis": 60, "multilabel_recal": 61, "precis": [62, 84], "recal": [63, 85], "precision_recall_curv": [64, 86, 87, 88, 89, 90], "roc": [65, 66, 67, 68, 69, 91, 92, 93, 94, 95], "binary_roc_curv": 66, "multiclass_roc_curv": 67, "multilabel_roc_curv": 68, "roc_curv": 69, "sensit": [70, 96, 97, 98, 99, 100, 133], "specif": [71, 101, 102, 103, 104, 105], "stat_scor": [72, 106, 107, 108, 109, 110], "metriccollect": 75, "operatormetr": 76, "binaryprecis": 78, "binaryrecal": 79, "multiclassprecis": 80, "multiclassrecal": 81, "multilabelprecis": 82, "multilabelrecal": 83, "binaryprecisionrecallcurv": 87, "multiclassprecisionrecallcurv": 88, "multilabelprecisionrecallcurv": 89, "precisionrecallcurv": 90, "binaryroccurv": 92, "multiclassroccurv": 93, "multilabelroccurv": 94, "roccurv": 95, "binarysensit": 97, "multiclasssensit": 98, "multilabelsensit": 99, "binaryspecif": 102, "multiclassspecif": 103, "multilabelspecif": 104, "binarystatscor": 107, "multiclassstatscor": 108, "multilabelstatscor": 109, "statscor": 110, "monitor": [111, 112, 113, 114, 115, 116, 117, 118, 119, 127, 135], "clinical_appl": [111, 112], "clinicalshiftappl": 112, "synthetic_appl": [113, 114, 115, 116, 117, 118, 119], "syntheticshiftappl": 114, "binary_noise_shift": 115, "feature_association_shift": 116, "feature_swap_shift": 117, "gaussian_noise_shift": 118, "knockout_shift": 119, "report": [120, 121, 128, 131, 132, 134], "modelcardreport": 121, "task": [122, 123, 124, 129, 131, 134], "classif": [122, 123, 124, 132, 136], "binarytabularclassificationtask": 123, "multilabelimageclassificationtask": 124, "tutori": [130, 133], "heart": [131, 136], "failur": [131, 136], "predict": [131, 134, 136], "import": [131, 132, 133, 134], "librari": [131, 132, 133, 134], "constant": [131, 134], "load": [131, 132, 133], "sex": [131, 132], "valu": 131, "ag": [131, 132, 134], "distribut": [131, 134], "outcom": [131, 134], "identifi": [131, 134], "type": [131, 134], "creat": [131, 134], "preprocessor": [131, 134], "hug": [131, 134], "face": [131, 134], "dataset": [131, 132, 133, 134], "model": [131, 132, 133, 134], "creation": [131, 132, 134], "train": [131, 133, 134], "perform": [131, 132], "over": 131, "time": 131, "gener": [131, 132, 133, 134], "chest": [132, 136], "x": [132, 136], "rai": [132, 136], "diseas": 132, "histor": 132, "initi": 132, "period": 132, "multilabel": 132, "pathologi": 132, "log": 132, "test": [132, 133], "w": 132, "threshold": 132, "popul": 132, "card": 132, "field": 132, "nihcxr": 133, "clinic": 133, "drift": 133, "experi": 133, "exampl": [133, 136], "1": 133, "sourc": 133, "target": 133, "2": 133, "3": 133, "dimension": 133, "reduct": 133, "techniqu": 133, "differ": 133, "4": 133, "shift": 133, "5": 133, "roll": 133, "window": 133, "synthet": 133, "timestamp": 133, "biweekli": 133, "prolong": [134, 136], "length": [134, 136], "stai": [134, 136], "queri": 134, "comput": 134, "label": 134, "inspect": 134, "preprocess": 134, "drop": 134, "nan": 134, "base": 134, "nan_threshold": 134, "gender": 134, "case": 136, "tabular": 136, "kaggl": 136, "synthea": 136, "imag": 136, "nih": 136}, "envversion": {"sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "nbsphinx": 4, "sphinx": 60}, "alltitles": {"API Reference": [[0, "api-reference"]], "Contributing to cyclops": [[1, "contributing-to-cyclops"]], "Pre-commit hooks": [[1, "pre-commit-hooks"]], "Coding guidelines": [[1, "coding-guidelines"]], "Welcome to cyclops\u2019s documentation!": [[2, "welcome-to-cyclops-s-documentation"]], "Contents:": [[2, null]], "\ud83d\udc23 Getting Started": [[3, "getting-started"]], "Installing cyclops using pip": [[3, "installing-cyclops-using-pip"]], "\ud83e\uddd1\ud83c\udfff\u200d\ud83d\udcbb Developing": [[3, "developing"]], "Using poetry": [[3, "using-poetry"]], "Contributing": [[3, "contributing"]], "\ud83d\udcda Documentation": [[3, "documentation"]], "\ud83d\udcd3 Notebooks": [[3, "notebooks"]], "\ud83c\udf93 Citation": [[3, "citation"]], "cyclops.data.features.medical_image": [[4, "module-cyclops.data.features.medical_image"]], "cyclops.data.features.medical_image.MedicalImage": [[5, "cyclops-data-features-medical-image-medicalimage"]], "cyclops.data.slicer": [[6, "module-cyclops.data.slicer"]], "cyclops.data.slicer.SliceSpec": [[7, "cyclops-data-slicer-slicespec"]], "cyclops.data.slicer.compound_filter": [[8, "cyclops-data-slicer-compound-filter"]], "cyclops.data.slicer.filter_datetime": [[9, "cyclops-data-slicer-filter-datetime"]], "cyclops.data.slicer.filter_non_null": [[10, "cyclops-data-slicer-filter-non-null"]], "cyclops.data.slicer.filter_range": [[11, "cyclops-data-slicer-filter-range"]], "cyclops.data.slicer.filter_string_contains": [[12, "cyclops-data-slicer-filter-string-contains"]], "cyclops.data.slicer.filter_value": [[13, "cyclops-data-slicer-filter-value"]], "cyclops.data.slicer.is_datetime": [[14, "cyclops-data-slicer-is-datetime"]], "cyclops.data.slicer.overall": [[15, "cyclops-data-slicer-overall"]], "cyclops.evaluate.evaluator": [[16, "module-cyclops.evaluate.evaluator"]], "cyclops.evaluate.evaluator.evaluate": [[17, "cyclops-evaluate-evaluator-evaluate"]], "cyclops.evaluate.fairness.config": [[18, "module-cyclops.evaluate.fairness.config"]], "cyclops.evaluate.fairness.config.FairnessConfig": [[19, "cyclops-evaluate-fairness-config-fairnessconfig"]], "cyclops.evaluate.fairness.evaluator": [[20, "module-cyclops.evaluate.fairness.evaluator"]], "cyclops.evaluate.fairness.evaluator.evaluate_fairness": [[21, "cyclops-evaluate-fairness-evaluator-evaluate-fairness"]], "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values": [[22, "cyclops-evaluate-fairness-evaluator-warn-too-many-unique-values"]], "cyclops.evaluate.metrics.accuracy": [[23, "module-cyclops.evaluate.metrics.accuracy"]], "cyclops.evaluate.metrics.accuracy.Accuracy": [[24, "cyclops-evaluate-metrics-accuracy-accuracy"]], "cyclops.evaluate.metrics.accuracy.BinaryAccuracy": [[25, "cyclops-evaluate-metrics-accuracy-binaryaccuracy"]], "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy": [[26, "cyclops-evaluate-metrics-accuracy-multiclassaccuracy"]], "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy": [[27, "cyclops-evaluate-metrics-accuracy-multilabelaccuracy"]], "cyclops.evaluate.metrics.auroc": [[28, "module-cyclops.evaluate.metrics.auroc"]], "cyclops.evaluate.metrics.auroc.AUROC": [[29, "cyclops-evaluate-metrics-auroc-auroc"]], "cyclops.evaluate.metrics.auroc.BinaryAUROC": [[30, "cyclops-evaluate-metrics-auroc-binaryauroc"]], "cyclops.evaluate.metrics.auroc.MulticlassAUROC": [[31, "cyclops-evaluate-metrics-auroc-multiclassauroc"]], "cyclops.evaluate.metrics.auroc.MultilabelAUROC": [[32, "cyclops-evaluate-metrics-auroc-multilabelauroc"]], "cyclops.evaluate.metrics.f_beta": [[33, "module-cyclops.evaluate.metrics.f_beta"]], "cyclops.evaluate.metrics.f_beta.BinaryF1Score": [[34, "cyclops-evaluate-metrics-f-beta-binaryf1score"]], "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore": [[35, "cyclops-evaluate-metrics-f-beta-binaryfbetascore"]], "cyclops.evaluate.metrics.f_beta.F1Score": [[36, "cyclops-evaluate-metrics-f-beta-f1score"]], "cyclops.evaluate.metrics.f_beta.FbetaScore": [[37, "cyclops-evaluate-metrics-f-beta-fbetascore"]], "cyclops.evaluate.metrics.f_beta.MulticlassF1Score": [[38, "cyclops-evaluate-metrics-f-beta-multiclassf1score"]], "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore": [[39, "cyclops-evaluate-metrics-f-beta-multiclassfbetascore"]], "cyclops.evaluate.metrics.f_beta.MultilabelF1Score": [[40, "cyclops-evaluate-metrics-f-beta-multilabelf1score"]], "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore": [[41, "cyclops-evaluate-metrics-f-beta-multilabelfbetascore"]], "cyclops.evaluate.metrics.factory": [[42, "module-cyclops.evaluate.metrics.factory"]], "cyclops.evaluate.metrics.factory.create_metric": [[43, "cyclops-evaluate-metrics-factory-create-metric"]], "cyclops.evaluate.metrics.functional.accuracy": [[44, "module-cyclops.evaluate.metrics.functional.accuracy"]], "cyclops.evaluate.metrics.functional.auroc": [[45, "module-cyclops.evaluate.metrics.functional.auroc"]], "cyclops.evaluate.metrics.functional.f_beta": [[46, "module-cyclops.evaluate.metrics.functional.f_beta"]], "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score": [[47, "cyclops-evaluate-metrics-functional-f-beta-binary-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score": [[48, "cyclops-evaluate-metrics-functional-f-beta-binary-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.f1_score": [[49, "cyclops-evaluate-metrics-functional-f-beta-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.fbeta_score": [[50, "cyclops-evaluate-metrics-functional-f-beta-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score": [[51, "cyclops-evaluate-metrics-functional-f-beta-multiclass-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score": [[52, "cyclops-evaluate-metrics-functional-f-beta-multiclass-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score": [[53, "cyclops-evaluate-metrics-functional-f-beta-multilabel-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score": [[54, "cyclops-evaluate-metrics-functional-f-beta-multilabel-fbeta-score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[55, "module-cyclops.evaluate.metrics.functional.precision_recall"]], "cyclops.evaluate.metrics.functional.precision_recall.binary_precision": [[56, "cyclops-evaluate-metrics-functional-precision-recall-binary-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.binary_recall": [[57, "cyclops-evaluate-metrics-functional-precision-recall-binary-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision": [[58, "cyclops-evaluate-metrics-functional-precision-recall-multiclass-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall": [[59, "cyclops-evaluate-metrics-functional-precision-recall-multiclass-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision": [[60, "cyclops-evaluate-metrics-functional-precision-recall-multilabel-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall": [[61, "cyclops-evaluate-metrics-functional-precision-recall-multilabel-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.precision": [[62, "cyclops-evaluate-metrics-functional-precision-recall-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.recall": [[63, "cyclops-evaluate-metrics-functional-precision-recall-recall"]], "cyclops.evaluate.metrics.functional.precision_recall_curve": [[64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"]], "cyclops.evaluate.metrics.functional.roc": [[65, "module-cyclops.evaluate.metrics.functional.roc"]], "cyclops.evaluate.metrics.functional.roc.binary_roc_curve": [[66, "cyclops-evaluate-metrics-functional-roc-binary-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve": [[67, "cyclops-evaluate-metrics-functional-roc-multiclass-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve": [[68, "cyclops-evaluate-metrics-functional-roc-multilabel-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.roc_curve": [[69, "cyclops-evaluate-metrics-functional-roc-roc-curve"]], "cyclops.evaluate.metrics.functional.sensitivity": [[70, "module-cyclops.evaluate.metrics.functional.sensitivity"]], "cyclops.evaluate.metrics.functional.specificity": [[71, "module-cyclops.evaluate.metrics.functional.specificity"]], "cyclops.evaluate.metrics.functional.stat_scores": [[72, "module-cyclops.evaluate.metrics.functional.stat_scores"]], "cyclops.evaluate.metrics.metric": [[73, "module-cyclops.evaluate.metrics.metric"]], "cyclops.evaluate.metrics.metric.Metric": [[74, "cyclops-evaluate-metrics-metric-metric"]], "cyclops.evaluate.metrics.metric.MetricCollection": [[75, "cyclops-evaluate-metrics-metric-metriccollection"]], "cyclops.evaluate.metrics.metric.OperatorMetric": [[76, "cyclops-evaluate-metrics-metric-operatormetric"]], "cyclops.evaluate.metrics.precision_recall": [[77, "module-cyclops.evaluate.metrics.precision_recall"]], "cyclops.evaluate.metrics.precision_recall.BinaryPrecision": [[78, "cyclops-evaluate-metrics-precision-recall-binaryprecision"]], "cyclops.evaluate.metrics.precision_recall.BinaryRecall": [[79, "cyclops-evaluate-metrics-precision-recall-binaryrecall"]], "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision": [[80, "cyclops-evaluate-metrics-precision-recall-multiclassprecision"]], "cyclops.evaluate.metrics.precision_recall.MulticlassRecall": [[81, "cyclops-evaluate-metrics-precision-recall-multiclassrecall"]], "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision": [[82, "cyclops-evaluate-metrics-precision-recall-multilabelprecision"]], "cyclops.evaluate.metrics.precision_recall.MultilabelRecall": [[83, "cyclops-evaluate-metrics-precision-recall-multilabelrecall"]], "cyclops.evaluate.metrics.precision_recall.Precision": [[84, "cyclops-evaluate-metrics-precision-recall-precision"]], "cyclops.evaluate.metrics.precision_recall.Recall": [[85, "cyclops-evaluate-metrics-precision-recall-recall"]], "cyclops.evaluate.metrics.precision_recall_curve": [[86, "module-cyclops.evaluate.metrics.precision_recall_curve"]], "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve": [[87, "cyclops-evaluate-metrics-precision-recall-curve-binaryprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve": [[88, "cyclops-evaluate-metrics-precision-recall-curve-multiclassprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve": [[89, "cyclops-evaluate-metrics-precision-recall-curve-multilabelprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve": [[90, "cyclops-evaluate-metrics-precision-recall-curve-precisionrecallcurve"]], "cyclops.evaluate.metrics.roc": [[91, "module-cyclops.evaluate.metrics.roc"]], "cyclops.evaluate.metrics.roc.BinaryROCCurve": [[92, "cyclops-evaluate-metrics-roc-binaryroccurve"]], "cyclops.evaluate.metrics.roc.MulticlassROCCurve": [[93, "cyclops-evaluate-metrics-roc-multiclassroccurve"]], "cyclops.evaluate.metrics.roc.MultilabelROCCurve": [[94, "cyclops-evaluate-metrics-roc-multilabelroccurve"]], "cyclops.evaluate.metrics.roc.ROCCurve": [[95, "cyclops-evaluate-metrics-roc-roccurve"]], "cyclops.evaluate.metrics.sensitivity": [[96, "module-cyclops.evaluate.metrics.sensitivity"]], "cyclops.evaluate.metrics.sensitivity.BinarySensitivity": [[97, "cyclops-evaluate-metrics-sensitivity-binarysensitivity"]], "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity": [[98, "cyclops-evaluate-metrics-sensitivity-multiclasssensitivity"]], "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity": [[99, "cyclops-evaluate-metrics-sensitivity-multilabelsensitivity"]], "cyclops.evaluate.metrics.sensitivity.Sensitivity": [[100, "cyclops-evaluate-metrics-sensitivity-sensitivity"]], "cyclops.evaluate.metrics.specificity": [[101, "module-cyclops.evaluate.metrics.specificity"]], "cyclops.evaluate.metrics.specificity.BinarySpecificity": [[102, "cyclops-evaluate-metrics-specificity-binaryspecificity"]], "cyclops.evaluate.metrics.specificity.MulticlassSpecificity": [[103, "cyclops-evaluate-metrics-specificity-multiclassspecificity"]], "cyclops.evaluate.metrics.specificity.MultilabelSpecificity": [[104, "cyclops-evaluate-metrics-specificity-multilabelspecificity"]], "cyclops.evaluate.metrics.specificity.Specificity": [[105, "cyclops-evaluate-metrics-specificity-specificity"]], "cyclops.evaluate.metrics.stat_scores": [[106, "module-cyclops.evaluate.metrics.stat_scores"]], "cyclops.evaluate.metrics.stat_scores.BinaryStatScores": [[107, "cyclops-evaluate-metrics-stat-scores-binarystatscores"]], "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores": [[108, "cyclops-evaluate-metrics-stat-scores-multiclassstatscores"]], "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores": [[109, "cyclops-evaluate-metrics-stat-scores-multilabelstatscores"]], "cyclops.evaluate.metrics.stat_scores.StatScores": [[110, "cyclops-evaluate-metrics-stat-scores-statscores"]], "cyclops.monitor.clinical_applicator": [[111, "module-cyclops.monitor.clinical_applicator"]], "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator": [[112, "cyclops-monitor-clinical-applicator-clinicalshiftapplicator"]], "cyclops.monitor.synthetic_applicator": [[113, "module-cyclops.monitor.synthetic_applicator"]], "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator": [[114, "cyclops-monitor-synthetic-applicator-syntheticshiftapplicator"]], "cyclops.monitor.synthetic_applicator.binary_noise_shift": [[115, "cyclops-monitor-synthetic-applicator-binary-noise-shift"]], "cyclops.monitor.synthetic_applicator.feature_association_shift": [[116, "cyclops-monitor-synthetic-applicator-feature-association-shift"]], "cyclops.monitor.synthetic_applicator.feature_swap_shift": [[117, "cyclops-monitor-synthetic-applicator-feature-swap-shift"]], "cyclops.monitor.synthetic_applicator.gaussian_noise_shift": [[118, "cyclops-monitor-synthetic-applicator-gaussian-noise-shift"]], "cyclops.monitor.synthetic_applicator.knockout_shift": [[119, "cyclops-monitor-synthetic-applicator-knockout-shift"]], "cyclops.report.report": [[120, "module-cyclops.report.report"]], "cyclops.report.report.ModelCardReport": [[121, "cyclops-report-report-modelcardreport"]], "cyclops.tasks.classification": [[122, "module-cyclops.tasks.classification"]], "cyclops.tasks.classification.BinaryTabularClassificationTask": [[123, "cyclops-tasks-classification-binarytabularclassificationtask"]], "cyclops.tasks.classification.MultilabelImageClassificationTask": [[124, "cyclops-tasks-classification-multilabelimageclassificationtask"]], "cyclops.data": [[125, "module-cyclops.data"]], "cyclops.data.features": [[125, "module-cyclops.data.features"]], "cyclops.evaluate": [[126, "module-cyclops.evaluate"]], "cyclops.evaluate.metrics": [[126, "module-cyclops.evaluate.metrics"]], "cyclops.evaluate.metrics.functional": [[126, "module-cyclops.evaluate.metrics.functional"]], "cyclops.evaluate.fairness": [[126, "module-cyclops.evaluate.fairness"]], "cyclops.monitor": [[127, "module-cyclops.monitor"]], "cyclops.report": [[128, "module-cyclops.report"]], "cyclops.tasks": [[129, "module-cyclops.tasks"]], "Tutorials": [[130, "tutorials"]], "Heart Failure Prediction": [[131, "Heart-Failure-Prediction"]], "Import Libraries": [[131, "Import-Libraries"], [132, "Import-Libraries"], [134, "Import-Libraries"]], "Constants": [[131, "Constants"], [134, "Constants"]], "Data Loading": [[131, "Data-Loading"]], "Sex values": [[131, "Sex-values"]], "Age distribution": [[131, "Age-distribution"], [134, "Age-distribution"]], "Outcome distribution": [[131, "Outcome-distribution"], [134, "Outcome-distribution"]], "Identifying feature types": [[131, "Identifying-feature-types"], [134, "Identifying-feature-types"]], "Creating data preprocessors": [[131, "Creating-data-preprocessors"], [134, "Creating-data-preprocessors"]], "Creating Hugging Face Dataset": [[131, "Creating-Hugging-Face-Dataset"], [134, "Creating-Hugging-Face-Dataset"]], "Model Creation": [[131, "Model-Creation"], [132, "Model-Creation"], [134, "Model-Creation"]], "Task Creation": [[131, "Task-Creation"], [134, "Task-Creation"]], "Training": [[131, "Training"], [134, "Training"]], "Prediction": [[131, "Prediction"], [134, "Prediction"]], "Evaluation": [[131, "Evaluation"], [134, "Evaluation"]], "Performance over time": [[131, "Performance-over-time"]], "Report Generation": [[131, "Report-Generation"], [134, "Report-Generation"]], "Chest X-Ray Disease Classification": [[132, "Chest-X-Ray-Disease-Classification"]], "Generate Historical Reports": [[132, "Generate-Historical-Reports"]], "Initialize Periodic Report": [[132, "Initialize-Periodic-Report"]], "Load Dataset": [[132, "Load-Dataset"]], "Multilabel AUROC by Pathology and Sex": [[132, "Multilabel-AUROC-by-Pathology-and-Sex"]], "Multilabel AUROC by Pathology and Age": [[132, "Multilabel-AUROC-by-Pathology-and-Age"]], "Log Performance Metrics as Tests w/ Thresholds": [[132, "Log-Performance-Metrics-as-Tests-w/-Thresholds"]], "Populate Model Card Fields": [[132, "Populate-Model-Card-Fields"]], "NIHCXR Clinical Drift Experiments Tutorial": [[133, "NIHCXR-Clinical-Drift-Experiments-Tutorial"]], "Import Libraries and Load NIHCXR Dataset": [[133, "Import-Libraries-and-Load-NIHCXR-Dataset"]], "Example 1. Generate Source/Target Dataset for Experiments (1-2)": [[133, "Example-1.-Generate-Source/Target-Dataset-for-Experiments-(1-2)"]], "Example 2. Sensitivity test experiment with 3 dimensionality reduction techniques": [[133, "Example-2.-Sensitivity-test-experiment-with-3-dimensionality-reduction-techniques"]], "Example 3. Sensitivity test experiment with models trained on different datasets": [[133, "Example-3.-Sensitivity-test-experiment-with-models-trained-on-different-datasets"]], "Example 4. Sensitivity test experiment with different clinical shifts": [[133, "Example-4.-Sensitivity-test-experiment-with-different-clinical-shifts"]], "Example 5. Rolling window experiment with synthetic timestamps using biweekly window": [[133, "Example-5.-Rolling-window-experiment-with-synthetic-timestamps-using-biweekly-window"]], "Prolonged Length of Stay Prediction": [[134, "Prolonged-Length-of-Stay-Prediction"]], "Data Querying": [[134, "Data-Querying"]], "Compute length of stay (labels)": [[134, "Compute-length-of-stay-(labels)"]], "Data Inspection and Preprocessing": [[134, "Data-Inspection-and-Preprocessing"]], "Drop NaNs based on the NAN_THRESHOLD": [[134, "Drop-NaNs-based-on-the-NAN_THRESHOLD"]], "Length of stay distribution": [[134, "Length-of-stay-distribution"]], "Gender distribution": [[134, "Gender-distribution"]], "monitor API": [[135, "monitor-api"]], "Example use cases": [[136, "example-use-cases"]], "Tabular data": [[136, "tabular-data"]], "Kaggle Heart Failure Prediction": [[136, "kaggle-heart-failure-prediction"]], "Synthea Prolonged Length of Stay Prediction": [[136, "synthea-prolonged-length-of-stay-prediction"]], "Image data": [[136, "image-data"]], "NIH Chest X-ray classification": [[136, "nih-chest-x-ray-classification"]]}, "indexentries": {"cyclops.data.features.medical_image": [[4, "module-cyclops.data.features.medical_image"]], "module": [[4, "module-cyclops.data.features.medical_image"], [6, "module-cyclops.data.slicer"], [16, "module-cyclops.evaluate.evaluator"], [18, "module-cyclops.evaluate.fairness.config"], [20, "module-cyclops.evaluate.fairness.evaluator"], [23, "module-cyclops.evaluate.metrics.accuracy"], [28, "module-cyclops.evaluate.metrics.auroc"], [33, "module-cyclops.evaluate.metrics.f_beta"], [42, "module-cyclops.evaluate.metrics.factory"], [44, "module-cyclops.evaluate.metrics.functional.accuracy"], [45, "module-cyclops.evaluate.metrics.functional.auroc"], [46, "module-cyclops.evaluate.metrics.functional.f_beta"], [55, "module-cyclops.evaluate.metrics.functional.precision_recall"], [64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"], [65, "module-cyclops.evaluate.metrics.functional.roc"], [70, "module-cyclops.evaluate.metrics.functional.sensitivity"], [71, "module-cyclops.evaluate.metrics.functional.specificity"], [72, "module-cyclops.evaluate.metrics.functional.stat_scores"], [73, "module-cyclops.evaluate.metrics.metric"], [77, "module-cyclops.evaluate.metrics.precision_recall"], [86, "module-cyclops.evaluate.metrics.precision_recall_curve"], [91, "module-cyclops.evaluate.metrics.roc"], [96, "module-cyclops.evaluate.metrics.sensitivity"], [101, "module-cyclops.evaluate.metrics.specificity"], [106, "module-cyclops.evaluate.metrics.stat_scores"], [111, "module-cyclops.monitor.clinical_applicator"], [113, "module-cyclops.monitor.synthetic_applicator"], [120, "module-cyclops.report.report"], [122, "module-cyclops.tasks.classification"], [125, "module-cyclops.data"], [125, "module-cyclops.data.features"], [126, "module-cyclops.evaluate"], [126, "module-cyclops.evaluate.fairness"], [126, "module-cyclops.evaluate.metrics"], [126, "module-cyclops.evaluate.metrics.functional"], [127, "module-cyclops.monitor"], [128, "module-cyclops.report"], [129, "module-cyclops.tasks"]], "medicalimage (class in cyclops.data.features.medical_image)": [[5, "cyclops.data.features.medical_image.MedicalImage"]], "__call__() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.__call__"]], "cast_storage() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.cast_storage"]], "decode_example() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.decode_example"]], "embed_storage() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.embed_storage"]], "encode_example() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.encode_example"]], "flatten() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.flatten"]], "cyclops.data.slicer": [[6, "module-cyclops.data.slicer"]], "slicespec (class in cyclops.data.slicer)": [[7, "cyclops.data.slicer.SliceSpec"]], "_registry (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec._registry"]], "add_slice_spec() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.add_slice_spec"]], "column_names (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.column_names"]], "get_slices() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.get_slices"]], "include_overall (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.include_overall"]], "slices() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.slices"]], "spec_list (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.spec_list"]], "validate (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.validate"]], "compound_filter() (in module cyclops.data.slicer)": [[8, "cyclops.data.slicer.compound_filter"]], "filter_datetime() (in module cyclops.data.slicer)": [[9, "cyclops.data.slicer.filter_datetime"]], "filter_non_null() (in module cyclops.data.slicer)": [[10, "cyclops.data.slicer.filter_non_null"]], "filter_range() (in module cyclops.data.slicer)": [[11, "cyclops.data.slicer.filter_range"]], "filter_string_contains() (in module cyclops.data.slicer)": [[12, "cyclops.data.slicer.filter_string_contains"]], "filter_value() (in module cyclops.data.slicer)": [[13, "cyclops.data.slicer.filter_value"]], "is_datetime() (in module cyclops.data.slicer)": [[14, "cyclops.data.slicer.is_datetime"]], "overall() (in module cyclops.data.slicer)": [[15, "cyclops.data.slicer.overall"]], "cyclops.evaluate.evaluator": [[16, "module-cyclops.evaluate.evaluator"]], "evaluate() (in module cyclops.evaluate.evaluator)": [[17, "cyclops.evaluate.evaluator.evaluate"]], "cyclops.evaluate.fairness.config": [[18, "module-cyclops.evaluate.fairness.config"]], "fairnessconfig (class in cyclops.evaluate.fairness.config)": [[19, "cyclops.evaluate.fairness.config.FairnessConfig"]], "cyclops.evaluate.fairness.evaluator": [[20, "module-cyclops.evaluate.fairness.evaluator"]], "evaluate_fairness() (in module cyclops.evaluate.fairness.evaluator)": [[21, "cyclops.evaluate.fairness.evaluator.evaluate_fairness"]], "warn_too_many_unique_values() (in module cyclops.evaluate.fairness.evaluator)": [[22, "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values"]], "cyclops.evaluate.metrics.accuracy": [[23, "module-cyclops.evaluate.metrics.accuracy"]], "accuracy (class in cyclops.evaluate.metrics.accuracy)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy"]], "__add__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__add__"]], "__call__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__call__"]], "__init__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__init__"]], "__mul__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__mul__"]], "add_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.add_state"]], "clone() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.clone"]], "compute() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.compute"]], "reset_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.reset_state"]], "update_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.update_state"]], "binaryaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy"]], "__add__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__add__"]], "__call__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__call__"]], "__init__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__init__"]], "__mul__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__mul__"]], "add_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.add_state"]], "clone() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.clone"]], "compute() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.compute"]], "reset_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.reset_state"]], "update_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.update_state"]], "multiclassaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy"]], "__add__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__add__"]], "__call__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__call__"]], "__init__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__init__"]], "__mul__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__mul__"]], "add_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.add_state"]], "clone() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.clone"]], "compute() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.compute"]], "reset_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.reset_state"]], "update_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.update_state"]], "multilabelaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy"]], "__add__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__add__"]], "__call__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__call__"]], "__init__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__init__"]], "__mul__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__mul__"]], "add_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.add_state"]], "clone() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.clone"]], "compute() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.compute"]], "reset_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.reset_state"]], "update_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.update_state"]], "cyclops.evaluate.metrics.auroc": [[28, "module-cyclops.evaluate.metrics.auroc"]], "auroc (class in cyclops.evaluate.metrics.auroc)": [[29, "cyclops.evaluate.metrics.auroc.AUROC"]], "__add__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__add__"]], "__call__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__call__"]], "__init__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__init__"]], "__mul__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__mul__"]], "add_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.add_state"]], "clone() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.clone"]], "compute() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.compute"]], "reset_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.reset_state"]], "update_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.update_state"]], "binaryauroc (class in cyclops.evaluate.metrics.auroc)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC"]], "__add__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__add__"]], "__call__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__call__"]], "__init__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__init__"]], "__mul__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__mul__"]], "add_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.add_state"]], "clone() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.clone"]], "compute() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.compute"]], "reset_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.reset_state"]], "update_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.update_state"]], "multiclassauroc (class in cyclops.evaluate.metrics.auroc)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC"]], "__add__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__add__"]], "__call__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__call__"]], "__init__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__init__"]], "__mul__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__mul__"]], "add_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.add_state"]], "clone() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.clone"]], "compute() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.compute"]], "reset_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.reset_state"]], "update_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.update_state"]], "multilabelauroc (class in cyclops.evaluate.metrics.auroc)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC"]], "__add__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__add__"]], "__call__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__call__"]], "__init__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__init__"]], "__mul__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__mul__"]], "add_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.add_state"]], "clone() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.clone"]], "compute() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.compute"]], "reset_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.reset_state"]], "update_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.update_state"]], "cyclops.evaluate.metrics.f_beta": [[33, "module-cyclops.evaluate.metrics.f_beta"]], "binaryf1score (class in cyclops.evaluate.metrics.f_beta)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score"]], "__add__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__add__"]], "__call__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__call__"]], "__init__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__init__"]], "__mul__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__mul__"]], "add_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.add_state"]], "clone() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.clone"]], "compute() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.compute"]], "reset_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.reset_state"]], "update_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.update_state"]], "binaryfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore"]], "__add__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__add__"]], "__call__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__call__"]], "__init__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__init__"]], "__mul__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__mul__"]], "add_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.add_state"]], "clone() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.clone"]], "compute() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.compute"]], "reset_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.reset_state"]], "update_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.update_state"]], "f1score (class in cyclops.evaluate.metrics.f_beta)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score"]], "__add__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__add__"]], "__call__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__call__"]], "__init__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__init__"]], "__mul__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__mul__"]], "add_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.add_state"]], "clone() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.clone"]], "compute() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.compute"]], "reset_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.reset_state"]], "update_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.update_state"]], "fbetascore (class in cyclops.evaluate.metrics.f_beta)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore"]], "__add__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__add__"]], "__call__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__call__"]], "__init__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__init__"]], "__mul__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__mul__"]], "add_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.add_state"]], "clone() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.clone"]], "compute() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.compute"]], "reset_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.reset_state"]], "update_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.update_state"]], "multiclassf1score (class in cyclops.evaluate.metrics.f_beta)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score"]], "__add__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__add__"]], "__call__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__call__"]], "__init__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__init__"]], "__mul__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__mul__"]], "add_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.add_state"]], "clone() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.clone"]], "compute() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.compute"]], "reset_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.reset_state"]], "update_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.update_state"]], "multiclassfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore"]], "__add__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__add__"]], "__call__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__call__"]], "__init__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__init__"]], "__mul__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__mul__"]], "add_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.add_state"]], "clone() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.clone"]], "compute() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.compute"]], "reset_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.reset_state"]], "update_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.update_state"]], "multilabelf1score (class in cyclops.evaluate.metrics.f_beta)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score"]], "__add__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__add__"]], "__call__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__call__"]], "__init__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__init__"]], "__mul__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__mul__"]], "add_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.add_state"]], "clone() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.clone"]], "compute() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.compute"]], "reset_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.reset_state"]], "update_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.update_state"]], "multilabelfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore"]], "__add__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__add__"]], "__call__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__call__"]], "__init__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__init__"]], "__mul__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__mul__"]], "add_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.add_state"]], "clone() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.clone"]], "compute() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.compute"]], "reset_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.reset_state"]], "update_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.update_state"]], "cyclops.evaluate.metrics.factory": [[42, "module-cyclops.evaluate.metrics.factory"]], "create_metric() (in module cyclops.evaluate.metrics.factory)": [[43, "cyclops.evaluate.metrics.factory.create_metric"]], "cyclops.evaluate.metrics.functional.accuracy": [[44, "module-cyclops.evaluate.metrics.functional.accuracy"]], "cyclops.evaluate.metrics.functional.auroc": [[45, "module-cyclops.evaluate.metrics.functional.auroc"]], "cyclops.evaluate.metrics.functional.f_beta": [[46, "module-cyclops.evaluate.metrics.functional.f_beta"]], "binary_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[47, "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score"]], "binary_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[48, "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score"]], "f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[49, "cyclops.evaluate.metrics.functional.f_beta.f1_score"]], "fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[50, "cyclops.evaluate.metrics.functional.f_beta.fbeta_score"]], "multiclass_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[51, "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score"]], "multiclass_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[52, "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score"]], "multilabel_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[53, "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score"]], "multilabel_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[54, "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[55, "module-cyclops.evaluate.metrics.functional.precision_recall"]], "binary_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[56, "cyclops.evaluate.metrics.functional.precision_recall.binary_precision"]], "binary_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[57, "cyclops.evaluate.metrics.functional.precision_recall.binary_recall"]], "multiclass_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[58, "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision"]], "multiclass_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[59, "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall"]], "multilabel_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[60, "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision"]], "multilabel_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[61, "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall"]], "precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[62, "cyclops.evaluate.metrics.functional.precision_recall.precision"]], "recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[63, "cyclops.evaluate.metrics.functional.precision_recall.recall"]], "cyclops.evaluate.metrics.functional.precision_recall_curve": [[64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"]], "cyclops.evaluate.metrics.functional.roc": [[65, "module-cyclops.evaluate.metrics.functional.roc"]], "binary_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[66, "cyclops.evaluate.metrics.functional.roc.binary_roc_curve"]], "multiclass_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[67, "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve"]], "multilabel_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[68, "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve"]], "roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[69, "cyclops.evaluate.metrics.functional.roc.roc_curve"]], "cyclops.evaluate.metrics.functional.sensitivity": [[70, "module-cyclops.evaluate.metrics.functional.sensitivity"]], "cyclops.evaluate.metrics.functional.specificity": [[71, "module-cyclops.evaluate.metrics.functional.specificity"]], "cyclops.evaluate.metrics.functional.stat_scores": [[72, "module-cyclops.evaluate.metrics.functional.stat_scores"]], "cyclops.evaluate.metrics.metric": [[73, "module-cyclops.evaluate.metrics.metric"]], "metric (class in cyclops.evaluate.metrics.metric)": [[74, "cyclops.evaluate.metrics.metric.Metric"]], "__add__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__add__"]], "__call__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__call__"]], "__init__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__init__"]], "__mul__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__mul__"]], "add_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.add_state"]], "clone() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.clone"]], "compute() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.compute"]], "name (metric property)": [[74, "cyclops.evaluate.metrics.metric.Metric.name"]], "reset_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.reset_state"]], "update_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.update_state"]], "metriccollection (class in cyclops.evaluate.metrics.metric)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection"]], "__call__() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.__call__"]], "__init__() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.__init__"]], "add_metrics() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.add_metrics"]], "clear() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.clear"]], "clone() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.clone"]], "compute() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.compute"]], "get() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.get"]], "items() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.items"]], "keys() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.keys"]], "pop() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.pop"]], "popitem() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.popitem"]], "reset_state() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.reset_state"]], "setdefault() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.setdefault"]], "update() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.update"]], "update_state() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.update_state"]], "values() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.values"]], "operatormetric (class in cyclops.evaluate.metrics.metric)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric"]], "__add__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__add__"]], "__call__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__call__"]], "__init__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__init__"]], "__mul__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__mul__"]], "add_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.add_state"]], "clone() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.clone"]], "compute() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.compute"]], "reset_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.reset_state"]], "update_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.update_state"]], "cyclops.evaluate.metrics.precision_recall": [[77, "module-cyclops.evaluate.metrics.precision_recall"]], "binaryprecision (class in cyclops.evaluate.metrics.precision_recall)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision"]], "__add__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__add__"]], "__call__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__call__"]], "__init__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__init__"]], "__mul__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__mul__"]], "add_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.add_state"]], "clone() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.clone"]], "compute() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.compute"]], "reset_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.reset_state"]], "update_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.update_state"]], "binaryrecall (class in cyclops.evaluate.metrics.precision_recall)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall"]], "__add__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__add__"]], "__call__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__call__"]], "__init__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__init__"]], "__mul__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__mul__"]], "add_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.add_state"]], "clone() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.clone"]], "compute() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.compute"]], "reset_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.reset_state"]], "update_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.update_state"]], "multiclassprecision (class in cyclops.evaluate.metrics.precision_recall)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision"]], "__add__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__add__"]], "__call__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__call__"]], "__init__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__init__"]], "__mul__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__mul__"]], "add_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.add_state"]], "clone() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.clone"]], "compute() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.compute"]], "reset_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.reset_state"]], "update_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.update_state"]], "multiclassrecall (class in cyclops.evaluate.metrics.precision_recall)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall"]], "__add__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__add__"]], "__call__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__call__"]], "__init__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__init__"]], "__mul__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__mul__"]], "add_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.add_state"]], "clone() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.clone"]], "compute() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.compute"]], "reset_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.reset_state"]], "update_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.update_state"]], "multilabelprecision (class in cyclops.evaluate.metrics.precision_recall)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision"]], "__add__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__add__"]], "__call__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__call__"]], "__init__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__init__"]], "__mul__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__mul__"]], "add_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.add_state"]], "clone() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.clone"]], "compute() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.compute"]], "reset_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.reset_state"]], "update_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.update_state"]], "multilabelrecall (class in cyclops.evaluate.metrics.precision_recall)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall"]], "__add__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__add__"]], "__call__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__call__"]], "__init__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__init__"]], "__mul__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__mul__"]], "add_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.add_state"]], "clone() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.clone"]], "compute() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.compute"]], "reset_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.reset_state"]], "update_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.update_state"]], "precision (class in cyclops.evaluate.metrics.precision_recall)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision"]], "__add__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__add__"]], "__call__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__call__"]], "__init__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__init__"]], "__mul__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__mul__"]], "add_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.add_state"]], "clone() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.clone"]], "compute() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.compute"]], "reset_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.reset_state"]], "update_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.update_state"]], "recall (class in cyclops.evaluate.metrics.precision_recall)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall"]], "__add__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__add__"]], "__call__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__call__"]], "__init__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__init__"]], "__mul__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__mul__"]], "add_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.add_state"]], "clone() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.clone"]], "compute() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.compute"]], "reset_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.reset_state"]], "update_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.update_state"]], "cyclops.evaluate.metrics.precision_recall_curve": [[86, "module-cyclops.evaluate.metrics.precision_recall_curve"]], "binaryprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve"]], "__add__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__add__"]], "__call__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__call__"]], "__init__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__init__"]], "__mul__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__mul__"]], "add_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.add_state"]], "clone() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.clone"]], "compute() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.compute"]], "reset_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.reset_state"]], "update_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.update_state"]], "multiclassprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve"]], "__add__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__add__"]], "__call__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__call__"]], "__init__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__init__"]], "__mul__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__mul__"]], "add_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.add_state"]], "clone() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.clone"]], "compute() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.compute"]], "reset_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.reset_state"]], "update_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.update_state"]], "multilabelprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve"]], "__add__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__add__"]], "__call__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__call__"]], "__init__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__init__"]], "__mul__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__mul__"]], "add_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.add_state"]], "clone() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.clone"]], "compute() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.compute"]], "reset_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.reset_state"]], "update_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.update_state"]], "precisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve"]], "__add__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__add__"]], "__call__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__call__"]], "__init__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__init__"]], "__mul__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__mul__"]], "add_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.add_state"]], "clone() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.clone"]], "compute() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.compute"]], "reset_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.reset_state"]], "update_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.update_state"]], "cyclops.evaluate.metrics.roc": [[91, "module-cyclops.evaluate.metrics.roc"]], "binaryroccurve (class in cyclops.evaluate.metrics.roc)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve"]], "__add__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__add__"]], "__call__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__call__"]], "__init__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__init__"]], "__mul__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__mul__"]], "add_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.add_state"]], "clone() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.clone"]], "compute() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.compute"]], "reset_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.reset_state"]], "update_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.update_state"]], "multiclassroccurve (class in cyclops.evaluate.metrics.roc)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve"]], "__add__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__add__"]], "__call__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__call__"]], "__init__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__init__"]], "__mul__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__mul__"]], "add_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.add_state"]], "clone() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.clone"]], "compute() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.compute"]], "reset_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.reset_state"]], "update_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.update_state"]], "multilabelroccurve (class in cyclops.evaluate.metrics.roc)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve"]], "__add__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__add__"]], "__call__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__call__"]], "__init__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__init__"]], "__mul__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__mul__"]], "add_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.add_state"]], "clone() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.clone"]], "compute() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.compute"]], "reset_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.reset_state"]], "update_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.update_state"]], "roccurve (class in cyclops.evaluate.metrics.roc)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve"]], "__add__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__add__"]], "__call__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__call__"]], "__init__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__init__"]], "__mul__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__mul__"]], "add_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.add_state"]], "clone() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.clone"]], "compute() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.compute"]], "reset_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.reset_state"]], "update_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.update_state"]], "cyclops.evaluate.metrics.sensitivity": [[96, "module-cyclops.evaluate.metrics.sensitivity"]], "binarysensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity"]], "__add__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__add__"]], "__call__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__call__"]], "__init__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__init__"]], "__mul__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__mul__"]], "add_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.add_state"]], "clone() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.clone"]], "compute() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.compute"]], "reset_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.reset_state"]], "update_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.update_state"]], "multiclasssensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity"]], "__add__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__add__"]], "__call__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__call__"]], "__init__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__init__"]], "__mul__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__mul__"]], "add_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.add_state"]], "clone() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.clone"]], "compute() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.compute"]], "reset_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.reset_state"]], "update_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.update_state"]], "multilabelsensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity"]], "__add__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__add__"]], "__call__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__call__"]], "__init__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__init__"]], "__mul__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__mul__"]], "add_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.add_state"]], "clone() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.clone"]], "compute() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.compute"]], "reset_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.reset_state"]], "update_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.update_state"]], "sensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity"]], "__add__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__add__"]], "__call__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__call__"]], "__init__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__init__"]], "__mul__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__mul__"]], "add_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.add_state"]], "clone() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.clone"]], "compute() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.compute"]], "reset_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.reset_state"]], "update_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.update_state"]], "cyclops.evaluate.metrics.specificity": [[101, "module-cyclops.evaluate.metrics.specificity"]], "binaryspecificity (class in cyclops.evaluate.metrics.specificity)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity"]], "__add__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__add__"]], "__call__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__call__"]], "__init__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__init__"]], "__mul__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__mul__"]], "add_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.add_state"]], "clone() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.clone"]], "compute() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.compute"]], "reset_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.reset_state"]], "update_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.update_state"]], "multiclassspecificity (class in cyclops.evaluate.metrics.specificity)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity"]], "__add__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__add__"]], "__call__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__call__"]], "__init__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__init__"]], "__mul__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__mul__"]], "add_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.add_state"]], "clone() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.clone"]], "compute() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.compute"]], "reset_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.reset_state"]], "update_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.update_state"]], "multilabelspecificity (class in cyclops.evaluate.metrics.specificity)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity"]], "__add__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__add__"]], "__call__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__call__"]], "__init__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__init__"]], "__mul__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__mul__"]], "add_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.add_state"]], "clone() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.clone"]], "compute() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.compute"]], "reset_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.reset_state"]], "update_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.update_state"]], "specificity (class in cyclops.evaluate.metrics.specificity)": [[105, "cyclops.evaluate.metrics.specificity.Specificity"]], "__add__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__add__"]], "__call__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__call__"]], "__init__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__init__"]], "__mul__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__mul__"]], "add_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.add_state"]], "clone() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.clone"]], "compute() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.compute"]], "reset_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.reset_state"]], "update_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.update_state"]], "cyclops.evaluate.metrics.stat_scores": [[106, "module-cyclops.evaluate.metrics.stat_scores"]], "binarystatscores (class in cyclops.evaluate.metrics.stat_scores)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores"]], "__add__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__add__"]], "__call__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__call__"]], "__init__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__init__"]], "__mul__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__mul__"]], "add_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.add_state"]], "clone() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.clone"]], "compute() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.compute"]], "reset_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.reset_state"]], "update_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.update_state"]], "multiclassstatscores (class in cyclops.evaluate.metrics.stat_scores)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores"]], "__add__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__add__"]], "__call__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__call__"]], "__init__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__init__"]], "__mul__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__mul__"]], "add_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.add_state"]], "clone() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.clone"]], "compute() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.compute"]], "reset_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.reset_state"]], "update_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.update_state"]], "multilabelstatscores (class in cyclops.evaluate.metrics.stat_scores)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores"]], "__add__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__add__"]], "__call__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__call__"]], "__init__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__init__"]], "__mul__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__mul__"]], "add_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.add_state"]], "clone() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.clone"]], "compute() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.compute"]], "reset_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.reset_state"]], "update_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.update_state"]], "statscores (class in cyclops.evaluate.metrics.stat_scores)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores"]], "__add__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__add__"]], "__call__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__call__"]], "__init__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__init__"]], "__mul__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__mul__"]], "add_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.add_state"]], "clone() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.clone"]], "compute() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.compute"]], "name (statscores property)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.name"]], "reset_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.reset_state"]], "update_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.update_state"]], "cyclops.monitor.clinical_applicator": [[111, "module-cyclops.monitor.clinical_applicator"]], "clinicalshiftapplicator (class in cyclops.monitor.clinical_applicator)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator"]], "age() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.age"]], "apply_shift() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.apply_shift"]], "custom() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.custom"]], "hospital_type() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.hospital_type"]], "month() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.month"]], "sex() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.sex"]], "time() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.time"]], "cyclops.monitor.synthetic_applicator": [[113, "module-cyclops.monitor.synthetic_applicator"]], "syntheticshiftapplicator (class in cyclops.monitor.synthetic_applicator)": [[114, "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator"]], "apply_shift() (syntheticshiftapplicator method)": [[114, "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator.apply_shift"]], "binary_noise_shift() (in module cyclops.monitor.synthetic_applicator)": [[115, "cyclops.monitor.synthetic_applicator.binary_noise_shift"]], "feature_association_shift() (in module cyclops.monitor.synthetic_applicator)": [[116, "cyclops.monitor.synthetic_applicator.feature_association_shift"]], "feature_swap_shift() (in module cyclops.monitor.synthetic_applicator)": [[117, "cyclops.monitor.synthetic_applicator.feature_swap_shift"]], "gaussian_noise_shift() (in module cyclops.monitor.synthetic_applicator)": [[118, "cyclops.monitor.synthetic_applicator.gaussian_noise_shift"]], "knockout_shift() (in module cyclops.monitor.synthetic_applicator)": [[119, "cyclops.monitor.synthetic_applicator.knockout_shift"]], "cyclops.report.report": [[120, "module-cyclops.report.report"]], "modelcardreport (class in cyclops.report.report)": [[121, "cyclops.report.report.ModelCardReport"]], "export() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.export"]], "from_json_file() (modelcardreport class method)": [[121, "cyclops.report.report.ModelCardReport.from_json_file"]], "log_citation() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_citation"]], "log_dataset() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_dataset"]], "log_descriptor() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_descriptor"]], "log_fairness_assessment() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_fairness_assessment"]], "log_from_dict() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_from_dict"]], "log_image() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_image"]], "log_license() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_license"]], "log_model_parameters() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_model_parameters"]], "log_owner() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_owner"]], "log_performance_metrics() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_performance_metrics"]], "log_plotly_figure() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_plotly_figure"]], "log_quantitative_analysis() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_quantitative_analysis"]], "log_reference() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_reference"]], "log_regulation() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_regulation"]], "log_risk() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_risk"]], "log_use_case() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_use_case"]], "log_user() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_user"]], "log_version() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_version"]], "cyclops.tasks.classification": [[122, "module-cyclops.tasks.classification"]], "binarytabularclassificationtask (class in cyclops.tasks.classification)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask"]], "__init__() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.__init__"]], "add_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.add_model"]], "data_type (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.data_type"]], "evaluate() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.evaluate"]], "get_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.get_model"]], "list_models() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.list_models"]], "list_models_params() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.list_models_params"]], "load_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.load_model"]], "models_count (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.models_count"]], "predict() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.predict"]], "save_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.save_model"]], "task_type (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.task_type"]], "train() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.train"]], "multilabelimageclassificationtask (class in cyclops.tasks.classification)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask"]], "__init__() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.__init__"]], "add_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.add_model"]], "data_type (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.data_type"]], "evaluate() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.evaluate"]], "get_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.get_model"]], "list_models() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.list_models"]], "list_models_params() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.list_models_params"]], "load_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.load_model"]], "models_count (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.models_count"]], "predict() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.predict"]], "save_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.save_model"]], "task_type (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.task_type"]], "cyclops.data": [[125, "module-cyclops.data"]], "cyclops.data.features": [[125, "module-cyclops.data.features"]], "cyclops.evaluate": [[126, "module-cyclops.evaluate"]], "cyclops.evaluate.fairness": [[126, "module-cyclops.evaluate.fairness"]], "cyclops.evaluate.metrics": [[126, "module-cyclops.evaluate.metrics"]], "cyclops.evaluate.metrics.functional": [[126, "module-cyclops.evaluate.metrics.functional"]], "cyclops.monitor": [[127, "module-cyclops.monitor"]], "cyclops.report": [[128, "module-cyclops.report"]], "cyclops.tasks": [[129, "module-cyclops.tasks"]]}}) \ No newline at end of file +Search.setIndex({"docnames": ["api", "contributing", "index", "intro", "reference/api/_autosummary/cyclops.data.features.medical_image", "reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage", "reference/api/_autosummary/cyclops.data.slicer", "reference/api/_autosummary/cyclops.data.slicer.SliceSpec", "reference/api/_autosummary/cyclops.data.slicer.compound_filter", "reference/api/_autosummary/cyclops.data.slicer.filter_datetime", "reference/api/_autosummary/cyclops.data.slicer.filter_non_null", "reference/api/_autosummary/cyclops.data.slicer.filter_range", "reference/api/_autosummary/cyclops.data.slicer.filter_string_contains", "reference/api/_autosummary/cyclops.data.slicer.filter_value", "reference/api/_autosummary/cyclops.data.slicer.is_datetime", "reference/api/_autosummary/cyclops.data.slicer.overall", "reference/api/_autosummary/cyclops.evaluate.evaluator", "reference/api/_autosummary/cyclops.evaluate.evaluator.evaluate", "reference/api/_autosummary/cyclops.evaluate.fairness.config", "reference/api/_autosummary/cyclops.evaluate.fairness.config.FairnessConfig", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.evaluate_fairness", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore", "reference/api/_autosummary/cyclops.evaluate.metrics.factory", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.create_metric", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.accuracy", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.auroc", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.precision", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.recall", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.roc_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.stat_scores", "reference/api/_autosummary/cyclops.evaluate.metrics.metric", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.Metric", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores", "reference/api/_autosummary/cyclops.monitor.clinical_applicator", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift", "reference/api/_autosummary/cyclops.report.report", "reference/api/_autosummary/cyclops.report.report.ModelCardReport", "reference/api/_autosummary/cyclops.tasks.classification", "reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask", "reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask", "reference/api/cyclops.data", "reference/api/cyclops.evaluate", "reference/api/cyclops.monitor", "reference/api/cyclops.report", "reference/api/cyclops.tasks", "tutorials", "tutorials/kaggle/heart_failure_prediction", "tutorials/nihcxr/cxr_classification", "tutorials/nihcxr/monitor_api", "tutorials/synthea/los_prediction", "tutorials_monitor", "tutorials_use_cases"], "filenames": ["api.rst", "contributing.rst", "index.rst", "intro.rst", "reference/api/_autosummary/cyclops.data.features.medical_image.rst", "reference/api/_autosummary/cyclops.data.features.medical_image.MedicalImage.rst", "reference/api/_autosummary/cyclops.data.slicer.rst", "reference/api/_autosummary/cyclops.data.slicer.SliceSpec.rst", "reference/api/_autosummary/cyclops.data.slicer.compound_filter.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_datetime.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_non_null.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_range.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_string_contains.rst", "reference/api/_autosummary/cyclops.data.slicer.filter_value.rst", "reference/api/_autosummary/cyclops.data.slicer.is_datetime.rst", "reference/api/_autosummary/cyclops.data.slicer.overall.rst", "reference/api/_autosummary/cyclops.evaluate.evaluator.rst", "reference/api/_autosummary/cyclops.evaluate.evaluator.evaluate.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.config.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.config.FairnessConfig.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.evaluate_fairness.rst", "reference/api/_autosummary/cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.Accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.BinaryAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.AUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.BinaryAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MulticlassAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.auroc.MultilabelAUROC.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.F1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.FbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelF1Score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.factory.create_metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.accuracy.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.auroc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.binary_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall.recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.precision_recall_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.binary_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.roc.roc_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.functional.stat_scores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.Metric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.MetricCollection.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.metric.OperatorMetric.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.BinaryRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MulticlassRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.MultilabelRecall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Precision.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall.Recall.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.BinaryROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MulticlassROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.MultilabelROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.roc.ROCCurve.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.BinarySensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.sensitivity.Sensitivity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.BinarySpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MulticlassSpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.MultilabelSpecificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.specificity.Specificity.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.BinaryStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.rst", "reference/api/_autosummary/cyclops.evaluate.metrics.stat_scores.StatScores.rst", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.rst", "reference/api/_autosummary/cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.binary_noise_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_association_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.feature_swap_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.gaussian_noise_shift.rst", "reference/api/_autosummary/cyclops.monitor.synthetic_applicator.knockout_shift.rst", "reference/api/_autosummary/cyclops.report.report.rst", "reference/api/_autosummary/cyclops.report.report.ModelCardReport.rst", "reference/api/_autosummary/cyclops.tasks.classification.rst", "reference/api/_autosummary/cyclops.tasks.classification.BinaryTabularClassificationTask.rst", "reference/api/_autosummary/cyclops.tasks.classification.MultilabelImageClassificationTask.rst", "reference/api/cyclops.data.rst", "reference/api/cyclops.evaluate.rst", "reference/api/cyclops.monitor.rst", "reference/api/cyclops.report.rst", "reference/api/cyclops.tasks.rst", "tutorials.rst", "tutorials/kaggle/heart_failure_prediction.ipynb", "tutorials/nihcxr/cxr_classification.ipynb", "tutorials/nihcxr/monitor_api.ipynb", "tutorials/synthea/los_prediction.ipynb", "tutorials_monitor.rst", "tutorials_use_cases.rst"], "titles": ["API Reference", "Contributing to cyclops", "Welcome to cyclops\u2019s documentation!", "\ud83d\udc23 Getting Started", "cyclops.data.features.medical_image", "cyclops.data.features.medical_image.MedicalImage", "cyclops.data.slicer", "cyclops.data.slicer.SliceSpec", "cyclops.data.slicer.compound_filter", "cyclops.data.slicer.filter_datetime", "cyclops.data.slicer.filter_non_null", "cyclops.data.slicer.filter_range", "cyclops.data.slicer.filter_string_contains", "cyclops.data.slicer.filter_value", "cyclops.data.slicer.is_datetime", "cyclops.data.slicer.overall", "cyclops.evaluate.evaluator", "cyclops.evaluate.evaluator.evaluate", "cyclops.evaluate.fairness.config", "cyclops.evaluate.fairness.config.FairnessConfig", "cyclops.evaluate.fairness.evaluator", "cyclops.evaluate.fairness.evaluator.evaluate_fairness", "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values", "cyclops.evaluate.metrics.accuracy", "cyclops.evaluate.metrics.accuracy.Accuracy", "cyclops.evaluate.metrics.accuracy.BinaryAccuracy", "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy", "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy", "cyclops.evaluate.metrics.auroc", "cyclops.evaluate.metrics.auroc.AUROC", "cyclops.evaluate.metrics.auroc.BinaryAUROC", "cyclops.evaluate.metrics.auroc.MulticlassAUROC", "cyclops.evaluate.metrics.auroc.MultilabelAUROC", "cyclops.evaluate.metrics.f_beta", "cyclops.evaluate.metrics.f_beta.BinaryF1Score", "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore", "cyclops.evaluate.metrics.f_beta.F1Score", "cyclops.evaluate.metrics.f_beta.FbetaScore", "cyclops.evaluate.metrics.f_beta.MulticlassF1Score", "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore", "cyclops.evaluate.metrics.f_beta.MultilabelF1Score", "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore", "cyclops.evaluate.metrics.factory", "cyclops.evaluate.metrics.factory.create_metric", "cyclops.evaluate.metrics.functional.accuracy", "cyclops.evaluate.metrics.functional.auroc", "cyclops.evaluate.metrics.functional.f_beta", "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score", "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.f1_score", "cyclops.evaluate.metrics.functional.f_beta.fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score", "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score", "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score", "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score", "cyclops.evaluate.metrics.functional.precision_recall", "cyclops.evaluate.metrics.functional.precision_recall.binary_precision", "cyclops.evaluate.metrics.functional.precision_recall.binary_recall", "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision", "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall", "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision", "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall", "cyclops.evaluate.metrics.functional.precision_recall.precision", "cyclops.evaluate.metrics.functional.precision_recall.recall", "cyclops.evaluate.metrics.functional.precision_recall_curve", "cyclops.evaluate.metrics.functional.roc", "cyclops.evaluate.metrics.functional.roc.binary_roc_curve", "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve", "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve", "cyclops.evaluate.metrics.functional.roc.roc_curve", "cyclops.evaluate.metrics.functional.sensitivity", "cyclops.evaluate.metrics.functional.specificity", "cyclops.evaluate.metrics.functional.stat_scores", "cyclops.evaluate.metrics.metric", "cyclops.evaluate.metrics.metric.Metric", "cyclops.evaluate.metrics.metric.MetricCollection", "cyclops.evaluate.metrics.metric.OperatorMetric", "cyclops.evaluate.metrics.precision_recall", "cyclops.evaluate.metrics.precision_recall.BinaryPrecision", "cyclops.evaluate.metrics.precision_recall.BinaryRecall", "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision", "cyclops.evaluate.metrics.precision_recall.MulticlassRecall", "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision", "cyclops.evaluate.metrics.precision_recall.MultilabelRecall", "cyclops.evaluate.metrics.precision_recall.Precision", "cyclops.evaluate.metrics.precision_recall.Recall", "cyclops.evaluate.metrics.precision_recall_curve", "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve", "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve", "cyclops.evaluate.metrics.roc", "cyclops.evaluate.metrics.roc.BinaryROCCurve", "cyclops.evaluate.metrics.roc.MulticlassROCCurve", "cyclops.evaluate.metrics.roc.MultilabelROCCurve", "cyclops.evaluate.metrics.roc.ROCCurve", "cyclops.evaluate.metrics.sensitivity", "cyclops.evaluate.metrics.sensitivity.BinarySensitivity", "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity", "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity", "cyclops.evaluate.metrics.sensitivity.Sensitivity", "cyclops.evaluate.metrics.specificity", "cyclops.evaluate.metrics.specificity.BinarySpecificity", "cyclops.evaluate.metrics.specificity.MulticlassSpecificity", "cyclops.evaluate.metrics.specificity.MultilabelSpecificity", "cyclops.evaluate.metrics.specificity.Specificity", "cyclops.evaluate.metrics.stat_scores", "cyclops.evaluate.metrics.stat_scores.BinaryStatScores", "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores", "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores", "cyclops.evaluate.metrics.stat_scores.StatScores", "cyclops.monitor.clinical_applicator", "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator", "cyclops.monitor.synthetic_applicator", "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator", "cyclops.monitor.synthetic_applicator.binary_noise_shift", "cyclops.monitor.synthetic_applicator.feature_association_shift", "cyclops.monitor.synthetic_applicator.feature_swap_shift", "cyclops.monitor.synthetic_applicator.gaussian_noise_shift", "cyclops.monitor.synthetic_applicator.knockout_shift", "cyclops.report.report", "cyclops.report.report.ModelCardReport", "cyclops.tasks.classification", "cyclops.tasks.classification.BinaryTabularClassificationTask", "cyclops.tasks.classification.MultilabelImageClassificationTask", "cyclops.data", "cyclops.evaluate", "cyclops.monitor", "cyclops.report", "cyclops.tasks", "Tutorials", "Heart Failure Prediction", "Chest X-Ray Disease Classification", "NIHCXR Clinical Drift Experiments Tutorial", "Prolonged Length of Stay Prediction", "monitor API", "Example use cases"], "terms": {"cyclop": [0, 131, 132, 133, 134], "data": [0, 2, 3, 24, 26, 27, 49, 50, 52, 54, 69, 72, 89, 95, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 132, 133, 135], "slicer": [0, 131, 132, 133, 134], "compound_filt": 0, "filter_datetim": 0, "filter_non_nul": 0, "filter_rang": 0, "filter_string_contain": 0, "filter_valu": [0, 132], "is_datetim": 0, "overal": [0, 7, 21, 121, 131, 132, 134], "slicespec": [0, 17, 112, 124, 131, 132, 133, 134], "spec_list": [0, 7, 131, 132, 133, 134], "include_overal": [0, 7, 131], "valid": [0, 7, 9, 17, 121, 123, 124, 131, 132], "column_nam": [0, 7, 9, 10, 11, 12, 13, 132], "_registri": [0, 7], "add_slice_spec": [0, 7], "get_slic": [0, 7], "slice": [0, 3, 7, 8, 17, 21, 121, 123, 124, 131, 132, 134], "featur": [0, 7, 9, 10, 11, 12, 13, 15, 17, 112, 116, 117, 121, 123, 124, 130, 132, 136], "medical_imag": 0, "medicalimag": 0, "__call__": [0, 5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "cast_storag": [0, 5], "decode_exampl": [0, 5], "embed_storag": [0, 5], "encode_exampl": [0, 5], "flatten": [0, 5, 131, 132, 134], "task": [0, 2, 3, 24, 25, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 44, 47, 48, 49, 50, 51, 53, 54, 58, 60, 61, 62, 63, 66, 67, 68, 69, 78, 80, 81, 82, 83, 84, 85, 90, 92, 93, 94, 95, 98, 99, 100, 102, 103, 104, 105, 110, 130, 132, 136], "classif": [0, 3, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 44, 47, 48, 49, 50, 51, 53, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 78, 79, 80, 81, 82, 83, 84, 85, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 130, 131, 134], "binarytabularclassificationtask": [0, 131, 134], "__init__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 132], "add_model": [0, 123, 124], "data_typ": [0, 123, 124], "evalu": [0, 2, 3, 121, 123, 124, 130, 132, 136], "get_model": [0, 123, 124], "list_model": [0, 123, 124, 131, 134], "list_models_param": [0, 123, 124, 131, 134], "load_model": [0, 123, 124], "models_count": [0, 123, 124], "predict": [0, 3, 17, 19, 21, 24, 26, 27, 30, 31, 32, 34, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 67, 80, 81, 82, 84, 85, 87, 88, 89, 92, 93, 94, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 130, 132], "save_model": [0, 123, 124], "task_typ": [0, 123, 124, 131, 134], "train": [0, 3, 17, 121, 123, 124, 130, 132, 135, 136], "multilabelimageclassificationtask": 0, "metric": [0, 17, 19, 21, 121, 123, 124, 130, 131, 134, 136], "__add__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "__mul__": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "add_stat": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "clone": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "comput": [0, 17, 21, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 123, 124, 130, 132, 136], "name": [0, 3, 7, 8, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 132, 133, 134], "reset_st": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "update_st": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "metriccollect": [0, 17, 21, 123, 124, 131, 134], "add_metr": [0, 75], "clear": [0, 75], "get": [0, 2, 75, 123, 124, 131, 134], "item": [0, 75, 131, 132, 133, 134], "kei": [0, 7, 17, 21, 75, 121, 131, 132, 133, 134], "pop": [0, 75, 131, 134], "popitem": [0, 75], "setdefault": [0, 75], "updat": [0, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 133, 134], "valu": [0, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 130, 132, 133, 134, 136], "operatormetr": 0, "factori": [0, 7, 132], "create_metr": [0, 131, 132, 134], "accuraci": [0, 131, 134], "binaryaccuraci": [0, 131, 134], "multiclassaccuraci": 0, "multilabelaccuraci": 0, "auroc": [0, 130, 131, 134, 136], "binaryauroc": [0, 29, 131, 134], "multiclassauroc": [0, 29], "multilabelauroc": [0, 29], "precision_recal": 0, "binaryprecis": [0, 131, 134], "binaryrecal": [0, 97, 131, 134], "multiclassprecis": 0, "multiclassrecal": [0, 98], "multilabelprecis": 0, "multilabelrecal": [0, 99], "precis": [0, 24, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 55, 56, 58, 60, 64, 66, 77, 78, 80, 82, 85, 86, 87, 88, 89, 90, 92, 100, 105, 131, 132, 134], "recal": [0, 24, 38, 51, 55, 57, 59, 61, 64, 66, 77, 79, 81, 83, 86, 87, 88, 89, 90, 92, 97, 98, 99, 105, 131, 132, 134], "precision_recall_curv": [0, 131, 134], "binaryprecisionrecallcurv": [0, 30, 92, 131, 134], "multiclassprecisionrecallcurv": [0, 31, 93], "multilabelprecisionrecallcurv": [0, 32, 94], "precisionrecallcurv": 0, "roc": [0, 28, 29, 30, 31, 32, 45, 131, 134], "binaryroccurv": [0, 131, 134], "multiclassroccurv": 0, "multilabelroccurv": 0, "roccurv": 0, "sensit": [0, 121, 130, 131, 132, 134, 135], "binarysensit": 0, "multiclasssensit": 0, "multilabelsensit": [0, 132], "specif": [0, 7, 17, 115, 118, 123, 124, 131, 132, 134], "binaryspecif": 0, "multiclassspecif": 0, "multilabelspecif": [0, 132], "f_beta": 0, "binaryf1scor": [0, 131, 134], "binaryfbetascor": [0, 34], "f1score": 0, "fbetascor": [0, 36], "multiclassf1scor": 0, "multiclassfbetascor": [0, 38], "multilabelf1scor": 0, "multilabelfbetascor": [0, 40], "stat_scor": [0, 132], "binarystatscor": [0, 25, 35, 78, 79, 102], "multiclassstatscor": [0, 26, 39, 80, 81, 103], "multilabelstatscor": [0, 27, 41, 82, 83, 104, 132], "statscor": 0, "function": [0, 5, 6, 7, 8, 16, 17, 20, 21, 25, 35, 41, 42, 76, 93, 102, 104, 107, 109, 110, 113, 121, 131, 132, 134], "binary_precis": 0, "binary_recal": 0, "multiclass_precis": 0, "multiclass_recal": 0, "multilabel_precis": 0, "multilabel_recal": 0, "binary_roc_curv": 0, "multiclass_roc_curv": 0, "multilabel_roc_curv": 0, "roc_curv": [0, 131, 134], "binary_f1_scor": 0, "binary_fbeta_scor": 0, "f1_score": [0, 131, 134], "fbeta_scor": 0, "multiclass_f1_scor": 0, "multiclass_fbeta_scor": 0, "multilabel_f1_scor": 0, "multilabel_fbeta_scor": 0, "fair": [0, 17, 121, 123, 124, 131, 132, 134], "evaluate_fair": 0, "warn_too_many_unique_valu": 0, "config": [0, 123], "fairnessconfig": [0, 17, 123, 124, 131, 134], "monitor": [0, 2, 3, 130, 131, 133, 134], "clinical_appl": 0, "clinicalshiftappl": [0, 133], "ag": [0, 112, 130, 133, 136], "apply_shift": [0, 112, 114, 133], "custom": [0, 112, 121, 133], "hospital_typ": [0, 112], "month": [0, 7, 9, 112], "sex": [0, 112, 130, 133, 134, 136], "time": [0, 3, 7, 75, 112, 121, 130, 132, 134, 135, 136], "synthetic_appl": 0, "binary_noise_shift": 0, "feature_association_shift": 0, "feature_swap_shift": 0, "gaussian_noise_shift": 0, "knockout_shift": 0, "syntheticshiftappl": [0, 113], "report": [0, 2, 3, 110, 130, 136], "modelcardreport": [0, 131, 132, 134], "export": [0, 121, 131, 132, 134], "from_json_fil": [0, 121], "log_cit": [0, 121, 132], "log_dataset": [0, 121, 131], "log_descriptor": [0, 121, 131, 132, 134], "log_fairness_assess": [0, 121, 131, 132, 134], "log_from_dict": [0, 121, 131, 132, 134], "log_imag": [0, 121], "log_licens": [0, 121, 131, 134], "log_model_paramet": [0, 121, 131, 134], "log_own": [0, 121, 131, 132, 134], "log_performance_metr": [0, 121, 131, 134], "log_plotly_figur": [0, 121, 131, 132, 134], "log_quantitative_analysi": [0, 121, 131, 132, 134], "log_refer": [0, 121, 131, 134], "log_regul": [0, 121], "log_risk": [0, 121, 131, 132, 134], "log_use_cas": [0, 121, 131, 132, 134], "log_us": [0, 121, 131, 132, 134], "log_vers": [0, 121, 131, 134], "thank": 1, "your": [1, 131], "interest": [1, 131, 134], "To": [1, 3, 5, 131, 134], "submit": 1, "pr": 1, "pleas": [1, 131, 132, 133, 134], "fill": 1, "out": [1, 121, 131, 134], "templat": [1, 121], "along": [1, 112, 131, 132, 134], "If": [1, 5, 7, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 134], "fix": 1, "an": [1, 3, 5, 7, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 51, 60, 61, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 131, 132, 134], "issu": [1, 21], "don": 1, "t": [1, 3, 5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121], "forget": 1, "link": [1, 121, 131, 132, 134], "onc": [1, 75, 131, 134], "python": [1, 3, 134], "virtual": [1, 3], "environ": [1, 3, 131, 134], "i": [1, 3, 5, 7, 9, 10, 11, 12, 13, 14, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 132, 134, 136], "setup": [1, 134], "you": [1, 3, 5, 75, 131, 132, 134, 135], "can": [1, 3, 5, 7, 21, 25, 38, 51, 69, 74, 75, 84, 85, 95, 100, 110, 121, 123, 124, 131, 132, 134, 135], "run": [1, 3, 131, 134], "us": [1, 2, 5, 7, 8, 17, 21, 24, 29, 30, 31, 32, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 62, 63, 66, 67, 68, 69, 75, 76, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 102, 105, 107, 110, 112, 114, 121, 123, 124, 130, 131, 132, 134, 135], "all": [1, 7, 8, 9, 10, 11, 12, 13, 15, 63, 73, 75, 108, 109, 110, 123, 131, 132, 133, 134], "file": [1, 5, 121, 131, 132, 134], "For": [1, 21, 76, 121, 131, 134], "style": 1, "we": [1, 3, 121, 131, 132, 134], "recommend": [1, 76], "googl": 1, "guid": 1, "appli": [1, 8, 25, 29, 59, 62, 63, 66, 67, 68, 75, 76, 93, 104, 109, 110, 112, 123, 124, 131, 134], "black": 1, "format": [1, 5, 7, 89, 121, 131, 134], "docstr": 1, "numpi": [1, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 116, 117, 118, 119, 124, 131, 132, 133, 134], "also": [1, 3, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134, 136], "flake8": 1, "pylint": 1, "further": 1, "static": 1, "analysi": [1, 121, 131, 132, 134], "The": [1, 3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 60, 61, 63, 66, 68, 69, 72, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 132, 134, 135, 136], "show": [1, 131, 132, 134], "error": [1, 17, 21], "which": [1, 9, 10, 11, 12, 13, 21, 90, 121, 131, 132, 134, 136], "need": [1, 17, 21, 74, 110, 131, 134], "befor": [1, 17, 21, 22, 123, 131, 134], "last": 1, "least": 1, "type": [1, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 66, 67, 68, 69, 70, 72, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 132, 136], "hint": 1, "our": [1, 131, 134], "check": [1, 14, 89], "mypi": 1, "current": [1, 121, 131, 134], "ar": [1, 5, 7, 11, 12, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 97, 98, 99, 100, 103, 104, 105, 108, 109, 110, 112, 116, 121, 131, 132, 134], "strict": 1, "enforc": 1, "more": [1, 7, 16, 17, 123, 124, 131, 136], "api": [1, 2, 3, 130, 131, 136], "becom": 1, "stabl": [1, 131, 132, 133, 134], "start": [2, 17, 131, 134], "instal": [2, 131], "pip": [2, 131], "develop": [2, 131, 132, 134], "poetri": [2, 131, 132, 133, 134], "contribut": 2, "notebook": [2, 131, 132, 134], "citat": [2, 121, 131, 132, 134], "pre": [2, 131, 134], "commit": 2, "hook": 2, "code": [2, 131, 134], "guidelin": [2, 3], "tutori": [2, 131, 135, 136], "exampl": [2, 3, 5, 7, 8, 9, 10, 11, 12, 13, 15, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 130, 131, 132, 134, 135], "case": [2, 3, 75, 115, 121, 130, 131, 134, 135], "refer": [2, 3, 121, 131, 132, 134], "toolkit": 3, "facilit": 3, "research": 3, "deploy": 3, "ml": [3, 131, 134], "model": [3, 16, 17, 21, 121, 123, 124, 130, 135, 136], "healthcar": 3, "It": [3, 38, 51, 75, 84, 85, 100, 105, 135], "provid": [3, 7, 9, 12, 17, 21, 69, 110, 121, 131, 132, 134], "few": 3, "high": [3, 131, 132, 134], "level": [3, 21, 131, 132, 134], "creat": [3, 6, 7, 21, 42, 43, 75, 84, 85, 100, 115, 118, 119, 121, 123, 124, 130, 132, 136], "dataset": [3, 6, 7, 16, 17, 19, 21, 26, 38, 39, 51, 52, 58, 61, 68, 69, 80, 81, 83, 88, 89, 90, 94, 95, 98, 99, 103, 104, 112, 114, 121, 123, 124, 125, 130, 135, 136], "infer": [3, 17], "popular": [3, 131], "effici": 3, "load": [3, 17, 121, 123, 124, 130, 134, 135, 136], "differ": [3, 24, 29, 36, 37, 46, 55, 62, 63, 64, 69, 70, 72, 74, 84, 85, 90, 95, 100, 105, 110, 130, 131, 132, 134, 135], "modal": 3, "common": [3, 131], "implement": [3, 136], "scikit": [3, 131], "learn": [3, 131, 132], "pytorch": 3, "formul": [3, 131, 134], "binari": [3, 5, 24, 25, 29, 30, 34, 35, 36, 37, 47, 48, 49, 50, 56, 57, 60, 61, 62, 63, 66, 69, 72, 78, 79, 84, 85, 87, 90, 92, 95, 97, 100, 102, 104, 105, 107, 110, 115, 123, 124, 131, 134, 136], "multi": [3, 132], "label": [3, 24, 25, 27, 29, 32, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 68, 69, 78, 79, 81, 82, 83, 84, 85, 87, 89, 90, 92, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 109, 110, 116, 117, 119, 123, 124, 130, 131, 132, 136], "tabular": [3, 123, 124, 130], "seri": [3, 123], "imag": [3, 4, 5, 17, 21, 118, 121, 124, 125, 130, 132, 133], "clinic": [3, 111, 112, 130, 135], "detect": [3, 132, 135], "shift": [3, 111, 112, 114, 116, 117, 130, 135], "relev": [3, 121, 131, 134, 135], "card": [3, 121, 130, 131, 134, 136], "end": [3, 131, 132, 134], "nih": [3, 130, 132, 133], "chest": [3, 130], "x": [3, 114, 115, 116, 117, 118, 119, 123, 130, 131, 133, 134], "rai": [3, 130], "mimic": 3, "iv": 3, "python3": [3, 131, 132, 133, 134], "m": [3, 131, 132, 133, 134], "pycyclop": [3, 131, 132, 133, 134], "base": [3, 5, 7, 17, 19, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 73, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 130, 131, 136], "doesn": [3, 5], "includ": [3, 7, 11, 21, 72, 112, 114, 131, 132, 134, 135], "packag": [3, 125, 126, 127, 128, 129, 131, 132, 133, 134], "addit": [3, 75, 121, 123, 124, 131, 132, 134], "depend": 3, "set": [3, 7, 17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 131, 132, 134], "up": [3, 131, 132, 134], "henc": 3, "make": [3, 131, 134], "sure": [3, 131], "sourc": [3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 19, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 130, 135], "env": 3, "info": [3, 131, 134], "path": [3, 5, 112, 121, 123, 124, 131, 134], "bin": [3, 21], "activ": [3, 134], "In": [3, 75, 131, 134], "order": [3, 5, 17, 107, 108, 109], "test": [3, 17, 121, 123, 124, 130, 131, 134, 135, 136], "codestyl": 3, "unit": 3, "integr": [3, 131], "built": 3, "sphinx": 3, "local": 3, "doc": 3, "cd": 3, "html": [3, 121, 131, 132, 133, 134], "sphinxopt": 3, "d": [3, 75, 112, 132], "nbsphinx_allow_error": 3, "true": [3, 5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 24, 26, 27, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 112, 114, 116, 121, 123, 124, 131, 132, 133, 134], "welcom": 3, "see": [3, 7, 121, 131, 132, 133, 134], "jupyt": [3, 131, 132, 133, 134], "insid": 3, "ipython": 3, "kernel": 3, "after": [3, 17, 131, 134], "ipykernel": 3, "user": [3, 121, 131, 134], "name_of_kernel": 3, "now": 3, "navig": 3, "": [3, 7, 10, 14, 17, 21, 75, 121, 123, 124, 131, 132, 133, 134], "tab": [3, 131], "cite": 3, "when": [3, 5, 17, 21, 24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 75, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105, 123, 124, 131, 134], "project": 3, "paper": 3, "articl": 3, "krishnan2022": 3, "12": [3, 7, 131, 132, 134], "02": [3, 69, 132, 134], "22283021": 3, "author": [3, 131, 132], "krishnan": 3, "amrit": 3, "subasri": 3, "vallijah": 3, "mckeen": 3, "kaden": 3, "kore": 3, "ali": 3, "ogidi": 3, "franklin": 3, "alinoori": 3, "mahshid": 3, "lalani": 3, "nadim": 3, "dhalla": 3, "azra": 3, "verma": 3, "amol": 3, "razak": 3, "fahad": 3, "pandya": 3, "deval": 3, "dolatabadi": 3, "elham": 3, "titl": [3, 131, 132, 134], "cyclic": 3, "toward": 3, "operation": 3, "health": [3, 131, 134], "eloc": 3, "id": [3, 5, 112, 131, 132, 134], "2022": [3, 7, 131, 132], "year": [3, 7, 9, 131, 132, 134], "doi": 3, "10": [3, 131, 132, 133, 134], "1101": 3, "publish": [3, 131], "cold": 3, "spring": 3, "harbor": 3, "laboratori": [3, 134], "press": 3, "url": [3, 132], "http": [3, 121, 131, 132, 133, 134], "www": [3, 131], "medrxiv": 3, "org": [3, 121, 131, 132, 134], "content": [3, 121], "earli": 3, "08": [3, 134], "journal": 3, "medic": [4, 5, 125, 132, 134, 136], "class": [4, 5, 6, 7, 17, 18, 19, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 69, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 116, 117, 119, 120, 121, 122, 123, 124, 131, 132, 134], "decod": [5, 132], "none": [5, 7, 9, 17, 19, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 132, 133, 134], "reader": 5, "itkread": 5, "suffix": 5, "jpg": 5, "read": [5, 17], "paramet": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 131, 132, 134], "union": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "str": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 134], "imageread": 5, "option": [5, 7, 9, 10, 11, 12, 13, 17, 21, 24, 27, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 69, 75, 80, 81, 82, 83, 84, 85, 90, 95, 98, 99, 100, 103, 104, 105, 108, 112, 114, 121, 123, 124, 132], "default": [5, 7, 9, 10, 11, 12, 13, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 121, 123, 124, 131, 134], "monai": 5, "byte": 5, "bool": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 75, 76, 108, 109, 110, 112, 116, 117, 121, 123, 124, 131, 132, 134], "whether": [5, 7, 17, 21, 75, 108, 109, 110, 112, 121, 134, 136], "fals": [5, 7, 9, 10, 11, 12, 13, 14, 17, 19, 21, 29, 30, 40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105, 107, 108, 109, 110, 117, 118, 123, 124, 131, 132, 134], "return": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 115, 116, 117, 118, 119, 121, 123, 124, 132, 134], "dictionari": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 75, 121, 123, 124, 131, 134], "image_path": 5, "image_byt": 5, "method": [5, 7, 19, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 123, 124, 131, 134], "attribut": [5, 7, 19, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 131, 134], "call": [5, 121], "self": [5, 132], "storag": 5, "cast": [5, 131, 134], "arrow": 5, "arrai": [5, 24, 26, 27, 29, 30, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 63, 66, 67, 68, 69, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 119, 124, 132], "convert": [5, 25, 35, 41, 48, 61, 69, 95, 102, 104, 107, 131, 134], "pyarrow": 5, "rtype": 5, "structarrai": 5, "pa": 5, "string": [5, 7, 9, 12, 17, 21, 75, 121, 132], "must": [5, 9, 17, 21, 121], "contain": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 27, 103, 104, 121, 131, 132, 134, 136], "struct": 5, "matter": 5, "list": [5, 7, 8, 9, 10, 11, 12, 13, 14, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 115, 116, 117, 118, 119, 121, 123, 124, 131, 134], "arg": [5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "stringarrai": 5, "listarrai": 5, "token_per_repo_id": 5, "from": [5, 7, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 119, 121, 123, 124, 131, 132, 133, 134], "serial": 5, "version": [5, 121, 131, 132, 134], "dict": [5, 7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 75, 121, 123, 124], "access": 5, "privat": 5, "repositori": [5, 131], "hub": 5, "pass": [5, 17, 43, 75, 112, 121, 123, 124, 131, 134], "repo_id": 5, "token": [5, 131], "deseri": 5, "np": [5, 11, 14, 21, 123, 124, 131, 132, 133, 134], "ndarrai": [5, 14, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 116, 117, 118, 119, 123, 124], "metadata": [5, 131, 132, 134], "emb": 5, "encod": 5, "input": [5, 24, 46, 55, 60, 61, 64, 69, 70, 72, 87, 89, 95, 115, 118, 123, 124], "state": [5, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 132], "itself": 5, "otherwis": [5, 14, 24, 27, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110], "tupl": [5, 7, 66, 67, 68, 69, 75, 87, 88, 89, 92, 93, 94, 112, 123, 124], "classlabel": [5, 131, 134], "translat": 5, "translationvariablelanguag": 5, "sequenc": [5, 17, 75, 123, 124, 132], "array2d": 5, "array3d": 5, "array4d": 5, "array5d": 5, "audio": 5, "subset": 6, "hug": [6, 123, 124, 130, 136], "face": [6, 123, 124, 130, 136], "object": [7, 19, 21, 112, 114, 121, 123, 124, 131, 134], "ani": [7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 66, 67, 68, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 132, 134], "A": [7, 8, 9, 10, 11, 12, 13, 15, 17, 21, 22, 25, 75, 76, 104, 109, 121, 131, 132, 134], "each": [7, 8, 17, 21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 69, 75, 76, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110, 131, 134], "map": [7, 8, 22, 75, 123, 124, 131, 132, 134], "column": [7, 8, 9, 10, 11, 12, 13, 17, 21, 112, 123, 124, 131, 132, 134], "one": [7, 16, 17, 21, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 67, 68, 69, 76, 80, 81, 82, 83, 84, 85, 95, 98, 99, 100, 105, 123, 124], "follow": [7, 17, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 60, 61, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105, 121, 131, 132, 134], "exact": [7, 13], "select": [7, 112, 116, 131, 132, 134], "thi": [7, 17, 21, 24, 25, 26, 27, 29, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105, 110, 121, 123, 131, 132, 134, 136], "singl": [7, 75, 121, 123, 124, 131, 134], "row": [7, 131, 132], "where": [7, 8, 9, 10, 11, 12, 13, 60, 61, 63, 75, 121, 123, 124, 131, 134, 136], "support": [7, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 72, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 107, 108, 109, 135], "e": [7, 9, 10, 17, 21, 75, 116, 117, 118, 121, 131, 134], "g": [7, 9, 17, 21, 116, 117, 118, 121, 131, 134], "2021": [7, 131], "01": [7, 29, 31, 32, 131, 134], "00": [7, 131, 132, 133, 134], "min_valu": [7, 11, 131, 132, 133, 134], "minimum": [7, 11], "specifi": [7, 17, 75, 112, 121, 123, 124, 131, 134], "min_inclus": [7, 11, 131, 134], "indic": [7, 21, 27, 60, 61, 115, 118, 131, 132, 134], "rang": [7, 11, 29, 30, 66, 67, 68, 93, 131, 132, 134], "work": [7, 27, 103, 104, 121, 131, 132, 134], "numer": [7, 11, 131, 134], "datetim": [7, 9, 11, 14, 121, 131, 134], "inf": [7, 11, 131, 134], "max_valu": [7, 11, 131, 132, 133, 134], "boolean": [7, 8, 9, 10, 11, 12, 13, 15], "greater": [7, 22, 134], "than": [7, 11, 22, 48, 52, 54, 123, 124, 131, 134, 136], "equal": [7, 11, 21], "maximum": [7, 11, 22, 29, 30], "max_inclus": [7, 11, 131, 134], "less": [7, 11, 48, 52, 54, 134], "match": [7, 9, 12, 13, 17], "between": [7, 21, 38, 51, 69, 95], "1": [7, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 116, 117, 118, 119, 121, 130, 131, 132, 134, 135, 136], "dai": [7, 9, 134, 136], "31": [7, 131, 132, 134], "hour": [7, 9], "0": [7, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 115, 116, 117, 118, 119, 121, 131, 132, 133, 134], "23": [7, 131, 132, 134], "negat": [7, 9, 10, 11, 12, 13, 132], "flag": 7, "doe": [7, 9, 11, 12, 13, 17, 21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 74, 75, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 110, 121], "keep_nul": [7, 9, 11, 12, 13], "keep": [7, 17, 21, 134], "null": [7, 9, 10, 11, 12, 13, 134], "conjunct": [7, 132], "its": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 60, 61, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134], "own": [7, 131, 134], "callabl": [7, 8, 17, 21, 76, 121], "import": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 114, 121, 130, 135, 136], "slice_spec": [7, 17, 123, 124, 131, 132, 134], "feature_1": 7, "feature_2": 7, "feature_3": 7, "value_1": 7, "value_2": 7, "2020": [7, 9, 132], "5": [7, 24, 25, 27, 29, 31, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 115, 118, 119, 130, 131, 132, 134, 135], "60": [7, 132], "6": [7, 24, 26, 35, 36, 38, 39, 49, 56, 59, 62, 63, 78, 79, 80, 81, 83, 84, 85, 87, 88, 90, 92, 93, 95, 97, 98, 99, 100, 104, 107, 108, 110, 131, 132, 133, 134], "7": [7, 29, 30, 31, 36, 39, 40, 69, 80, 81, 82, 84, 85, 87, 88, 89, 93, 98, 100, 105, 108, 109, 110, 131, 132, 134, 136], "8": [7, 24, 26, 27, 29, 30, 31, 34, 35, 36, 37, 38, 40, 41, 47, 49, 50, 53, 54, 56, 59, 60, 62, 66, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 105, 107, 109, 110, 131, 132, 134], "2000": 7, "2010": 7, "slice_nam": [7, 121, 131, 134], "slice_func": 7, "print": [7, 131, 132, 134], "do": [7, 17, 131, 132, 134], "someth": 7, "here": [7, 131, 134], "filter": [7, 9, 10, 11, 12, 13, 17, 21, 131, 132, 133, 134], "add": [7, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124, 131, 134], "detail": [7, 131, 132, 134], "registri": [7, 131, 134], "gener": [7, 69, 95, 112, 121, 130, 135, 136], "slice_funct": 8, "combin": [8, 131], "result": [8, 17, 38, 51, 123, 124, 131, 133, 134], "multipl": [8, 17, 21, 75, 121], "bitwis": 8, "AND": 8, "signatur": 8, "should": [8, 21, 69, 76, 95, 117, 121, 123, 124, 131, 132, 134], "kwarg": [8, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 43, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 114, 123, 124], "given": [9, 11, 12, 13, 14, 24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 75, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110, 121, 123, 124], "int": [9, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 116, 117, 118, 119, 121, 123, 124, 131, 132, 134], "compon": 9, "have": [9, 12, 13, 17, 114, 131, 136], "nan": [9, 10, 17, 21, 130, 136], "nat": 9, "rais": [9, 11, 12, 17, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 69, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "typeerror": [9, 11, 12, 21, 22, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121], "float": [11, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 109, 110, 115, 116, 117, 118, 119, 121, 132], "valueerror": [11, 17, 21, 48, 50, 52, 54, 58, 59, 60, 61, 62, 63, 69, 121, 123, 124], "either": [11, 30, 31, 32, 75, 87, 88, 89, 92, 93, 94, 110, 121, 131, 134], "substr": 12, "ha": [13, 75, 121, 131, 132, 134], "find": [13, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 123, 132], "perform": [13, 26, 27, 31, 32, 121, 130, 134, 135, 136], "datetime64": 14, "target_column": [17, 19, 21, 131, 132, 134], "feature_column": [17, 132, 133], "prediction_column_prefix": [17, 123, 124, 131, 132, 134], "remove_column": [17, 19, 21, 123, 124, 132], "transform": [17, 66, 67, 68, 93, 123, 124, 131, 132, 133, 134], "split": [17, 112, 121, 123, 124, 131, 132, 134], "batch_siz": [17, 19, 21, 112, 123, 124, 131, 134], "1000": [17, 19, 21, 112, 123, 131, 132], "raise_on_empty_slic": [17, 21], "fairness_config": [17, 123, 124, 131, 134], "override_fairness_metr": [17, 123, 124, 131, 134], "load_dataset_kwarg": 17, "datasetdict": [17, 123, 124], "load_dataset": 17, "argument": [17, 21, 43, 75, 123, 124, 131, 134], "target": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 116, 117, 123, 124, 130, 131, 134, 135, 136], "prefix": [17, 75], "ad": [17, 114, 121, 123, 124, 131, 134], "model_nam": [17, 123, 124, 131, 132, 133, 134], "remov": [17, 21, 75, 119, 123, 124, 131, 132, 134], "mai": [17, 21, 131, 132, 134], "expens": [17, 21], "memori": [17, 21], "wrappedmodel": [17, 123, 124], "entir": [17, 131, 134], "being": 17, "note": [17, 121, 131, 134], "chosen": 17, "avail": [17, 121, 131, 134, 136], "first": [17, 21, 25, 76, 104, 131, 134], "eval": 17, "val": 17, "dev": 17, "batch": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 112, 123, 124, 132], "size": [17, 21, 112, 123, 124, 131, 132, 134], "neg": [17, 35, 48, 49, 50, 51, 52, 53, 54, 59, 61, 62, 63, 72, 81, 83, 85, 98, 99, 100, 105, 107, 108, 109, 132, 134], "integ": [17, 21, 121], "empti": [17, 21, 24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "warn": [17, 22, 24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 102, 103, 104, 105], "log": [17, 121, 130, 131, 134, 136], "configur": [17, 18, 19, 123, 124, 131, 134], "overridden": [17, 123, 124], "prediction_column": [17, 19, 21], "keyword": [17, 21, 43, 75, 123, 124], "onli": [17, 21, 24, 27, 29, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 62, 63, 75, 80, 81, 82, 84, 85, 98, 100, 103, 104, 105, 108, 109, 110], "found": [17, 75, 121, 131, 132, 133, 134], "group": [19, 21, 22, 75, 121, 131, 134], "group_valu": [19, 21], "group_bin": [19, 21, 131, 134], "group_base_valu": [19, 21, 131, 134], "threshold": [19, 21, 24, 25, 27, 29, 30, 31, 32, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 53, 54, 56, 57, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 99, 100, 102, 104, 105, 107, 109, 110, 121, 130, 131, 134, 136], "compute_optimal_threshold": [19, 21], "metric_nam": [19, 21, 43, 121, 131, 132, 134], "metric_kwarg": [19, 21], "take": [21, 24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 112, 131], "allow": [21, 22, 131, 134, 135], "intersect": 21, "treat": 21, "multilabel": [21, 24, 27, 29, 32, 36, 37, 40, 41, 49, 50, 53, 54, 60, 61, 62, 63, 68, 69, 72, 82, 83, 84, 85, 89, 90, 94, 95, 99, 100, 104, 105, 109, 110, 130, 136], "same": [21, 75, 116], "uniqu": [21, 22, 29, 30, 31, 32, 66, 67, 68, 69, 74, 87, 88, 89, 92, 93, 94, 95, 110, 132, 136], "limit": [21, 131, 132, 134], "number": [21, 22, 24, 26, 27, 29, 30, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 98, 99, 100, 103, 104, 105, 108, 110, 112, 116, 117, 121, 123, 124, 134, 135], "continu": [21, 131, 132, 134], "veri": 21, "slow": 21, "larg": 21, "denomin": 21, "pariti": 21, "across": [21, 116, 135], "linspac": 21, "monoton": [21, 69, 95], "optim": [21, 131], "oper": [21, 65, 76, 131, 134], "necessari": 21, "control": [21, 115], "usag": [21, 131, 134], "rel": 21, "small": 21, "32": [21, 131, 132, 134], "avoid": 21, "encount": [21, 134], "nest": 21, "second": [21, 76], "third": 21, "omit": 21, "requir": [21, 24, 29, 36, 37, 49, 50, 69, 84, 85, 90, 95, 100, 105, 110, 121, 123, 124, 131, 134], "huggingfac": [21, 112, 123, 124], "runtimeerror": 21, "unique_valu": 22, "max_unique_valu": 22, "50": [22, 131, 133, 134], "score": [24, 25, 26, 27, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 44, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 66, 70, 72, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 97, 98, 99, 100, 102, 103, 104, 105, 106, 107, 108, 109, 110, 132], "liter": [24, 25, 26, 27, 29, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 69, 78, 79, 80, 81, 82, 83, 84, 85, 90, 95, 97, 98, 99, 100, 103, 104, 105, 110, 121], "multiclass": [24, 26, 29, 31, 36, 37, 38, 39, 49, 50, 51, 52, 58, 59, 62, 63, 67, 69, 72, 80, 81, 84, 85, 88, 90, 93, 95, 98, 100, 103, 105, 108, 110], "One": [24, 29, 31, 32, 35, 48, 59, 62, 63, 69, 95, 132, 134], "pos_label": [24, 25, 30, 34, 35, 36, 37, 47, 48, 49, 50, 56, 57, 62, 63, 66, 69, 78, 79, 84, 85, 87, 90, 92, 95, 97, 100, 102, 105, 107, 110], "consid": [24, 26, 27, 36, 37, 49, 50, 62, 63, 84, 85, 90, 95, 100, 103, 104, 105], "posit": [24, 25, 29, 30, 34, 35, 36, 37, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 75, 78, 79, 80, 81, 82, 83, 84, 85, 87, 90, 92, 95, 97, 98, 99, 100, 102, 105, 107, 108, 109, 110, 131, 132, 134], "num_class": [24, 26, 29, 31, 36, 37, 38, 39, 49, 50, 51, 52, 58, 59, 61, 62, 63, 67, 69, 80, 81, 84, 85, 88, 90, 93, 95, 98, 100, 103, 105, 108, 110, 131, 134], "decid": [24, 36, 37, 40, 41, 49, 50, 53, 54, 56, 57, 60, 61, 78, 79, 82, 83, 84, 85, 97, 99, 100, 105], "top_k": [24, 26, 27, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 108, 109, 110, 132], "probabl": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 72, 80, 81, 82, 84, 85, 93, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 131, 134], "logit": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 72, 80, 81, 82, 84, 85, 98, 100, 102, 103, 104, 105, 107, 108, 109, 110], "top": [24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110], "k": [24, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 75, 80, 81, 82, 84, 85, 98, 100, 105, 108, 109, 110, 133], "num_label": [24, 27, 29, 32, 36, 37, 40, 41, 49, 50, 53, 54, 60, 61, 62, 63, 68, 69, 82, 83, 84, 85, 89, 90, 94, 95, 99, 100, 104, 105, 109, 110, 132], "averag": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131], "micro": [24, 26, 27, 29, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "macro": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "weight": [24, 26, 27, 29, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 132, 133, 134], "calcul": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "global": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "unweight": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105], "mean": [24, 26, 27, 29, 31, 32, 35, 36, 37, 38, 39, 40, 41, 48, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132, 134], "imbal": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 119], "account": [24, 26, 27, 29, 31, 32, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132], "instanc": [24, 26, 27, 31, 32, 36, 37, 38, 39, 40, 41, 43, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 103, 104, 105, 131, 132, 134], "alter": [24, 26, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 105], "zero_divis": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 102, 103, 104, 105], "zero": [24, 25, 26, 27, 34, 36, 37, 38, 39, 40, 41, 47, 49, 50, 51, 52, 53, 54, 56, 57, 58, 60, 61, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "divis": [24, 25, 26, 27, 34, 36, 37, 38, 39, 40, 41, 47, 49, 50, 51, 52, 53, 54, 56, 57, 58, 60, 61, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "act": [24, 25, 26, 27, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 78, 79, 80, 81, 82, 83, 84, 85, 97, 98, 99, 100, 103, 104, 105], "pred": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 134], "75": [24, 25, 29, 30, 66, 67, 68, 90, 92, 95, 103, 104, 105, 131], "05": [24, 26, 27, 29, 31, 32, 36, 38, 39, 40, 49, 53, 62, 67, 68, 69, 80, 81, 84, 85, 88, 90, 93, 94, 95, 98, 100, 103, 104, 105, 108, 110], "95": [24, 26, 27, 36, 38, 49, 62, 69, 88, 90, 93, 94, 95, 131, 132], "p": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 115, 132], "zip": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "2": [24, 26, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 49, 50, 51, 52, 53, 54, 56, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 75, 78, 79, 80, 81, 82, 83, 84, 85, 88, 89, 90, 92, 93, 95, 97, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 121, 130, 131, 132, 134, 135], "3": [24, 26, 27, 29, 31, 34, 35, 36, 37, 38, 39, 40, 47, 49, 50, 51, 52, 53, 56, 58, 59, 61, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 103, 104, 105, 107, 108, 109, 110, 116, 117, 130, 131, 132, 134, 135], "66666667": [24, 26, 36, 38, 49, 51, 61, 63, 81, 85, 87, 88, 90, 93, 94, 95, 98, 100, 104], "initi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 123, 124, 130, 131, 134, 136], "other": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131], "two": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "scalar": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "togeth": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "multipli": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "variabl": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 136], "attributeerror": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "alreadi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 134], "exist": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 121, 123, 124], "copi": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110, 131, 132, 134], "abstract": [24, 29, 36, 37, 73, 74, 84, 85, 90, 95, 100, 105, 110], "final": [24, 29, 36, 37, 74, 84, 85, 90, 95, 100, 105, 110, 132, 134], "reset": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 75, 76, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "_update_count": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "_comput": [24, 25, 26, 27, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 74, 78, 79, 80, 81, 82, 83, 84, 85, 87, 88, 89, 90, 92, 93, 94, 95, 97, 98, 99, 100, 102, 103, 104, 105, 107, 108, 109, 110], "sigmoid": [25, 35, 41, 66, 68, 69, 102, 104, 107, 109, 110], "them": [25, 104, 131, 134, 135], "875": [25, 134], "problem": [26, 88, 108, 109, 110, 136], "highest": [26, 27, 62, 63, 103, 104], "determin": [26, 27, 29, 30, 31, 32, 66, 67, 68, 87, 88, 89, 90, 92, 93, 94], "dtype": [26, 27, 31, 32, 38, 39, 40, 41, 66, 67, 68, 69, 80, 81, 82, 83, 87, 88, 89, 92, 93, 94, 98, 99, 103, 104, 115, 116, 117, 118, 119, 131, 132], "float64": [26, 27, 31, 32, 38, 39, 40, 41, 66, 67, 68, 69, 80, 81, 82, 83, 87, 88, 89, 92, 93, 94, 98, 99, 103, 104, 115, 116, 117, 118, 119, 132], "binar": [27, 29, 30, 31, 32, 34, 47, 67, 68, 93, 94, 109, 110], "output": [27, 69, 121, 131, 134], "classifi": [27, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 102, 131, 134], "correct": [27, 47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102, 103, 104], "per": [27, 75, 134], "area": [28, 29, 30, 31, 32, 45, 131, 134], "under": [28, 29, 30, 31, 32, 45, 131, 134], "curv": [28, 29, 30, 31, 32, 45, 64, 65, 66, 67, 68, 69, 86, 87, 88, 89, 90, 92, 93, 94, 95, 131, 134], "max_fpr": [29, 30], "rate": [29, 30, 66, 67, 68, 69, 131, 132, 134], "partial": [29, 30, 132], "auc": 29, "automat": [29, 30, 31, 32, 66, 67, 68, 87, 88, 89, 90, 92, 93, 94], "applic": [29, 111, 112, 114], "4": [29, 30, 34, 35, 36, 37, 40, 47, 50, 59, 63, 69, 82, 83, 84, 85, 87, 88, 90, 92, 93, 94, 95, 99, 100, 105, 107, 108, 109, 110, 130, 131, 132, 134, 135], "35": [29, 30, 69, 87, 92, 95, 103, 104, 105, 131, 132, 133, 134], "9": [29, 30, 31, 32, 34, 36, 37, 38, 39, 40, 41, 49, 50, 53, 54, 56, 60, 62, 63, 66, 67, 68, 69, 78, 79, 80, 81, 82, 83, 84, 85, 89, 90, 93, 94, 95, 97, 98, 99, 100, 103, 104, 105, 107, 109, 110, 131, 132, 134], "6111111111111112": [29, 30], "89": [29, 31, 32, 69, 134], "06": [29, 31, 69, 131, 132], "94": [29, 31], "22222222": [29, 31], "625": [29, 32, 35, 103], "aucroc": 30, "confus": [30, 31, 32, 87, 88, 89, 92, 93, 94], "matrix": [30, 31, 32, 87, 88, 89, 92, 93, 94, 115, 116, 117, 118, 119], "f": [33, 35, 37, 38, 39, 41, 46, 48, 50, 51, 52, 54, 75, 131, 132, 133, 134], "beta": [33, 35, 37, 39, 41, 46, 48, 50, 52, 54], "f1": [34, 36, 38, 40, 46, 47, 49, 51, 53], "form": [34, 47, 131, 134], "6666666666666666": [34, 36, 47, 56, 78, 84], "harmon": [35, 37, 39, 41, 48, 50, 52, 54, 131, 134], "8333333333333334": [35, 37, 50, 59, 62], "85714286": [36, 38], "9090909090909091": 37, "83333333": [37, 41, 50, 54], "55555556": [37, 50, 103], "90909091": [37, 39, 41], "85": [39, 80, 81, 84, 85, 98, 100, 131, 132, 134], "total": [40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 108, 134], "count": [40, 49, 50, 51, 52, 53, 54, 58, 59, 60, 61, 62, 63, 80, 81, 82, 83, 84, 85, 98, 99, 100, 131, 132, 134], "predicit": 41, "constructor": 43, "arraylik": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 76, 93, 102], "ground": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102], "truth": [47, 48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63, 66, 67, 68, 69, 93, 102], "npt": [48, 49, 50, 51, 52, 53, 54, 56, 57, 58, 59, 60, 61, 62, 63], "7142857142857143": 48, "estim": [49, 50, 66, 67, 68, 69, 93, 102, 123], "shape": [49, 50, 51, 52, 53, 54, 60, 61, 108, 109, 132, 133], "expect": [60, 61, 131, 134], "like": [60, 61, 75, 131], "n": [60, 61, 131, 132], "l": [60, 61], "sampl": [60, 61, 63, 119], "presenc": [60, 61, 132], "absenc": [60, 61], "rest": 61, "ratio": [62, 63, 105, 134], "correctli": [62, 131, 132, 134], "observ": [62, 131, 134, 136], "precision_scor": 62, "tp": [63, 107, 108, 109, 132], "fn": [63, 107, 108, 109, 132], "intuit": 63, "abil": [63, 131, 134], "recall_scor": 63, "3333333333333333": 63, "receiv": [65, 131, 134], "characterist": [65, 131, 134], "decis": [66, 67, 68, 69, 93, 121, 131, 134], "fpr": [66, 67, 68, 69, 131, 134], "tpr": [66, 67, 68, 69], "25": [66, 67, 68, 88, 90, 92, 93, 95, 105, 116, 117, 131, 133, 134], "softmax": [67, 69, 93], "1d": [67, 68, 69, 95], "33333333": [67, 85, 88, 90, 93, 94, 95, 100], "non": 69, "thei": 69, "evenli": [69, 95], "space": [69, 95], "increas": [69, 95], "assertionerror": [69, 121], "03": [69, 132, 134], "stat": [72, 106, 107, 108, 109, 110], "abc": 74, "properti": [74, 110, 123, 124], "other_metr": 75, "postfix": 75, "userdict": 75, "collect": [75, 131], "want": 75, "behav": 75, "themselv": 75, "intern": 75, "similar": 75, "reduc": 75, "els": [75, 132, 133], "keep_bas": 75, "iter": 75, "underli": 75, "moduledict": 75, "hashabl": 75, "v": 75, "correspond": [75, 123, 124], "keyerror": [75, 121], "some": [75, 131, 134], "pair": 75, "present": 75, "lack": 75, "metric_a": 76, "metric_b": 76, "metric1": 76, "metric2": 76, "unari": 76, "appropri": [84, 85, 100, 131, 134], "375": [88, 90], "suniqu": 90, "45": [90, 105, 131, 132, 134], "42857143": 90, "15": [103, 104, 105, 131, 134], "57142857": 103, "sum": [105, 108, 109, 110, 132, 134], "_abstractscor": [107, 108, 109], "fp": [107, 108, 109, 132], "tn": [107, 108, 109, 132], "classwis": [108, 110], "over": [108, 109, 110, 130, 132, 134, 136], "labelwis": [109, 110, 132], "prior": [110, 131], "modul": [111, 120, 121, 131, 134], "shift_typ": [112, 114], "shift_id": [112, 133], "induc": [112, 114], "synthet": [112, 114, 121, 130, 134, 135, 136], "categor": [112, 131, 134], "origin": 112, "util": [112, 131, 132, 134], "load_nih": 112, "mnt": [112, 131, 132, 133, 134], "nihcxr": [112, 130, 132, 135], "hospital_type_1": 112, "hospital_type_2": 112, "hospital_type_3": 112, "hospital_type_4": 112, "hospital_type_5": 112, "ds_sourc": [112, 133], "ds_target": [112, 133], "num_proc": [112, 133], "process": [112, 131, 132, 134], "build": 112, "hospit": [112, 131, 134, 136], "drift_detect": 114, "experiment": 114, "sklearn": [114, 131, 134], "load_diabet": 114, "y": [114, 116, 117, 119, 123, 131, 132, 134], "return_x_i": 114, "x_tr": 114, "x_te": 114, "y_tr": 114, "y_te": 114, "train_test_split": [114, 131, 134], "test_siz": 114, "random_st": [114, 131, 134], "42": [114, 131, 132, 133, 134], "gn_shift": 114, "x_shift": 114, "x_train": [114, 123], "noise_amt": [114, 118], "delta": [114, 115, 118, 119], "ko_shift": 114, "cp_shift": 114, "mfa_shift": 114, "bn_shift": 114, "tolerance_shift": 114, "ds_shift": 114, "nois": [114, 115, 118], "prob": 115, "covari": [115, 116, 117, 118, 119], "proport": [115, 131, 132, 134], "fraction": [115, 118, 119, 134], "affect": [115, 118, 121, 131, 134], "n_shuffl": [116, 117], "keep_rows_const": 116, "repermute_each_column": 116, "multiwai": 116, "associ": [116, 131, 132, 134], "swap": [116, 117], "individu": [116, 131, 134], "within": 116, "cl": [116, 117], "etc": [116, 117, 131, 132, 134], "floatnumpi": 116, "shuffl": [116, 117, 131], "permut": 116, "placehold": 116, "shift_class": [117, 119], "rank": 117, "changepoint": 117, "axi": [117, 134], "x_ref": 117, "y_ref": 117, "normal": [118, 131, 134], "clip": [118, 131, 134], "gaussian": 118, "standard": [118, 131, 134], "deviat": 118, "divid": 118, "255": [118, 132, 133], "placehol": 119, "output_dir": [121, 131, 134], "serv": 121, "interfac": 121, "popul": [121, 130, 131, 134, 136], "modelcard": 121, "directori": [121, 131, 134], "save": [121, 123, 124, 131, 134], "output_filenam": [121, 131, 132, 134], "template_path": 121, "interact": [121, 134], "save_json": 121, "synthetic_timestamp": [121, 131, 132], "date": [121, 131, 134], "jinja2": 121, "json": [121, 131, 134], "timestamp": [121, 130, 132, 135], "back": 121, "classmethod": 121, "cyclops_report": [121, 131, 134], "section_nam": [121, 131, 132, 134], "model_detail": [121, 131, 134], "extra": 121, "section": [121, 131, 132, 134], "repres": [121, 132], "bibtex": 121, "entri": 121, "plain": 121, "text": [121, 132], "descript": [121, 131, 132, 134], "license_id": [121, 131], "sensitive_featur": [121, 131], "sensitive_feature_justif": [121, 131], "inform": [121, 131], "about": [121, 131, 132, 134], "resourc": [121, 131, 134], "context": 121, "homepag": 121, "spdx": [121, 131], "identifi": [121, 130, 132, 136], "licens": [121, 131, 132, 134], "apach": [121, 131, 134], "unknown": 121, "unlicens": 121, "proprietari": 121, "justif": [121, 131], "field": [121, 130, 131, 134, 136], "descriptor": 121, "new": [121, 131, 134], "pydant": 121, "basemodel": 121, "subclass": 121, "As": 121, "long": 121, "conflict": 121, "defin": [121, 131, 132, 134], "model_card": 121, "cylop": 121, "tradeoff": [121, 132], "trade": 121, "off": 121, "interpret": 121, "consider": [121, 131, 132, 134], "affected_group": [121, 131, 132, 134], "benefit": [121, 131, 132, 134], "harm": [121, 131, 132, 134], "mitigation_strategi": [121, 131, 132, 134], "assess": 121, "mitig": [121, 131, 132, 134], "strategi": [121, 131, 132, 134], "relat": 121, "img_path": 121, "caption": [121, 131, 132, 134], "full": 121, "whole": [121, 131, 134], "left": [121, 134], "blank": 121, "instead": 121, "param": [121, 131, 134], "contact": [121, 131, 132, 134], "role": 121, "owner": [121, 131, 132, 134], "quantit": [121, 131, 132, 134], "slash": 121, "fig": [121, 131, 132, 134], "plotli": [121, 131, 132, 134], "figur": [121, 131, 134], "plot": [121, 131, 132, 134], "analysis_typ": 121, "metric_slic": [121, 131, 132, 134], "decision_threshold": 121, "pass_fail_threshold": [121, 131, 132, 134], "pass_fail_threshold_fn": [121, 131, 132, 134], "explain": 121, "fail": 121, "regul": 121, "regulatori": [121, 131, 134], "compli": 121, "risk": [121, 131, 132, 134, 136], "kind": [121, 131, 132, 134], "primari": [121, 131, 132, 134], "scope": [121, 131, 134], "usecas": 121, "version_str": [121, 131, 134], "semant": 121, "v1": 121, "dt_date": 121, "dt_datetim": 121, "unix": 121, "yyyi": 121, "mm": 121, "dd": 121, "hh": 121, "ss": 121, "ffffff": 121, "z": 121, "summar": 121, "chang": [121, 131, 132, 134], "made": [121, 131, 134], "task_featur": [123, 124, 131, 134], "task_target": [123, 124, 131, 134], "basetask": [123, 124], "ptmodel": [123, 124, 132], "skmodel": [123, 124], "splits_map": [123, 124], "fit": [123, 131, 134], "columntransform": [123, 131, 134], "slicingconfig": 123, "default_max_batch_s": 123, "unnecessari": [123, 124], "filepath": [123, 124], "pretrain": [123, 124, 132], "proba": [123, 131, 134], "mortal": 123, "pd": 123, "datafram": [123, 131, 134], "notfittederror": 123, "destin": [123, 124], "parent": [123, 124], "dirctori": [123, 124], "best_model_param": [123, 131, 134], "y_train": 123, "nonei": 123, "best": [123, 131, 134], "64": [124, 134], "compos": [124, 131, 132, 133, 134], "pathologi": [124, 130, 131, 136], "represent": [124, 131, 134], "drift": [130, 135], "experi": [130, 135], "librari": [130, 135, 136], "dimension": [130, 135], "reduct": [130, 135], "techniqu": [130, 135], "roll": [130, 135], "window": [130, 135], "biweekli": [130, 135], "kaggl": [130, 131], "heart": 130, "failur": 130, "constant": [130, 136], "distribut": [130, 132, 136], "outcom": [130, 136], "preprocessor": [130, 136], "creation": [130, 136], "synthea": [130, 134], "prolong": 130, "length": [130, 132], "stai": 130, "queri": [130, 136], "inspect": [130, 131, 136], "preprocess": [130, 131, 136], "drop": [130, 131, 136], "nan_threshold": [130, 131, 136], "gender": [130, 131, 132, 133, 136], "diseas": [130, 131, 136], "histor": [130, 131, 136], "period": [130, 136], "w": [130, 136], "showcas": [131, 134, 136], "patient": [131, 132, 133, 134, 136], "shutil": [131, 132, 134], "express": [131, 132, 134], "px": [131, 132, 134], "kaggle_api_extend": 131, "kaggleapi": 131, "imput": [131, 134], "simpleimput": [131, 134], "pipelin": [131, 134], "minmaxscal": [131, 134], "onehotencod": [131, 134], "noqa": [131, 132, 134], "e402": [131, 132, 134], "catalog": [131, 134], "create_model": [131, 134], "tabularfeatur": [131, 134], "classificationplott": [131, 134], "flatten_results_dict": [131, 134], "join": [131, 134], "load_datafram": 131, "mhx6ujw0": [131, 132, 133, 134], "py3": [131, 132, 133, 134], "lib": [131, 132, 133, 134], "site": [131, 132, 133, 134], "tqdm": [131, 132, 133, 134], "auto": [131, 132, 133, 134], "py": [131, 132, 133, 134], "21": [131, 132, 133, 134], "tqdmwarn": [131, 132, 133, 134], "iprogress": [131, 132, 133, 134], "ipywidget": [131, 132, 133, 134], "readthedoc": [131, 132, 133, 134], "io": [131, 132, 133, 134], "en": [131, 132, 133, 134], "user_instal": [131, 132, 133, 134], "autonotebook": [131, 132, 133, 134], "notebook_tqdm": [131, 132, 133, 134], "offer": [131, 132, 134], "document": [131, 132, 134], "through": [131, 132, 134], "overview": [131, 132, 134], "how": [131, 132, 134], "quick": [131, 132, 134], "glanc": [131, 132, 134], "sever": [131, 132, 134], "subgroup": [131, 132, 134], "statist": [131, 132, 134, 135], "subpopul": [131, 132, 134], "technic": [131, 132, 134], "architectur": [131, 132, 134], "involv": [131, 132, 134], "intend": [131, 132, 134], "go": [131, 132, 134], "tool": [131, 132, 134], "progress": [131, 132, 134], "subject": [131, 132, 134], "data_dir": [131, 132], "random_se": [131, 134], "train_siz": [131, 134], "sign": [131, 134], "com": [131, 132], "Then": 131, "profil": [131, 134], "usernam": 131, "trigger": 131, "download": 131, "credenti": 131, "place": 131, "locat": 131, "machin": [131, 132], "authent": 131, "dataset_download_fil": 131, "fedesoriano": 131, "unzip": 131, "df": 131, "csv": [131, 134], "file_format": 131, "reset_index": [131, 134], "index": [131, 132, 134], "2023": [131, 132, 134], "11": [131, 132, 134, 136], "18": [131, 132, 133, 134], "19": [131, 132, 134], "421": 131, "chestpaintyp": 131, "restingbp": 131, "cholesterol": 131, "fastingb": 131, "restingecg": 131, "40": [131, 134], "ata": 131, "140": 131, "289": 131, "49": [131, 132, 133, 134], "nap": 131, "160": 131, "180": 131, "37": [131, 134], "130": 131, "283": 131, "st": 131, "48": [131, 132, 134], "asi": 131, "138": 131, "214": 131, "54": [131, 132], "150": 131, "195": 131, "913": 131, "ta": 131, "110": 131, "264": 131, "914": 131, "68": 131, "144": 131, "193": 131, "915": 131, "57": [131, 132, 134], "131": 131, "916": 131, "236": 131, "lvh": 131, "917": 131, "38": [131, 132, 134], "175": 131, "maxhr": 131, "exerciseangina": 131, "oldpeak": 131, "st_slope": 131, "heartdiseas": 131, "172": 131, "156": 131, "flat": 131, "98": [131, 132], "108": 131, "122": 131, "132": 131, "141": 131, "115": 131, "174": 131, "173": 131, "918": 131, "13": [131, 132, 134], "pie": [131, 132, 134], "update_layout": [131, 132, 134], "histogram": [131, 132, 134], "xaxis_titl": [131, 132, 134], "yaxis_titl": [131, 132, 134], "bargap": [131, 132, 134], "astyp": [131, 134], "update_trac": [131, 132, 134], "textinfo": [131, 134], "percent": [131, 134], "title_text": [131, 134], "hovertempl": [131, 134], "br": [131, 134], "class_count": [131, 134], "value_count": [131, 134], "class_ratio": [131, 134], "8070866141732284": 131, "14": [131, 132, 134, 136], "39": [131, 132, 134], "20": [131, 132, 134], "wa": [131, 132, 134], "li": 131, "et": 131, "al": 131, "most": 131, "features_list": [131, 134], "sort": [131, 134], "help": [131, 132, 134], "essenti": [131, 134], "step": [131, 134], "understand": [131, 134], "u": [131, 134], "16": [131, 132, 134], "tab_featur": [131, 134], "ordin": 131, "might": [131, 134], "17": [131, 132, 134], "numeric_transform": [131, 134], "scaler": [131, 134], "binary_transform": [131, 134], "most_frequ": [131, 134], "numeric_featur": [131, 134], "features_by_typ": [131, 134], "numeric_indic": [131, 134], "get_loc": [131, 134], "binary_featur": [131, 134], "ordinal_featur": 131, "binary_indic": [131, 134], "ordinal_indic": 131, "num": [131, 134], "onehot": [131, 134], "handle_unknown": [131, 134], "ignor": [131, 132, 134], "remaind": [131, 134], "passthrough": [131, 134], "let": [131, 134], "done": [131, 134], "independ": 131, "everi": 131, "uci": 131, "archiv": 131, "ic": 131, "edu": 131, "databas": [131, 134], "cleandoc": 131, "misc": 131, "cc0": 131, "demograph": [131, 132], "often": 131, "strong": 131, "correl": 131, "older": [131, 134], "higher": 131, "panda": [131, 134], "power": [131, 134], "easi": [131, 134], "compat": [131, 134], "22": [131, 132, 134], "from_panda": [131, 134], "cleanup_cache_fil": [131, 134], "num_row": 131, "cast_column": [131, 134], "stratify_by_column": [131, 134], "seed": [131, 132, 133, 134], "100": [131, 132, 133, 134], "lt": [131, 132, 133, 134], "124591": 131, "straightforward": [131, 134], "maintain": [131, 134], "instanti": [131, 134], "line": [131, 134], "sgd": [131, 134], "logisit": [131, 134], "regress": [131, 134], "sgdclassif": [131, 134], "24": [131, 134], "sgd_classifi": 131, "123": [131, 134], "verbos": [131, 134], "class_weight": 131, "balanc": 131, "encapsul": [131, 134], "cohes": [131, 134], "structur": [131, 134], "smooth": [131, 134], "manag": [131, 134], "heart_failure_prediction_task": 131, "26": [131, 133, 134], "hyperparamet": [131, 134], "search": [131, 134], "grid": [131, 134], "27": [131, 134], "alpha": 131, "0001": 131, "001": 131, "learning_r": [131, 134], "invscal": 131, "adapt": 131, "eta0": 131, "roc_auc": 131, "07": [131, 132, 134], "643": 131, "wrapper": [131, 132, 134], "sk_model": [131, 134], "644": 131, "645": 131, "sgdclassifi": 131, "x27": [131, 134], "early_stop": 131, "loss": 131, "log_loss": 131, "rerun": [131, 134], "cell": [131, 134], "trust": [131, 134], "On": [131, 132, 134], "github": [131, 132, 134], "unabl": [131, 134], "render": [131, 134], "try": [131, 134], "page": [131, 134], "nbviewer": [131, 134], "sgdclassifiersgdclassifi": 131, "28": [131, 134], "model_param": [131, 134], "epsilon": 131, "fit_intercept": 131, "l1_ratio": 131, "max_it": 131, "n_iter_no_chang": 131, "n_job": [131, 134], "penalti": 131, "l2": 131, "power_t": 131, "tol": 131, "validation_fract": 131, "warm_start": 131, "29": [131, 134], "30": [131, 132, 134, 136], "y_pred": [131, 134], "only_predict": [131, 134], "len": [131, 132, 134], "184": 131, "6984": 131, "43": [131, 132, 134], "variou": [131, 134], "perspect": [131, 134], "metric_collect": [131, 134], "certain": [131, 134], "70": [131, 132], "33": [131, 134], "fnr": [131, 134], "ber": [131, 134], "fairness_metric_collect": [131, 134], "34": [131, 132, 134], "dataset_with_pr": [131, 134], "7681": 131, "9418": 131, "73": [131, 132, 133, 134], "54738": 131, "gt": [131, 132, 133, 134], "19991": 131, "20229": 131, "41": [131, 134], "22591": 131, "61": 131, "21061": 131, "21959": 131, "71": [131, 132], "21200": 131, "81": 131, "36": [131, 134], "results_femal": 131, "_": [131, 134], "8157": 131, "11190": 131, "50424": 131, "82": 131, "18031": 131, "59": [131, 132], "right": [131, 134], "results_flat": [131, 132, 134], "remove_metr": [131, 134], "results_female_flat": 131, "plw2901": [131, 132, 134], "actual": [131, 132, 134], "known": [131, 132, 134], "measur": [131, 134], "lambda": [131, 132, 133, 134], "plotter": [131, 133, 134], "class_nam": [131, 134], "set_templ": [131, 134], "plotly_whit": [131, 134], "extract": [131, 134], "slice_result": [131, 134], "dict_kei": [131, 134], "roc_plot": [131, 134], "roc_curve_comparison": [131, 134], "femal": [131, 132, 133, 134], "overall_perform": [131, 134], "metric_valu": [131, 134], "overall_performance_plot": [131, 134], "metrics_valu": [131, 134], "slice_metr": [131, 134], "44": [131, 132, 134], "slice_metrics_plot": [131, 134], "metrics_comparison_bar": [131, 134], "comparison": [131, 132, 134], "reform": [131, 134], "fairness_result": [131, 134], "deepcopi": [131, 134], "fairness_metr": [131, 134], "group_siz": [131, 134], "46": [131, 132, 134], "fairness_plot": [131, 134], "metrics_comparison_scatt": [131, 134], "leverag": 131, "get_metrics_trend": 131, "gather": 131, "merg": [131, 134], "recent": 131, "wish": 131, "metrics_trend": 131, "purpos": 131, "three": 131, "dummi": 131, "demonstr": [131, 136], "trend": 131, "audienc": [131, 134], "organ": [131, 134], "store": [131, 134], "regulatory_requir": [131, 134], "47": [131, 133, 134], "todai": [131, 134], "releas": [131, 134], "team": [131, 134], "vectorinstitut": [131, 134], "email": [131, 132, 134], "ai": [131, 134], "linear_model": 131, "e501": [131, 134], "next": [131, 134], "use_cas": [131, 134], "These": [131, 134], "could": [131, 134], "downstream": [131, 134], "fairness_assess": [131, 134], "well": [131, 132, 134], "taken": [131, 134], "ethical_consider": [131, 134], "clinician": [131, 134], "engin": [131, 134], "condit": 131, "improv": [131, 134], "bias": [131, 132, 134], "lead": [131, 134], "wors": [131, 134], "retrain": [131, 134], "below": [131, 134], "By": [131, 134], "folder": [131, 134], "09": [131, 132, 134], "_model_card": [131, 134], "report_path": [131, 132, 134], "heart_failure_report_period": 131, "quantitative_analysi": [131, 134], "random": [131, 133, 134], "rmtree": 131, "view": [131, 132, 134, 136], "torchxrayvis": [132, 133], "functool": 132, "torchvis": [132, 133], "densenet": [132, 133], "loader": [132, 133], "load_nihcxr": [132, 133], "lambdad": [132, 133], "resiz": [132, 133], "apply_transform": 132, "generate_nihcxr_report": 132, "55": [132, 133, 134], "560061": 132, "96": [132, 133], "238123": 132, "400": 132, "1864": 132, "69": 132, "40384": 132, "43512": 132, "76": 132, "45556": 132, "84": 132, "44561": 132, "65": [132, 133], "45555": 132, "45078": 132, "amp": [132, 134], "45469": 132, "299486": 132, "122629": 132, "396": 132, "1069": 132, "97": [132, 134], "22679": 132, "22490": 132, "43893": 132, "88": 132, "44002": 132, "46026": 132, "44858": 132, "87": [132, 134], "46600": 132, "53": [132, 134], "293574": 132, "86": 132, "122967": 132, "66": [132, 134], "383": 132, "1062": 132, "24096": 132, "20982": 132, "27212": 132, "67": 132, "43604": 132, "45543": 132, "44552": 132, "45871": 132, "52": [132, 133], "291960": 132, "119085": 132, "411": 132, "22974": 132, "20578": 132, "40760": 132, "45460": 132, "45297": 132, "45069": 132, "47366": 132, "clinical_dataset": [132, 133], "nih_d": [132, 133], "spatial_s": [132, 133], "224": [132, 133], "allow_missing_kei": [132, 133], "func": [132, 133], "1024": [132, 133], "newaxi": [132, 133], "densenet121": [132, 133], "res224": [132, 133], "No": 132, "adjust": 132, "63551": 132, "661": 132, "1676": 132, "int64": 132, "originalimag": 132, "width": [132, 134], "height": [132, 134], "originalimagepixelspac": 132, "unnam": 132, "atelectasi": 132, "float32": 132, "cardiomegali": 132, "consolid": 132, "edema": 132, "effus": 132, "emphysema": 132, "fibrosi": 132, "hernia": 132, "infiltr": 132, "mass": [132, 134], "nodul": 132, "pleural_thicken": 132, "pneumonia": 132, "pneumothorax": 132, "__index_level_0__": 132, "multilabelpositivepredictivevalu": 132, "registry_kei": 132, "positive_predictive_valu": 132, "def": [132, 134], "super": 132, "overrid": 132, "_final_st": 132, "multilabelnegativepredictivevalu": 132, "negative_predictive_valu": 132, "ppv": 132, "npv": 132, "nih_eval_results_gend": 132, "44672": 132, "46803": 132, "46626": 132, "nih_eval_results_ag": 132, "45776": 132, "47137": 132, "47004": 132, "46473": 132, "44987": 132, "45784": 132, "51": 132, "45161": 132, "45609": 132, "44025": 132, "male": [132, 133], "1200": 132, "600": [132, 134], "showlegend": 132, "bar": [132, 134], "slice_": 132, "itr": 132, "enumer": 132, "among": 132, "112": [132, 136], "120": [132, 136], "frontal": [132, 136], "805": [132, 136], "fourteen": 132, "mine": 132, "radiolog": 132, "pleural": 132, "thicken": 132, "80": [132, 134], "remain": 132, "arxiv": 132, "ab": 132, "2111": 132, "00595": 132, "inproceed": 132, "cohen2022xrv": 132, "cohen": 132, "joseph": 132, "paul": 132, "viviano": 132, "bertin": 132, "morrison": 132, "torabian": 132, "parsa": 132, "guarrera": 132, "matteo": 132, "lungren": 132, "matthew": 132, "chaudhari": 132, "akshai": 132, "brook": 132, "rupert": 132, "hashir": 132, "mohammad": 132, "bertrand": 132, "hadrien": 132, "booktitl": 132, "deep": 132, "mlmed": 132, "arxivid": 132, "cohen2020limit": 132, "cross": 132, "domain": 132, "autom": [132, 134], "2002": 132, "02497": 132, "medicin": 132, "lab": 132, "josephpcohen": 132, "radiologist": 132, "scientist": 132, "inabl": 132, "addition": 132, "poor": 132, "qualiti": 132, "artifact": 132, "geograph": 132, "region": 132, "ethic": 132, "ensur": 132, "divers": 132, "regularli": 132, "human": 132, "expertis": 132, "address": 132, "rare": 132, "nihcxr_report_period": 132, "torch": 133, "detector": 133, "reductor": 133, "tstester": 133, "plot_drift_experi": 133, "plot_drift_timeseri": 133, "manual_se": 133, "_c": 133, "0x7fd6a4082f50": 133, "shifter": 133, "source_d": 133, "target_d": 133, "25596": 133, "59604": 133, "dr_method": 133, "bbse": 133, "soft": 133, "txrv": 133, "ae": 133, "sensitivity_test": 133, "tester": 133, "tester_method": 133, "source_sample_s": 133, "target_sample_s": 133, "num_run": 133, "detect_shift": 133, "chexpert": 133, "chex": 133, "padchest": 133, "pc": 133, "source_slic": 133, "target_slic": 133, "47288": 133, "45363": 133, "45292": 133, "46826": 133, "48776": 133, "74": 133, "46309": 133, "46760": 133, "49977": 133, "rolling_window_drift": 133, "timestamp_column": 133, "window_s": 133, "4w": 133, "longer": 134, "v3": 134, "instruct": 134, "etl": 134, "postgr": 134, "cycqueri": 134, "op": 134, "qo": 134, "graph_object": 134, "datasetqueri": 134, "num_dai": 134, "querier": 134, "dbm": 134, "postgresql": 134, "port": 134, "5432": 134, "host": 134, "localhost": 134, "synthea_demo": 134, "password": 134, "pwd": 134, "get_encount": 134, "nativ": 134, "sequenti": 134, "renam": 134, "patient_id": 134, "birthdat": 134, "race": 134, "ethnic": 134, "patient_encount": 134, "isout": 134, "encounter_id": 134, "extracttimestampcompon": 134, "start_year": 134, "birthdate_year": 134, "addcolumn": 134, "new_col_label": 134, "stop": 134, "lo": 134, "conditiongreaterthan": 134, "conditionlessthan": 134, "get_observ": 134, "cohort": 134, "conditionin": 134, "categori": 134, "vital": 134, "conditionequ": 134, "groupby_op": 134, "groupbyaggreg": 134, "n_ob": 134, "observations_count": 134, "observations_stat": 134, "pivot_t": 134, "aggfunc": 134, "max": 134, "add_prefix": 134, "obs_": 134, "get_med": 134, "n_med": 134, "get_procedur": 134, "procedur": [134, 136], "n_procedur": 134, "run_queri": 134, "cohort_queri": 134, "to_merg": 134, "extend": 134, "append": 134, "to_merge_df": 134, "280": 134, "orm": 134, "readi": 134, "933": 134, "successfulli": 134, "934": 134, "finish": 134, "execut": 134, "309806": 134, "755": 134, "756": 134, "820639": 134, "56": 134, "977": 134, "979": 134, "361789": 134, "436": 134, "438": 134, "453990": 134, "545": 134, "546": 134, "107137": 134, "list_column": 134, "payer": 134, "encounterclass": 134, "base_encounter_cost": 134, "total_claim_cost": 134, "payer_coverag": 134, "reasoncod": 134, "reasondescript": 134, "null_count": 134, "isnul": 134, "respect": 134, "larger": 134, "thresh_nan": 134, "dropna": 134, "thresh": 134, "length_of_stai": 134, "length_of_stay_count": 134, "length_of_stay_kei": 134, "5573997233748271": 134, "obs_alanin": 134, "aminotransferas": 134, "enzymat": 134, "volum": 134, "serum": 134, "plasma": 134, "obs_albumin": 134, "obs_alkalin": 134, "phosphatas": 134, "obs_aspart": 134, "obs_bilirubin": 134, "obs_bodi": 134, "obs_calcium": 134, "obs_carbon": 134, "dioxid": 134, "mole": 134, "obs_chlorid": 134, "obs_creatinin": 134, "obs_diastol": 134, "blood": 134, "pressur": 134, "obs_erythrocyt": 134, "obs_ferritin": 134, "obs_glomerular": 134, "filtrat": 134, "sq": 134, "obs_glucos": 134, "obs_hematocrit": 134, "obs_hemoglobin": 134, "obs_leukocyt": 134, "obs_mch": 134, "entit": 134, "obs_mchc": 134, "obs_mcv": 134, "obs_oxygen": 134, "satur": 134, "arteri": 134, "obs_platelet": 134, "obs_potassium": 134, "obs_protein": 134, "obs_sodium": 134, "obs_systol": 134, "obs_troponin": 134, "cardiac": 134, "obs_urea": 134, "nitrogen": 134, "1126": 134, "159958": 134, "sllearn": 134, "xgb_classifi": 134, "mortalitypredict": 134, "los_task": 134, "n_estim": 134, "250": 134, "500": 134, "max_depth": 134, "reg_lambda": 134, "colsample_bytre": 134, "gamma": 134, "699": 134, "700": 134, "701": 134, "xgbclassifi": 134, "base_scor": 134, "booster": 134, "callback": 134, "colsample_bylevel": 134, "colsample_bynod": 134, "early_stopping_round": 134, "enable_categor": 134, "eval_metr": 134, "logloss": 134, "feature_typ": 134, "gpu_id": 134, "grow_polici": 134, "importance_typ": 134, "interaction_constraint": 134, "max_bin": 134, "max_cat_threshold": 134, "max_cat_to_onehot": 134, "max_delta_step": 134, "max_leav": 134, "min_child_weight": 134, "miss": 134, "monotone_constraint": 134, "num_parallel_tre": 134, "predictor": 134, "xgbclassifierxgbclassifi": 134, "logist": 134, "use_label_encod": 134, "reg_alpha": 134, "sampling_method": 134, "scale_pos_weight": 134, "subsampl": 134, "tree_method": 134, "validate_paramet": 134, "226": 134, "4296": 134, "3966": 134, "4019": 134, "89434": 134, "8295": 134, "8958": 134, "8881": 134, "8722": 134, "8805": 134, "8795": 134, "78": 134, "8744": 134, "8704": 134, "8747": 134, "8545": 134, "8167": 134, "8571428571428571": 134, "9180327868852459": 134, "835820895522388": 134, "9505804311774462": 134, "8620689655172413": 134, "9690476190476192": 134, "8809523809523809": 134, "9382716049382716": 134, "8837209302325582": 134, "9101796407185628": 134, "9694767441860466": 134, "9259259259259259": 134, "847457627118644": 134, "8849557522123894": 134, "9648615130219098": 134, "8761061946902655": 134, "9333333333333333": 134, "8689655172413793": 134, "9661983822903363": 134, "xgboost": 134, "python_api": 134, "length_of_stay_report_period": 134, "goal": 136}, "objects": {"cyclops": [[125, 0, 0, "-", "data"], [126, 0, 0, "-", "evaluate"], [127, 0, 0, "-", "monitor"], [128, 0, 0, "-", "report"], [129, 0, 0, "-", "tasks"]], "cyclops.data": [[125, 0, 0, "-", "features"], [6, 0, 0, "-", "slicer"]], "cyclops.data.features": [[4, 0, 0, "-", "medical_image"]], "cyclops.data.features.medical_image": [[5, 1, 1, "", "MedicalImage"]], "cyclops.data.features.medical_image.MedicalImage": [[5, 2, 1, "", "__call__"], [5, 2, 1, "", "cast_storage"], [5, 2, 1, "", "decode_example"], [5, 2, 1, "", "embed_storage"], [5, 2, 1, "", "encode_example"], [5, 2, 1, "", "flatten"]], "cyclops.data.slicer": [[7, 1, 1, "", "SliceSpec"], [8, 4, 1, "", "compound_filter"], [9, 4, 1, "", "filter_datetime"], [10, 4, 1, "", "filter_non_null"], [11, 4, 1, "", "filter_range"], [12, 4, 1, "", "filter_string_contains"], [13, 4, 1, "", "filter_value"], [14, 4, 1, "", "is_datetime"], [15, 4, 1, "", "overall"]], "cyclops.data.slicer.SliceSpec": [[7, 3, 1, "", "_registry"], [7, 2, 1, "", "add_slice_spec"], [7, 3, 1, "", "column_names"], [7, 2, 1, "", "get_slices"], [7, 3, 1, "", "include_overall"], [7, 2, 1, "", "slices"], [7, 3, 1, "", "spec_list"], [7, 3, 1, "", "validate"]], "cyclops.evaluate": [[16, 0, 0, "-", "evaluator"], [126, 0, 0, "-", "fairness"], [126, 0, 0, "-", "metrics"]], "cyclops.evaluate.evaluator": [[17, 4, 1, "", "evaluate"]], "cyclops.evaluate.fairness": [[18, 0, 0, "-", "config"], [20, 0, 0, "-", "evaluator"]], "cyclops.evaluate.fairness.config": [[19, 1, 1, "", "FairnessConfig"]], "cyclops.evaluate.fairness.evaluator": [[21, 4, 1, "", "evaluate_fairness"], [22, 4, 1, "", "warn_too_many_unique_values"]], "cyclops.evaluate.metrics": [[23, 0, 0, "-", "accuracy"], [28, 0, 0, "-", "auroc"], [33, 0, 0, "-", "f_beta"], [42, 0, 0, "-", "factory"], [126, 0, 0, "-", "functional"], [73, 0, 0, "-", "metric"], [77, 0, 0, "-", "precision_recall"], [86, 0, 0, "-", "precision_recall_curve"], [91, 0, 0, "-", "roc"], [96, 0, 0, "-", "sensitivity"], [101, 0, 0, "-", "specificity"], [106, 0, 0, "-", "stat_scores"]], "cyclops.evaluate.metrics.accuracy": [[24, 1, 1, "", "Accuracy"], [25, 1, 1, "", "BinaryAccuracy"], [26, 1, 1, "", "MulticlassAccuracy"], [27, 1, 1, "", "MultilabelAccuracy"]], "cyclops.evaluate.metrics.accuracy.Accuracy": [[24, 2, 1, "", "__add__"], [24, 2, 1, "", "__call__"], [24, 2, 1, "", "__init__"], [24, 2, 1, "", "__mul__"], [24, 2, 1, "", "add_state"], [24, 2, 1, "", "clone"], [24, 2, 1, "", "compute"], [24, 2, 1, "", "reset_state"], [24, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.BinaryAccuracy": [[25, 2, 1, "", "__add__"], [25, 2, 1, "", "__call__"], [25, 2, 1, "", "__init__"], [25, 2, 1, "", "__mul__"], [25, 2, 1, "", "add_state"], [25, 2, 1, "", "clone"], [25, 2, 1, "", "compute"], [25, 2, 1, "", "reset_state"], [25, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy": [[26, 2, 1, "", "__add__"], [26, 2, 1, "", "__call__"], [26, 2, 1, "", "__init__"], [26, 2, 1, "", "__mul__"], [26, 2, 1, "", "add_state"], [26, 2, 1, "", "clone"], [26, 2, 1, "", "compute"], [26, 2, 1, "", "reset_state"], [26, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy": [[27, 2, 1, "", "__add__"], [27, 2, 1, "", "__call__"], [27, 2, 1, "", "__init__"], [27, 2, 1, "", "__mul__"], [27, 2, 1, "", "add_state"], [27, 2, 1, "", "clone"], [27, 2, 1, "", "compute"], [27, 2, 1, "", "reset_state"], [27, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc": [[29, 1, 1, "", "AUROC"], [30, 1, 1, "", "BinaryAUROC"], [31, 1, 1, "", "MulticlassAUROC"], [32, 1, 1, "", "MultilabelAUROC"]], "cyclops.evaluate.metrics.auroc.AUROC": [[29, 2, 1, "", "__add__"], [29, 2, 1, "", "__call__"], [29, 2, 1, "", "__init__"], [29, 2, 1, "", "__mul__"], [29, 2, 1, "", "add_state"], [29, 2, 1, "", "clone"], [29, 2, 1, "", "compute"], [29, 2, 1, "", "reset_state"], [29, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.BinaryAUROC": [[30, 2, 1, "", "__add__"], [30, 2, 1, "", "__call__"], [30, 2, 1, "", "__init__"], [30, 2, 1, "", "__mul__"], [30, 2, 1, "", "add_state"], [30, 2, 1, "", "clone"], [30, 2, 1, "", "compute"], [30, 2, 1, "", "reset_state"], [30, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.MulticlassAUROC": [[31, 2, 1, "", "__add__"], [31, 2, 1, "", "__call__"], [31, 2, 1, "", "__init__"], [31, 2, 1, "", "__mul__"], [31, 2, 1, "", "add_state"], [31, 2, 1, "", "clone"], [31, 2, 1, "", "compute"], [31, 2, 1, "", "reset_state"], [31, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.auroc.MultilabelAUROC": [[32, 2, 1, "", "__add__"], [32, 2, 1, "", "__call__"], [32, 2, 1, "", "__init__"], [32, 2, 1, "", "__mul__"], [32, 2, 1, "", "add_state"], [32, 2, 1, "", "clone"], [32, 2, 1, "", "compute"], [32, 2, 1, "", "reset_state"], [32, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta": [[34, 1, 1, "", "BinaryF1Score"], [35, 1, 1, "", "BinaryFbetaScore"], [36, 1, 1, "", "F1Score"], [37, 1, 1, "", "FbetaScore"], [38, 1, 1, "", "MulticlassF1Score"], [39, 1, 1, "", "MulticlassFbetaScore"], [40, 1, 1, "", "MultilabelF1Score"], [41, 1, 1, "", "MultilabelFbetaScore"]], "cyclops.evaluate.metrics.f_beta.BinaryF1Score": [[34, 2, 1, "", "__add__"], [34, 2, 1, "", "__call__"], [34, 2, 1, "", "__init__"], [34, 2, 1, "", "__mul__"], [34, 2, 1, "", "add_state"], [34, 2, 1, "", "clone"], [34, 2, 1, "", "compute"], [34, 2, 1, "", "reset_state"], [34, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore": [[35, 2, 1, "", "__add__"], [35, 2, 1, "", "__call__"], [35, 2, 1, "", "__init__"], [35, 2, 1, "", "__mul__"], [35, 2, 1, "", "add_state"], [35, 2, 1, "", "clone"], [35, 2, 1, "", "compute"], [35, 2, 1, "", "reset_state"], [35, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.F1Score": [[36, 2, 1, "", "__add__"], [36, 2, 1, "", "__call__"], [36, 2, 1, "", "__init__"], [36, 2, 1, "", "__mul__"], [36, 2, 1, "", "add_state"], [36, 2, 1, "", "clone"], [36, 2, 1, "", "compute"], [36, 2, 1, "", "reset_state"], [36, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.FbetaScore": [[37, 2, 1, "", "__add__"], [37, 2, 1, "", "__call__"], [37, 2, 1, "", "__init__"], [37, 2, 1, "", "__mul__"], [37, 2, 1, "", "add_state"], [37, 2, 1, "", "clone"], [37, 2, 1, "", "compute"], [37, 2, 1, "", "reset_state"], [37, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MulticlassF1Score": [[38, 2, 1, "", "__add__"], [38, 2, 1, "", "__call__"], [38, 2, 1, "", "__init__"], [38, 2, 1, "", "__mul__"], [38, 2, 1, "", "add_state"], [38, 2, 1, "", "clone"], [38, 2, 1, "", "compute"], [38, 2, 1, "", "reset_state"], [38, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore": [[39, 2, 1, "", "__add__"], [39, 2, 1, "", "__call__"], [39, 2, 1, "", "__init__"], [39, 2, 1, "", "__mul__"], [39, 2, 1, "", "add_state"], [39, 2, 1, "", "clone"], [39, 2, 1, "", "compute"], [39, 2, 1, "", "reset_state"], [39, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MultilabelF1Score": [[40, 2, 1, "", "__add__"], [40, 2, 1, "", "__call__"], [40, 2, 1, "", "__init__"], [40, 2, 1, "", "__mul__"], [40, 2, 1, "", "add_state"], [40, 2, 1, "", "clone"], [40, 2, 1, "", "compute"], [40, 2, 1, "", "reset_state"], [40, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore": [[41, 2, 1, "", "__add__"], [41, 2, 1, "", "__call__"], [41, 2, 1, "", "__init__"], [41, 2, 1, "", "__mul__"], [41, 2, 1, "", "add_state"], [41, 2, 1, "", "clone"], [41, 2, 1, "", "compute"], [41, 2, 1, "", "reset_state"], [41, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.factory": [[43, 4, 1, "", "create_metric"]], "cyclops.evaluate.metrics.functional": [[44, 0, 0, "-", "accuracy"], [45, 0, 0, "-", "auroc"], [46, 0, 0, "-", "f_beta"], [55, 0, 0, "-", "precision_recall"], [64, 0, 0, "-", "precision_recall_curve"], [65, 0, 0, "-", "roc"], [70, 0, 0, "-", "sensitivity"], [71, 0, 0, "-", "specificity"], [72, 0, 0, "-", "stat_scores"]], "cyclops.evaluate.metrics.functional.f_beta": [[47, 4, 1, "", "binary_f1_score"], [48, 4, 1, "", "binary_fbeta_score"], [49, 4, 1, "", "f1_score"], [50, 4, 1, "", "fbeta_score"], [51, 4, 1, "", "multiclass_f1_score"], [52, 4, 1, "", "multiclass_fbeta_score"], [53, 4, 1, "", "multilabel_f1_score"], [54, 4, 1, "", "multilabel_fbeta_score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[56, 4, 1, "", "binary_precision"], [57, 4, 1, "", "binary_recall"], [58, 4, 1, "", "multiclass_precision"], [59, 4, 1, "", "multiclass_recall"], [60, 4, 1, "", "multilabel_precision"], [61, 4, 1, "", "multilabel_recall"], [62, 4, 1, "", "precision"], [63, 4, 1, "", "recall"]], "cyclops.evaluate.metrics.functional.roc": [[66, 4, 1, "", "binary_roc_curve"], [67, 4, 1, "", "multiclass_roc_curve"], [68, 4, 1, "", "multilabel_roc_curve"], [69, 4, 1, "", "roc_curve"]], "cyclops.evaluate.metrics.metric": [[74, 1, 1, "", "Metric"], [75, 1, 1, "", "MetricCollection"], [76, 1, 1, "", "OperatorMetric"]], "cyclops.evaluate.metrics.metric.Metric": [[74, 2, 1, "", "__add__"], [74, 2, 1, "", "__call__"], [74, 2, 1, "", "__init__"], [74, 2, 1, "", "__mul__"], [74, 2, 1, "", "add_state"], [74, 2, 1, "", "clone"], [74, 2, 1, "", "compute"], [74, 5, 1, "", "name"], [74, 2, 1, "", "reset_state"], [74, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.metric.MetricCollection": [[75, 2, 1, "", "__call__"], [75, 2, 1, "", "__init__"], [75, 2, 1, "", "add_metrics"], [75, 2, 1, "", "clear"], [75, 2, 1, "", "clone"], [75, 2, 1, "", "compute"], [75, 2, 1, "", "get"], [75, 2, 1, "", "items"], [75, 2, 1, "", "keys"], [75, 2, 1, "", "pop"], [75, 2, 1, "", "popitem"], [75, 2, 1, "", "reset_state"], [75, 2, 1, "", "setdefault"], [75, 2, 1, "", "update"], [75, 2, 1, "", "update_state"], [75, 2, 1, "", "values"]], "cyclops.evaluate.metrics.metric.OperatorMetric": [[76, 2, 1, "", "__add__"], [76, 2, 1, "", "__call__"], [76, 2, 1, "", "__init__"], [76, 2, 1, "", "__mul__"], [76, 2, 1, "", "add_state"], [76, 2, 1, "", "clone"], [76, 2, 1, "", "compute"], [76, 2, 1, "", "reset_state"], [76, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall": [[78, 1, 1, "", "BinaryPrecision"], [79, 1, 1, "", "BinaryRecall"], [80, 1, 1, "", "MulticlassPrecision"], [81, 1, 1, "", "MulticlassRecall"], [82, 1, 1, "", "MultilabelPrecision"], [83, 1, 1, "", "MultilabelRecall"], [84, 1, 1, "", "Precision"], [85, 1, 1, "", "Recall"]], "cyclops.evaluate.metrics.precision_recall.BinaryPrecision": [[78, 2, 1, "", "__add__"], [78, 2, 1, "", "__call__"], [78, 2, 1, "", "__init__"], [78, 2, 1, "", "__mul__"], [78, 2, 1, "", "add_state"], [78, 2, 1, "", "clone"], [78, 2, 1, "", "compute"], [78, 2, 1, "", "reset_state"], [78, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.BinaryRecall": [[79, 2, 1, "", "__add__"], [79, 2, 1, "", "__call__"], [79, 2, 1, "", "__init__"], [79, 2, 1, "", "__mul__"], [79, 2, 1, "", "add_state"], [79, 2, 1, "", "clone"], [79, 2, 1, "", "compute"], [79, 2, 1, "", "reset_state"], [79, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision": [[80, 2, 1, "", "__add__"], [80, 2, 1, "", "__call__"], [80, 2, 1, "", "__init__"], [80, 2, 1, "", "__mul__"], [80, 2, 1, "", "add_state"], [80, 2, 1, "", "clone"], [80, 2, 1, "", "compute"], [80, 2, 1, "", "reset_state"], [80, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MulticlassRecall": [[81, 2, 1, "", "__add__"], [81, 2, 1, "", "__call__"], [81, 2, 1, "", "__init__"], [81, 2, 1, "", "__mul__"], [81, 2, 1, "", "add_state"], [81, 2, 1, "", "clone"], [81, 2, 1, "", "compute"], [81, 2, 1, "", "reset_state"], [81, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision": [[82, 2, 1, "", "__add__"], [82, 2, 1, "", "__call__"], [82, 2, 1, "", "__init__"], [82, 2, 1, "", "__mul__"], [82, 2, 1, "", "add_state"], [82, 2, 1, "", "clone"], [82, 2, 1, "", "compute"], [82, 2, 1, "", "reset_state"], [82, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.MultilabelRecall": [[83, 2, 1, "", "__add__"], [83, 2, 1, "", "__call__"], [83, 2, 1, "", "__init__"], [83, 2, 1, "", "__mul__"], [83, 2, 1, "", "add_state"], [83, 2, 1, "", "clone"], [83, 2, 1, "", "compute"], [83, 2, 1, "", "reset_state"], [83, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.Precision": [[84, 2, 1, "", "__add__"], [84, 2, 1, "", "__call__"], [84, 2, 1, "", "__init__"], [84, 2, 1, "", "__mul__"], [84, 2, 1, "", "add_state"], [84, 2, 1, "", "clone"], [84, 2, 1, "", "compute"], [84, 2, 1, "", "reset_state"], [84, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall.Recall": [[85, 2, 1, "", "__add__"], [85, 2, 1, "", "__call__"], [85, 2, 1, "", "__init__"], [85, 2, 1, "", "__mul__"], [85, 2, 1, "", "add_state"], [85, 2, 1, "", "clone"], [85, 2, 1, "", "compute"], [85, 2, 1, "", "reset_state"], [85, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve": [[87, 1, 1, "", "BinaryPrecisionRecallCurve"], [88, 1, 1, "", "MulticlassPrecisionRecallCurve"], [89, 1, 1, "", "MultilabelPrecisionRecallCurve"], [90, 1, 1, "", "PrecisionRecallCurve"]], "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve": [[87, 2, 1, "", "__add__"], [87, 2, 1, "", "__call__"], [87, 2, 1, "", "__init__"], [87, 2, 1, "", "__mul__"], [87, 2, 1, "", "add_state"], [87, 2, 1, "", "clone"], [87, 2, 1, "", "compute"], [87, 2, 1, "", "reset_state"], [87, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve": [[88, 2, 1, "", "__add__"], [88, 2, 1, "", "__call__"], [88, 2, 1, "", "__init__"], [88, 2, 1, "", "__mul__"], [88, 2, 1, "", "add_state"], [88, 2, 1, "", "clone"], [88, 2, 1, "", "compute"], [88, 2, 1, "", "reset_state"], [88, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve": [[89, 2, 1, "", "__add__"], [89, 2, 1, "", "__call__"], [89, 2, 1, "", "__init__"], [89, 2, 1, "", "__mul__"], [89, 2, 1, "", "add_state"], [89, 2, 1, "", "clone"], [89, 2, 1, "", "compute"], [89, 2, 1, "", "reset_state"], [89, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve": [[90, 2, 1, "", "__add__"], [90, 2, 1, "", "__call__"], [90, 2, 1, "", "__init__"], [90, 2, 1, "", "__mul__"], [90, 2, 1, "", "add_state"], [90, 2, 1, "", "clone"], [90, 2, 1, "", "compute"], [90, 2, 1, "", "reset_state"], [90, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc": [[92, 1, 1, "", "BinaryROCCurve"], [93, 1, 1, "", "MulticlassROCCurve"], [94, 1, 1, "", "MultilabelROCCurve"], [95, 1, 1, "", "ROCCurve"]], "cyclops.evaluate.metrics.roc.BinaryROCCurve": [[92, 2, 1, "", "__add__"], [92, 2, 1, "", "__call__"], [92, 2, 1, "", "__init__"], [92, 2, 1, "", "__mul__"], [92, 2, 1, "", "add_state"], [92, 2, 1, "", "clone"], [92, 2, 1, "", "compute"], [92, 2, 1, "", "reset_state"], [92, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.MulticlassROCCurve": [[93, 2, 1, "", "__add__"], [93, 2, 1, "", "__call__"], [93, 2, 1, "", "__init__"], [93, 2, 1, "", "__mul__"], [93, 2, 1, "", "add_state"], [93, 2, 1, "", "clone"], [93, 2, 1, "", "compute"], [93, 2, 1, "", "reset_state"], [93, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.MultilabelROCCurve": [[94, 2, 1, "", "__add__"], [94, 2, 1, "", "__call__"], [94, 2, 1, "", "__init__"], [94, 2, 1, "", "__mul__"], [94, 2, 1, "", "add_state"], [94, 2, 1, "", "clone"], [94, 2, 1, "", "compute"], [94, 2, 1, "", "reset_state"], [94, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.roc.ROCCurve": [[95, 2, 1, "", "__add__"], [95, 2, 1, "", "__call__"], [95, 2, 1, "", "__init__"], [95, 2, 1, "", "__mul__"], [95, 2, 1, "", "add_state"], [95, 2, 1, "", "clone"], [95, 2, 1, "", "compute"], [95, 2, 1, "", "reset_state"], [95, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity": [[97, 1, 1, "", "BinarySensitivity"], [98, 1, 1, "", "MulticlassSensitivity"], [99, 1, 1, "", "MultilabelSensitivity"], [100, 1, 1, "", "Sensitivity"]], "cyclops.evaluate.metrics.sensitivity.BinarySensitivity": [[97, 2, 1, "", "__add__"], [97, 2, 1, "", "__call__"], [97, 2, 1, "", "__init__"], [97, 2, 1, "", "__mul__"], [97, 2, 1, "", "add_state"], [97, 2, 1, "", "clone"], [97, 2, 1, "", "compute"], [97, 2, 1, "", "reset_state"], [97, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity": [[98, 2, 1, "", "__add__"], [98, 2, 1, "", "__call__"], [98, 2, 1, "", "__init__"], [98, 2, 1, "", "__mul__"], [98, 2, 1, "", "add_state"], [98, 2, 1, "", "clone"], [98, 2, 1, "", "compute"], [98, 2, 1, "", "reset_state"], [98, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity": [[99, 2, 1, "", "__add__"], [99, 2, 1, "", "__call__"], [99, 2, 1, "", "__init__"], [99, 2, 1, "", "__mul__"], [99, 2, 1, "", "add_state"], [99, 2, 1, "", "clone"], [99, 2, 1, "", "compute"], [99, 2, 1, "", "reset_state"], [99, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.sensitivity.Sensitivity": [[100, 2, 1, "", "__add__"], [100, 2, 1, "", "__call__"], [100, 2, 1, "", "__init__"], [100, 2, 1, "", "__mul__"], [100, 2, 1, "", "add_state"], [100, 2, 1, "", "clone"], [100, 2, 1, "", "compute"], [100, 2, 1, "", "reset_state"], [100, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity": [[102, 1, 1, "", "BinarySpecificity"], [103, 1, 1, "", "MulticlassSpecificity"], [104, 1, 1, "", "MultilabelSpecificity"], [105, 1, 1, "", "Specificity"]], "cyclops.evaluate.metrics.specificity.BinarySpecificity": [[102, 2, 1, "", "__add__"], [102, 2, 1, "", "__call__"], [102, 2, 1, "", "__init__"], [102, 2, 1, "", "__mul__"], [102, 2, 1, "", "add_state"], [102, 2, 1, "", "clone"], [102, 2, 1, "", "compute"], [102, 2, 1, "", "reset_state"], [102, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.MulticlassSpecificity": [[103, 2, 1, "", "__add__"], [103, 2, 1, "", "__call__"], [103, 2, 1, "", "__init__"], [103, 2, 1, "", "__mul__"], [103, 2, 1, "", "add_state"], [103, 2, 1, "", "clone"], [103, 2, 1, "", "compute"], [103, 2, 1, "", "reset_state"], [103, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.MultilabelSpecificity": [[104, 2, 1, "", "__add__"], [104, 2, 1, "", "__call__"], [104, 2, 1, "", "__init__"], [104, 2, 1, "", "__mul__"], [104, 2, 1, "", "add_state"], [104, 2, 1, "", "clone"], [104, 2, 1, "", "compute"], [104, 2, 1, "", "reset_state"], [104, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.specificity.Specificity": [[105, 2, 1, "", "__add__"], [105, 2, 1, "", "__call__"], [105, 2, 1, "", "__init__"], [105, 2, 1, "", "__mul__"], [105, 2, 1, "", "add_state"], [105, 2, 1, "", "clone"], [105, 2, 1, "", "compute"], [105, 2, 1, "", "reset_state"], [105, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores": [[107, 1, 1, "", "BinaryStatScores"], [108, 1, 1, "", "MulticlassStatScores"], [109, 1, 1, "", "MultilabelStatScores"], [110, 1, 1, "", "StatScores"]], "cyclops.evaluate.metrics.stat_scores.BinaryStatScores": [[107, 2, 1, "", "__add__"], [107, 2, 1, "", "__call__"], [107, 2, 1, "", "__init__"], [107, 2, 1, "", "__mul__"], [107, 2, 1, "", "add_state"], [107, 2, 1, "", "clone"], [107, 2, 1, "", "compute"], [107, 2, 1, "", "reset_state"], [107, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores": [[108, 2, 1, "", "__add__"], [108, 2, 1, "", "__call__"], [108, 2, 1, "", "__init__"], [108, 2, 1, "", "__mul__"], [108, 2, 1, "", "add_state"], [108, 2, 1, "", "clone"], [108, 2, 1, "", "compute"], [108, 2, 1, "", "reset_state"], [108, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores": [[109, 2, 1, "", "__add__"], [109, 2, 1, "", "__call__"], [109, 2, 1, "", "__init__"], [109, 2, 1, "", "__mul__"], [109, 2, 1, "", "add_state"], [109, 2, 1, "", "clone"], [109, 2, 1, "", "compute"], [109, 2, 1, "", "reset_state"], [109, 2, 1, "", "update_state"]], "cyclops.evaluate.metrics.stat_scores.StatScores": [[110, 2, 1, "", "__add__"], [110, 2, 1, "", "__call__"], [110, 2, 1, "", "__init__"], [110, 2, 1, "", "__mul__"], [110, 2, 1, "", "add_state"], [110, 2, 1, "", "clone"], [110, 2, 1, "", "compute"], [110, 5, 1, "", "name"], [110, 2, 1, "", "reset_state"], [110, 2, 1, "", "update_state"]], "cyclops.monitor": [[111, 0, 0, "-", "clinical_applicator"], [113, 0, 0, "-", "synthetic_applicator"]], "cyclops.monitor.clinical_applicator": [[112, 1, 1, "", "ClinicalShiftApplicator"]], "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator": [[112, 2, 1, "", "age"], [112, 2, 1, "", "apply_shift"], [112, 2, 1, "", "custom"], [112, 2, 1, "", "hospital_type"], [112, 2, 1, "", "month"], [112, 2, 1, "", "sex"], [112, 2, 1, "", "time"]], "cyclops.monitor.synthetic_applicator": [[114, 1, 1, "", "SyntheticShiftApplicator"], [115, 4, 1, "", "binary_noise_shift"], [116, 4, 1, "", "feature_association_shift"], [117, 4, 1, "", "feature_swap_shift"], [118, 4, 1, "", "gaussian_noise_shift"], [119, 4, 1, "", "knockout_shift"]], "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator": [[114, 2, 1, "", "apply_shift"]], "cyclops.report": [[120, 0, 0, "-", "report"]], "cyclops.report.report": [[121, 1, 1, "", "ModelCardReport"]], "cyclops.report.report.ModelCardReport": [[121, 2, 1, "", "export"], [121, 2, 1, "", "from_json_file"], [121, 2, 1, "", "log_citation"], [121, 2, 1, "", "log_dataset"], [121, 2, 1, "", "log_descriptor"], [121, 2, 1, "", "log_fairness_assessment"], [121, 2, 1, "", "log_from_dict"], [121, 2, 1, "", "log_image"], [121, 2, 1, "", "log_license"], [121, 2, 1, "", "log_model_parameters"], [121, 2, 1, "", "log_owner"], [121, 2, 1, "", "log_performance_metrics"], [121, 2, 1, "", "log_plotly_figure"], [121, 2, 1, "", "log_quantitative_analysis"], [121, 2, 1, "", "log_reference"], [121, 2, 1, "", "log_regulation"], [121, 2, 1, "", "log_risk"], [121, 2, 1, "", "log_use_case"], [121, 2, 1, "", "log_user"], [121, 2, 1, "", "log_version"]], "cyclops.tasks": [[122, 0, 0, "-", "classification"]], "cyclops.tasks.classification": [[123, 1, 1, "", "BinaryTabularClassificationTask"], [124, 1, 1, "", "MultilabelImageClassificationTask"]], "cyclops.tasks.classification.BinaryTabularClassificationTask": [[123, 2, 1, "", "__init__"], [123, 2, 1, "", "add_model"], [123, 5, 1, "", "data_type"], [123, 2, 1, "", "evaluate"], [123, 2, 1, "", "get_model"], [123, 2, 1, "", "list_models"], [123, 2, 1, "", "list_models_params"], [123, 2, 1, "", "load_model"], [123, 5, 1, "", "models_count"], [123, 2, 1, "", "predict"], [123, 2, 1, "", "save_model"], [123, 5, 1, "", "task_type"], [123, 2, 1, "", "train"]], "cyclops.tasks.classification.MultilabelImageClassificationTask": [[124, 2, 1, "", "__init__"], [124, 2, 1, "", "add_model"], [124, 5, 1, "", "data_type"], [124, 2, 1, "", "evaluate"], [124, 2, 1, "", "get_model"], [124, 2, 1, "", "list_models"], [124, 2, 1, "", "list_models_params"], [124, 2, 1, "", "load_model"], [124, 5, 1, "", "models_count"], [124, 2, 1, "", "predict"], [124, 2, 1, "", "save_model"], [124, 5, 1, "", "task_type"]]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:attribute", "4": "py:function", "5": "py:property"}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "function", "Python function"], "5": ["py", "property", "Python property"]}, "titleterms": {"api": [0, 135], "refer": 0, "contribut": [1, 3], "cyclop": [1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129], "pre": 1, "commit": 1, "hook": 1, "code": 1, "guidelin": 1, "welcom": 2, "": 2, "document": [2, 3], "content": 2, "get": 3, "start": 3, "instal": 3, "us": [3, 133, 136], "pip": 3, "develop": 3, "poetri": 3, "notebook": 3, "citat": 3, "data": [4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 125, 131, 134, 136], "featur": [4, 5, 125, 131, 134], "medical_imag": [4, 5], "medicalimag": 5, "slicer": [6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "slicespec": 7, "compound_filt": 8, "filter_datetim": 9, "filter_non_nul": 10, "filter_rang": 11, "filter_string_contain": 12, "filter_valu": 13, "is_datetim": 14, "overal": 15, "evalu": [16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 126, 131, 134], "fair": [18, 19, 20, 21, 22, 126], "config": [18, 19], "fairnessconfig": 19, "evaluate_fair": 21, "warn_too_many_unique_valu": 22, "metric": [23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 126, 132], "accuraci": [23, 24, 25, 26, 27, 44], "binaryaccuraci": 25, "multiclassaccuraci": 26, "multilabelaccuraci": 27, "auroc": [28, 29, 30, 31, 32, 45, 132], "binaryauroc": 30, "multiclassauroc": 31, "multilabelauroc": 32, "f_beta": [33, 34, 35, 36, 37, 38, 39, 40, 41, 46, 47, 48, 49, 50, 51, 52, 53, 54], "binaryf1scor": 34, "binaryfbetascor": 35, "f1score": 36, "fbetascor": 37, "multiclassf1scor": 38, "multiclassfbetascor": 39, "multilabelf1scor": 40, "multilabelfbetascor": 41, "factori": [42, 43], "create_metr": 43, "function": [44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 126], "binary_f1_scor": 47, "binary_fbeta_scor": 48, "f1_score": 49, "fbeta_scor": 50, "multiclass_f1_scor": 51, "multiclass_fbeta_scor": 52, "multilabel_f1_scor": 53, "multilabel_fbeta_scor": 54, "precision_recal": [55, 56, 57, 58, 59, 60, 61, 62, 63, 77, 78, 79, 80, 81, 82, 83, 84, 85], "binary_precis": 56, "binary_recal": 57, "multiclass_precis": 58, "multiclass_recal": 59, "multilabel_precis": 60, "multilabel_recal": 61, "precis": [62, 84], "recal": [63, 85], "precision_recall_curv": [64, 86, 87, 88, 89, 90], "roc": [65, 66, 67, 68, 69, 91, 92, 93, 94, 95], "binary_roc_curv": 66, "multiclass_roc_curv": 67, "multilabel_roc_curv": 68, "roc_curv": 69, "sensit": [70, 96, 97, 98, 99, 100, 133], "specif": [71, 101, 102, 103, 104, 105], "stat_scor": [72, 106, 107, 108, 109, 110], "metriccollect": 75, "operatormetr": 76, "binaryprecis": 78, "binaryrecal": 79, "multiclassprecis": 80, "multiclassrecal": 81, "multilabelprecis": 82, "multilabelrecal": 83, "binaryprecisionrecallcurv": 87, "multiclassprecisionrecallcurv": 88, "multilabelprecisionrecallcurv": 89, "precisionrecallcurv": 90, "binaryroccurv": 92, "multiclassroccurv": 93, "multilabelroccurv": 94, "roccurv": 95, "binarysensit": 97, "multiclasssensit": 98, "multilabelsensit": 99, "binaryspecif": 102, "multiclassspecif": 103, "multilabelspecif": 104, "binarystatscor": 107, "multiclassstatscor": 108, "multilabelstatscor": 109, "statscor": 110, "monitor": [111, 112, 113, 114, 115, 116, 117, 118, 119, 127, 135], "clinical_appl": [111, 112], "clinicalshiftappl": 112, "synthetic_appl": [113, 114, 115, 116, 117, 118, 119], "syntheticshiftappl": 114, "binary_noise_shift": 115, "feature_association_shift": 116, "feature_swap_shift": 117, "gaussian_noise_shift": 118, "knockout_shift": 119, "report": [120, 121, 128, 131, 132, 134], "modelcardreport": 121, "task": [122, 123, 124, 129, 131, 134], "classif": [122, 123, 124, 132, 136], "binarytabularclassificationtask": 123, "multilabelimageclassificationtask": 124, "tutori": [130, 133], "heart": [131, 136], "failur": [131, 136], "predict": [131, 134, 136], "import": [131, 132, 133, 134], "librari": [131, 132, 133, 134], "constant": [131, 134], "load": [131, 132, 133], "sex": [131, 132], "valu": 131, "ag": [131, 132, 134], "distribut": [131, 134], "outcom": [131, 134], "identifi": [131, 134], "type": [131, 134], "creat": [131, 134], "preprocessor": [131, 134], "hug": [131, 134], "face": [131, 134], "dataset": [131, 132, 133, 134], "model": [131, 132, 133, 134], "creation": [131, 132, 134], "train": [131, 133, 134], "perform": [131, 132], "over": 131, "time": 131, "gener": [131, 132, 133, 134], "chest": [132, 136], "x": [132, 136], "rai": [132, 136], "diseas": 132, "histor": 132, "initi": 132, "period": 132, "multilabel": 132, "pathologi": 132, "log": 132, "test": [132, 133], "w": 132, "threshold": 132, "popul": 132, "card": 132, "field": 132, "nihcxr": 133, "clinic": 133, "drift": 133, "experi": 133, "exampl": [133, 136], "1": 133, "sourc": 133, "target": 133, "2": 133, "3": 133, "dimension": 133, "reduct": 133, "techniqu": 133, "differ": 133, "4": 133, "shift": 133, "5": 133, "roll": 133, "window": 133, "synthet": 133, "timestamp": 133, "biweekli": 133, "prolong": [134, 136], "length": [134, 136], "stai": [134, 136], "queri": 134, "comput": 134, "label": 134, "inspect": 134, "preprocess": 134, "drop": 134, "nan": 134, "base": 134, "nan_threshold": 134, "gender": 134, "case": 136, "tabular": 136, "kaggl": 136, "synthea": 136, "imag": 136, "nih": 136}, "envversion": {"sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1, "sphinx.ext.intersphinx": 1, "nbsphinx": 4, "sphinx": 60}, "alltitles": {"API Reference": [[0, "api-reference"]], "Contributing to cyclops": [[1, "contributing-to-cyclops"]], "Pre-commit hooks": [[1, "pre-commit-hooks"]], "Coding guidelines": [[1, "coding-guidelines"]], "Welcome to cyclops\u2019s documentation!": [[2, "welcome-to-cyclops-s-documentation"]], "Contents:": [[2, null]], "\ud83d\udc23 Getting Started": [[3, "getting-started"]], "Installing cyclops using pip": [[3, "installing-cyclops-using-pip"]], "\ud83e\uddd1\ud83c\udfff\u200d\ud83d\udcbb Developing": [[3, "developing"]], "Using poetry": [[3, "using-poetry"]], "Contributing": [[3, "contributing"]], "\ud83d\udcda Documentation": [[3, "documentation"]], "\ud83d\udcd3 Notebooks": [[3, "notebooks"]], "\ud83c\udf93 Citation": [[3, "citation"]], "cyclops.data.features.medical_image": [[4, "module-cyclops.data.features.medical_image"]], "cyclops.data.features.medical_image.MedicalImage": [[5, "cyclops-data-features-medical-image-medicalimage"]], "cyclops.data.slicer": [[6, "module-cyclops.data.slicer"]], "cyclops.data.slicer.SliceSpec": [[7, "cyclops-data-slicer-slicespec"]], "cyclops.data.slicer.compound_filter": [[8, "cyclops-data-slicer-compound-filter"]], "cyclops.data.slicer.filter_datetime": [[9, "cyclops-data-slicer-filter-datetime"]], "cyclops.data.slicer.filter_non_null": [[10, "cyclops-data-slicer-filter-non-null"]], "cyclops.data.slicer.filter_range": [[11, "cyclops-data-slicer-filter-range"]], "cyclops.data.slicer.filter_string_contains": [[12, "cyclops-data-slicer-filter-string-contains"]], "cyclops.data.slicer.filter_value": [[13, "cyclops-data-slicer-filter-value"]], "cyclops.data.slicer.is_datetime": [[14, "cyclops-data-slicer-is-datetime"]], "cyclops.data.slicer.overall": [[15, "cyclops-data-slicer-overall"]], "cyclops.evaluate.evaluator": [[16, "module-cyclops.evaluate.evaluator"]], "cyclops.evaluate.evaluator.evaluate": [[17, "cyclops-evaluate-evaluator-evaluate"]], "cyclops.evaluate.fairness.config": [[18, "module-cyclops.evaluate.fairness.config"]], "cyclops.evaluate.fairness.config.FairnessConfig": [[19, "cyclops-evaluate-fairness-config-fairnessconfig"]], "cyclops.evaluate.fairness.evaluator": [[20, "module-cyclops.evaluate.fairness.evaluator"]], "cyclops.evaluate.fairness.evaluator.evaluate_fairness": [[21, "cyclops-evaluate-fairness-evaluator-evaluate-fairness"]], "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values": [[22, "cyclops-evaluate-fairness-evaluator-warn-too-many-unique-values"]], "cyclops.evaluate.metrics.accuracy": [[23, "module-cyclops.evaluate.metrics.accuracy"]], "cyclops.evaluate.metrics.accuracy.Accuracy": [[24, "cyclops-evaluate-metrics-accuracy-accuracy"]], "cyclops.evaluate.metrics.accuracy.BinaryAccuracy": [[25, "cyclops-evaluate-metrics-accuracy-binaryaccuracy"]], "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy": [[26, "cyclops-evaluate-metrics-accuracy-multiclassaccuracy"]], "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy": [[27, "cyclops-evaluate-metrics-accuracy-multilabelaccuracy"]], "cyclops.evaluate.metrics.auroc": [[28, "module-cyclops.evaluate.metrics.auroc"]], "cyclops.evaluate.metrics.auroc.AUROC": [[29, "cyclops-evaluate-metrics-auroc-auroc"]], "cyclops.evaluate.metrics.auroc.BinaryAUROC": [[30, "cyclops-evaluate-metrics-auroc-binaryauroc"]], "cyclops.evaluate.metrics.auroc.MulticlassAUROC": [[31, "cyclops-evaluate-metrics-auroc-multiclassauroc"]], "cyclops.evaluate.metrics.auroc.MultilabelAUROC": [[32, "cyclops-evaluate-metrics-auroc-multilabelauroc"]], "cyclops.evaluate.metrics.f_beta": [[33, "module-cyclops.evaluate.metrics.f_beta"]], "cyclops.evaluate.metrics.f_beta.BinaryF1Score": [[34, "cyclops-evaluate-metrics-f-beta-binaryf1score"]], "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore": [[35, "cyclops-evaluate-metrics-f-beta-binaryfbetascore"]], "cyclops.evaluate.metrics.f_beta.F1Score": [[36, "cyclops-evaluate-metrics-f-beta-f1score"]], "cyclops.evaluate.metrics.f_beta.FbetaScore": [[37, "cyclops-evaluate-metrics-f-beta-fbetascore"]], "cyclops.evaluate.metrics.f_beta.MulticlassF1Score": [[38, "cyclops-evaluate-metrics-f-beta-multiclassf1score"]], "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore": [[39, "cyclops-evaluate-metrics-f-beta-multiclassfbetascore"]], "cyclops.evaluate.metrics.f_beta.MultilabelF1Score": [[40, "cyclops-evaluate-metrics-f-beta-multilabelf1score"]], "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore": [[41, "cyclops-evaluate-metrics-f-beta-multilabelfbetascore"]], "cyclops.evaluate.metrics.factory": [[42, "module-cyclops.evaluate.metrics.factory"]], "cyclops.evaluate.metrics.factory.create_metric": [[43, "cyclops-evaluate-metrics-factory-create-metric"]], "cyclops.evaluate.metrics.functional.accuracy": [[44, "module-cyclops.evaluate.metrics.functional.accuracy"]], "cyclops.evaluate.metrics.functional.auroc": [[45, "module-cyclops.evaluate.metrics.functional.auroc"]], "cyclops.evaluate.metrics.functional.f_beta": [[46, "module-cyclops.evaluate.metrics.functional.f_beta"]], "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score": [[47, "cyclops-evaluate-metrics-functional-f-beta-binary-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score": [[48, "cyclops-evaluate-metrics-functional-f-beta-binary-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.f1_score": [[49, "cyclops-evaluate-metrics-functional-f-beta-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.fbeta_score": [[50, "cyclops-evaluate-metrics-functional-f-beta-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score": [[51, "cyclops-evaluate-metrics-functional-f-beta-multiclass-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score": [[52, "cyclops-evaluate-metrics-functional-f-beta-multiclass-fbeta-score"]], "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score": [[53, "cyclops-evaluate-metrics-functional-f-beta-multilabel-f1-score"]], "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score": [[54, "cyclops-evaluate-metrics-functional-f-beta-multilabel-fbeta-score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[55, "module-cyclops.evaluate.metrics.functional.precision_recall"]], "cyclops.evaluate.metrics.functional.precision_recall.binary_precision": [[56, "cyclops-evaluate-metrics-functional-precision-recall-binary-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.binary_recall": [[57, "cyclops-evaluate-metrics-functional-precision-recall-binary-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision": [[58, "cyclops-evaluate-metrics-functional-precision-recall-multiclass-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall": [[59, "cyclops-evaluate-metrics-functional-precision-recall-multiclass-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision": [[60, "cyclops-evaluate-metrics-functional-precision-recall-multilabel-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall": [[61, "cyclops-evaluate-metrics-functional-precision-recall-multilabel-recall"]], "cyclops.evaluate.metrics.functional.precision_recall.precision": [[62, "cyclops-evaluate-metrics-functional-precision-recall-precision"]], "cyclops.evaluate.metrics.functional.precision_recall.recall": [[63, "cyclops-evaluate-metrics-functional-precision-recall-recall"]], "cyclops.evaluate.metrics.functional.precision_recall_curve": [[64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"]], "cyclops.evaluate.metrics.functional.roc": [[65, "module-cyclops.evaluate.metrics.functional.roc"]], "cyclops.evaluate.metrics.functional.roc.binary_roc_curve": [[66, "cyclops-evaluate-metrics-functional-roc-binary-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve": [[67, "cyclops-evaluate-metrics-functional-roc-multiclass-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve": [[68, "cyclops-evaluate-metrics-functional-roc-multilabel-roc-curve"]], "cyclops.evaluate.metrics.functional.roc.roc_curve": [[69, "cyclops-evaluate-metrics-functional-roc-roc-curve"]], "cyclops.evaluate.metrics.functional.sensitivity": [[70, "module-cyclops.evaluate.metrics.functional.sensitivity"]], "cyclops.evaluate.metrics.functional.specificity": [[71, "module-cyclops.evaluate.metrics.functional.specificity"]], "cyclops.evaluate.metrics.functional.stat_scores": [[72, "module-cyclops.evaluate.metrics.functional.stat_scores"]], "cyclops.evaluate.metrics.metric": [[73, "module-cyclops.evaluate.metrics.metric"]], "cyclops.evaluate.metrics.metric.Metric": [[74, "cyclops-evaluate-metrics-metric-metric"]], "cyclops.evaluate.metrics.metric.MetricCollection": [[75, "cyclops-evaluate-metrics-metric-metriccollection"]], "cyclops.evaluate.metrics.metric.OperatorMetric": [[76, "cyclops-evaluate-metrics-metric-operatormetric"]], "cyclops.evaluate.metrics.precision_recall": [[77, "module-cyclops.evaluate.metrics.precision_recall"]], "cyclops.evaluate.metrics.precision_recall.BinaryPrecision": [[78, "cyclops-evaluate-metrics-precision-recall-binaryprecision"]], "cyclops.evaluate.metrics.precision_recall.BinaryRecall": [[79, "cyclops-evaluate-metrics-precision-recall-binaryrecall"]], "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision": [[80, "cyclops-evaluate-metrics-precision-recall-multiclassprecision"]], "cyclops.evaluate.metrics.precision_recall.MulticlassRecall": [[81, "cyclops-evaluate-metrics-precision-recall-multiclassrecall"]], "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision": [[82, "cyclops-evaluate-metrics-precision-recall-multilabelprecision"]], "cyclops.evaluate.metrics.precision_recall.MultilabelRecall": [[83, "cyclops-evaluate-metrics-precision-recall-multilabelrecall"]], "cyclops.evaluate.metrics.precision_recall.Precision": [[84, "cyclops-evaluate-metrics-precision-recall-precision"]], "cyclops.evaluate.metrics.precision_recall.Recall": [[85, "cyclops-evaluate-metrics-precision-recall-recall"]], "cyclops.evaluate.metrics.precision_recall_curve": [[86, "module-cyclops.evaluate.metrics.precision_recall_curve"]], "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve": [[87, "cyclops-evaluate-metrics-precision-recall-curve-binaryprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve": [[88, "cyclops-evaluate-metrics-precision-recall-curve-multiclassprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve": [[89, "cyclops-evaluate-metrics-precision-recall-curve-multilabelprecisionrecallcurve"]], "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve": [[90, "cyclops-evaluate-metrics-precision-recall-curve-precisionrecallcurve"]], "cyclops.evaluate.metrics.roc": [[91, "module-cyclops.evaluate.metrics.roc"]], "cyclops.evaluate.metrics.roc.BinaryROCCurve": [[92, "cyclops-evaluate-metrics-roc-binaryroccurve"]], "cyclops.evaluate.metrics.roc.MulticlassROCCurve": [[93, "cyclops-evaluate-metrics-roc-multiclassroccurve"]], "cyclops.evaluate.metrics.roc.MultilabelROCCurve": [[94, "cyclops-evaluate-metrics-roc-multilabelroccurve"]], "cyclops.evaluate.metrics.roc.ROCCurve": [[95, "cyclops-evaluate-metrics-roc-roccurve"]], "cyclops.evaluate.metrics.sensitivity": [[96, "module-cyclops.evaluate.metrics.sensitivity"]], "cyclops.evaluate.metrics.sensitivity.BinarySensitivity": [[97, "cyclops-evaluate-metrics-sensitivity-binarysensitivity"]], "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity": [[98, "cyclops-evaluate-metrics-sensitivity-multiclasssensitivity"]], "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity": [[99, "cyclops-evaluate-metrics-sensitivity-multilabelsensitivity"]], "cyclops.evaluate.metrics.sensitivity.Sensitivity": [[100, "cyclops-evaluate-metrics-sensitivity-sensitivity"]], "cyclops.evaluate.metrics.specificity": [[101, "module-cyclops.evaluate.metrics.specificity"]], "cyclops.evaluate.metrics.specificity.BinarySpecificity": [[102, "cyclops-evaluate-metrics-specificity-binaryspecificity"]], "cyclops.evaluate.metrics.specificity.MulticlassSpecificity": [[103, "cyclops-evaluate-metrics-specificity-multiclassspecificity"]], "cyclops.evaluate.metrics.specificity.MultilabelSpecificity": [[104, "cyclops-evaluate-metrics-specificity-multilabelspecificity"]], "cyclops.evaluate.metrics.specificity.Specificity": [[105, "cyclops-evaluate-metrics-specificity-specificity"]], "cyclops.evaluate.metrics.stat_scores": [[106, "module-cyclops.evaluate.metrics.stat_scores"]], "cyclops.evaluate.metrics.stat_scores.BinaryStatScores": [[107, "cyclops-evaluate-metrics-stat-scores-binarystatscores"]], "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores": [[108, "cyclops-evaluate-metrics-stat-scores-multiclassstatscores"]], "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores": [[109, "cyclops-evaluate-metrics-stat-scores-multilabelstatscores"]], "cyclops.evaluate.metrics.stat_scores.StatScores": [[110, "cyclops-evaluate-metrics-stat-scores-statscores"]], "cyclops.monitor.clinical_applicator": [[111, "module-cyclops.monitor.clinical_applicator"]], "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator": [[112, "cyclops-monitor-clinical-applicator-clinicalshiftapplicator"]], "cyclops.monitor.synthetic_applicator": [[113, "module-cyclops.monitor.synthetic_applicator"]], "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator": [[114, "cyclops-monitor-synthetic-applicator-syntheticshiftapplicator"]], "cyclops.monitor.synthetic_applicator.binary_noise_shift": [[115, "cyclops-monitor-synthetic-applicator-binary-noise-shift"]], "cyclops.monitor.synthetic_applicator.feature_association_shift": [[116, "cyclops-monitor-synthetic-applicator-feature-association-shift"]], "cyclops.monitor.synthetic_applicator.feature_swap_shift": [[117, "cyclops-monitor-synthetic-applicator-feature-swap-shift"]], "cyclops.monitor.synthetic_applicator.gaussian_noise_shift": [[118, "cyclops-monitor-synthetic-applicator-gaussian-noise-shift"]], "cyclops.monitor.synthetic_applicator.knockout_shift": [[119, "cyclops-monitor-synthetic-applicator-knockout-shift"]], "cyclops.report.report": [[120, "module-cyclops.report.report"]], "cyclops.report.report.ModelCardReport": [[121, "cyclops-report-report-modelcardreport"]], "cyclops.tasks.classification": [[122, "module-cyclops.tasks.classification"]], "cyclops.tasks.classification.BinaryTabularClassificationTask": [[123, "cyclops-tasks-classification-binarytabularclassificationtask"]], "cyclops.tasks.classification.MultilabelImageClassificationTask": [[124, "cyclops-tasks-classification-multilabelimageclassificationtask"]], "cyclops.data": [[125, "module-cyclops.data"]], "cyclops.data.features": [[125, "module-cyclops.data.features"]], "cyclops.evaluate": [[126, "module-cyclops.evaluate"]], "cyclops.evaluate.metrics": [[126, "module-cyclops.evaluate.metrics"]], "cyclops.evaluate.metrics.functional": [[126, "module-cyclops.evaluate.metrics.functional"]], "cyclops.evaluate.fairness": [[126, "module-cyclops.evaluate.fairness"]], "cyclops.monitor": [[127, "module-cyclops.monitor"]], "cyclops.report": [[128, "module-cyclops.report"]], "cyclops.tasks": [[129, "module-cyclops.tasks"]], "Tutorials": [[130, "tutorials"]], "Heart Failure Prediction": [[131, "Heart-Failure-Prediction"]], "Import Libraries": [[131, "Import-Libraries"], [132, "Import-Libraries"], [134, "Import-Libraries"]], "Constants": [[131, "Constants"], [134, "Constants"]], "Data Loading": [[131, "Data-Loading"]], "Sex values": [[131, "Sex-values"]], "Age distribution": [[131, "Age-distribution"], [134, "Age-distribution"]], "Outcome distribution": [[131, "Outcome-distribution"], [134, "Outcome-distribution"]], "Identifying feature types": [[131, "Identifying-feature-types"], [134, "Identifying-feature-types"]], "Creating data preprocessors": [[131, "Creating-data-preprocessors"], [134, "Creating-data-preprocessors"]], "Creating Hugging Face Dataset": [[131, "Creating-Hugging-Face-Dataset"], [134, "Creating-Hugging-Face-Dataset"]], "Model Creation": [[131, "Model-Creation"], [132, "Model-Creation"], [134, "Model-Creation"]], "Task Creation": [[131, "Task-Creation"], [134, "Task-Creation"]], "Training": [[131, "Training"], [134, "Training"]], "Prediction": [[131, "Prediction"], [134, "Prediction"]], "Evaluation": [[131, "Evaluation"], [134, "Evaluation"]], "Performance over time": [[131, "Performance-over-time"]], "Report Generation": [[131, "Report-Generation"], [134, "Report-Generation"]], "Chest X-Ray Disease Classification": [[132, "Chest-X-Ray-Disease-Classification"]], "Generate Historical Reports": [[132, "Generate-Historical-Reports"]], "Initialize Periodic Report": [[132, "Initialize-Periodic-Report"]], "Load Dataset": [[132, "Load-Dataset"]], "Multilabel AUROC by Pathology and Sex": [[132, "Multilabel-AUROC-by-Pathology-and-Sex"]], "Multilabel AUROC by Pathology and Age": [[132, "Multilabel-AUROC-by-Pathology-and-Age"]], "Log Performance Metrics as Tests w/ Thresholds": [[132, "Log-Performance-Metrics-as-Tests-w/-Thresholds"]], "Populate Model Card Fields": [[132, "Populate-Model-Card-Fields"]], "NIHCXR Clinical Drift Experiments Tutorial": [[133, "NIHCXR-Clinical-Drift-Experiments-Tutorial"]], "Import Libraries and Load NIHCXR Dataset": [[133, "Import-Libraries-and-Load-NIHCXR-Dataset"]], "Example 1. Generate Source/Target Dataset for Experiments (1-2)": [[133, "Example-1.-Generate-Source/Target-Dataset-for-Experiments-(1-2)"]], "Example 2. Sensitivity test experiment with 3 dimensionality reduction techniques": [[133, "Example-2.-Sensitivity-test-experiment-with-3-dimensionality-reduction-techniques"]], "Example 3. Sensitivity test experiment with models trained on different datasets": [[133, "Example-3.-Sensitivity-test-experiment-with-models-trained-on-different-datasets"]], "Example 4. Sensitivity test experiment with different clinical shifts": [[133, "Example-4.-Sensitivity-test-experiment-with-different-clinical-shifts"]], "Example 5. Rolling window experiment with synthetic timestamps using biweekly window": [[133, "Example-5.-Rolling-window-experiment-with-synthetic-timestamps-using-biweekly-window"]], "Prolonged Length of Stay Prediction": [[134, "Prolonged-Length-of-Stay-Prediction"]], "Data Querying": [[134, "Data-Querying"]], "Compute length of stay (labels)": [[134, "Compute-length-of-stay-(labels)"]], "Data Inspection and Preprocessing": [[134, "Data-Inspection-and-Preprocessing"]], "Drop NaNs based on the NAN_THRESHOLD": [[134, "Drop-NaNs-based-on-the-NAN_THRESHOLD"]], "Length of stay distribution": [[134, "Length-of-stay-distribution"]], "Gender distribution": [[134, "Gender-distribution"]], "monitor API": [[135, "monitor-api"]], "Example use cases": [[136, "example-use-cases"]], "Tabular data": [[136, "tabular-data"]], "Kaggle Heart Failure Prediction": [[136, "kaggle-heart-failure-prediction"]], "Synthea Prolonged Length of Stay Prediction": [[136, "synthea-prolonged-length-of-stay-prediction"]], "Image data": [[136, "image-data"]], "NIH Chest X-ray classification": [[136, "nih-chest-x-ray-classification"]]}, "indexentries": {"cyclops.data.features.medical_image": [[4, "module-cyclops.data.features.medical_image"]], "module": [[4, "module-cyclops.data.features.medical_image"], [6, "module-cyclops.data.slicer"], [16, "module-cyclops.evaluate.evaluator"], [18, "module-cyclops.evaluate.fairness.config"], [20, "module-cyclops.evaluate.fairness.evaluator"], [23, "module-cyclops.evaluate.metrics.accuracy"], [28, "module-cyclops.evaluate.metrics.auroc"], [33, "module-cyclops.evaluate.metrics.f_beta"], [42, "module-cyclops.evaluate.metrics.factory"], [44, "module-cyclops.evaluate.metrics.functional.accuracy"], [45, "module-cyclops.evaluate.metrics.functional.auroc"], [46, "module-cyclops.evaluate.metrics.functional.f_beta"], [55, "module-cyclops.evaluate.metrics.functional.precision_recall"], [64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"], [65, "module-cyclops.evaluate.metrics.functional.roc"], [70, "module-cyclops.evaluate.metrics.functional.sensitivity"], [71, "module-cyclops.evaluate.metrics.functional.specificity"], [72, "module-cyclops.evaluate.metrics.functional.stat_scores"], [73, "module-cyclops.evaluate.metrics.metric"], [77, "module-cyclops.evaluate.metrics.precision_recall"], [86, "module-cyclops.evaluate.metrics.precision_recall_curve"], [91, "module-cyclops.evaluate.metrics.roc"], [96, "module-cyclops.evaluate.metrics.sensitivity"], [101, "module-cyclops.evaluate.metrics.specificity"], [106, "module-cyclops.evaluate.metrics.stat_scores"], [111, "module-cyclops.monitor.clinical_applicator"], [113, "module-cyclops.monitor.synthetic_applicator"], [120, "module-cyclops.report.report"], [122, "module-cyclops.tasks.classification"], [125, "module-cyclops.data"], [125, "module-cyclops.data.features"], [126, "module-cyclops.evaluate"], [126, "module-cyclops.evaluate.fairness"], [126, "module-cyclops.evaluate.metrics"], [126, "module-cyclops.evaluate.metrics.functional"], [127, "module-cyclops.monitor"], [128, "module-cyclops.report"], [129, "module-cyclops.tasks"]], "medicalimage (class in cyclops.data.features.medical_image)": [[5, "cyclops.data.features.medical_image.MedicalImage"]], "__call__() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.__call__"]], "cast_storage() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.cast_storage"]], "decode_example() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.decode_example"]], "embed_storage() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.embed_storage"]], "encode_example() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.encode_example"]], "flatten() (medicalimage method)": [[5, "cyclops.data.features.medical_image.MedicalImage.flatten"]], "cyclops.data.slicer": [[6, "module-cyclops.data.slicer"]], "slicespec (class in cyclops.data.slicer)": [[7, "cyclops.data.slicer.SliceSpec"]], "_registry (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec._registry"]], "add_slice_spec() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.add_slice_spec"]], "column_names (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.column_names"]], "get_slices() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.get_slices"]], "include_overall (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.include_overall"]], "slices() (slicespec method)": [[7, "cyclops.data.slicer.SliceSpec.slices"]], "spec_list (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.spec_list"]], "validate (slicespec attribute)": [[7, "cyclops.data.slicer.SliceSpec.validate"]], "compound_filter() (in module cyclops.data.slicer)": [[8, "cyclops.data.slicer.compound_filter"]], "filter_datetime() (in module cyclops.data.slicer)": [[9, "cyclops.data.slicer.filter_datetime"]], "filter_non_null() (in module cyclops.data.slicer)": [[10, "cyclops.data.slicer.filter_non_null"]], "filter_range() (in module cyclops.data.slicer)": [[11, "cyclops.data.slicer.filter_range"]], "filter_string_contains() (in module cyclops.data.slicer)": [[12, "cyclops.data.slicer.filter_string_contains"]], "filter_value() (in module cyclops.data.slicer)": [[13, "cyclops.data.slicer.filter_value"]], "is_datetime() (in module cyclops.data.slicer)": [[14, "cyclops.data.slicer.is_datetime"]], "overall() (in module cyclops.data.slicer)": [[15, "cyclops.data.slicer.overall"]], "cyclops.evaluate.evaluator": [[16, "module-cyclops.evaluate.evaluator"]], "evaluate() (in module cyclops.evaluate.evaluator)": [[17, "cyclops.evaluate.evaluator.evaluate"]], "cyclops.evaluate.fairness.config": [[18, "module-cyclops.evaluate.fairness.config"]], "fairnessconfig (class in cyclops.evaluate.fairness.config)": [[19, "cyclops.evaluate.fairness.config.FairnessConfig"]], "cyclops.evaluate.fairness.evaluator": [[20, "module-cyclops.evaluate.fairness.evaluator"]], "evaluate_fairness() (in module cyclops.evaluate.fairness.evaluator)": [[21, "cyclops.evaluate.fairness.evaluator.evaluate_fairness"]], "warn_too_many_unique_values() (in module cyclops.evaluate.fairness.evaluator)": [[22, "cyclops.evaluate.fairness.evaluator.warn_too_many_unique_values"]], "cyclops.evaluate.metrics.accuracy": [[23, "module-cyclops.evaluate.metrics.accuracy"]], "accuracy (class in cyclops.evaluate.metrics.accuracy)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy"]], "__add__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__add__"]], "__call__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__call__"]], "__init__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__init__"]], "__mul__() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.__mul__"]], "add_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.add_state"]], "clone() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.clone"]], "compute() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.compute"]], "reset_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.reset_state"]], "update_state() (accuracy method)": [[24, "cyclops.evaluate.metrics.accuracy.Accuracy.update_state"]], "binaryaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy"]], "__add__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__add__"]], "__call__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__call__"]], "__init__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__init__"]], "__mul__() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.__mul__"]], "add_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.add_state"]], "clone() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.clone"]], "compute() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.compute"]], "reset_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.reset_state"]], "update_state() (binaryaccuracy method)": [[25, "cyclops.evaluate.metrics.accuracy.BinaryAccuracy.update_state"]], "multiclassaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy"]], "__add__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__add__"]], "__call__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__call__"]], "__init__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__init__"]], "__mul__() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.__mul__"]], "add_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.add_state"]], "clone() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.clone"]], "compute() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.compute"]], "reset_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.reset_state"]], "update_state() (multiclassaccuracy method)": [[26, "cyclops.evaluate.metrics.accuracy.MulticlassAccuracy.update_state"]], "multilabelaccuracy (class in cyclops.evaluate.metrics.accuracy)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy"]], "__add__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__add__"]], "__call__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__call__"]], "__init__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__init__"]], "__mul__() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.__mul__"]], "add_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.add_state"]], "clone() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.clone"]], "compute() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.compute"]], "reset_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.reset_state"]], "update_state() (multilabelaccuracy method)": [[27, "cyclops.evaluate.metrics.accuracy.MultilabelAccuracy.update_state"]], "cyclops.evaluate.metrics.auroc": [[28, "module-cyclops.evaluate.metrics.auroc"]], "auroc (class in cyclops.evaluate.metrics.auroc)": [[29, "cyclops.evaluate.metrics.auroc.AUROC"]], "__add__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__add__"]], "__call__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__call__"]], "__init__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__init__"]], "__mul__() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.__mul__"]], "add_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.add_state"]], "clone() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.clone"]], "compute() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.compute"]], "reset_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.reset_state"]], "update_state() (auroc method)": [[29, "cyclops.evaluate.metrics.auroc.AUROC.update_state"]], "binaryauroc (class in cyclops.evaluate.metrics.auroc)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC"]], "__add__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__add__"]], "__call__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__call__"]], "__init__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__init__"]], "__mul__() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.__mul__"]], "add_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.add_state"]], "clone() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.clone"]], "compute() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.compute"]], "reset_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.reset_state"]], "update_state() (binaryauroc method)": [[30, "cyclops.evaluate.metrics.auroc.BinaryAUROC.update_state"]], "multiclassauroc (class in cyclops.evaluate.metrics.auroc)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC"]], "__add__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__add__"]], "__call__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__call__"]], "__init__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__init__"]], "__mul__() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.__mul__"]], "add_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.add_state"]], "clone() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.clone"]], "compute() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.compute"]], "reset_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.reset_state"]], "update_state() (multiclassauroc method)": [[31, "cyclops.evaluate.metrics.auroc.MulticlassAUROC.update_state"]], "multilabelauroc (class in cyclops.evaluate.metrics.auroc)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC"]], "__add__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__add__"]], "__call__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__call__"]], "__init__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__init__"]], "__mul__() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.__mul__"]], "add_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.add_state"]], "clone() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.clone"]], "compute() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.compute"]], "reset_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.reset_state"]], "update_state() (multilabelauroc method)": [[32, "cyclops.evaluate.metrics.auroc.MultilabelAUROC.update_state"]], "cyclops.evaluate.metrics.f_beta": [[33, "module-cyclops.evaluate.metrics.f_beta"]], "binaryf1score (class in cyclops.evaluate.metrics.f_beta)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score"]], "__add__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__add__"]], "__call__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__call__"]], "__init__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__init__"]], "__mul__() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.__mul__"]], "add_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.add_state"]], "clone() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.clone"]], "compute() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.compute"]], "reset_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.reset_state"]], "update_state() (binaryf1score method)": [[34, "cyclops.evaluate.metrics.f_beta.BinaryF1Score.update_state"]], "binaryfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore"]], "__add__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__add__"]], "__call__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__call__"]], "__init__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__init__"]], "__mul__() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.__mul__"]], "add_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.add_state"]], "clone() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.clone"]], "compute() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.compute"]], "reset_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.reset_state"]], "update_state() (binaryfbetascore method)": [[35, "cyclops.evaluate.metrics.f_beta.BinaryFbetaScore.update_state"]], "f1score (class in cyclops.evaluate.metrics.f_beta)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score"]], "__add__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__add__"]], "__call__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__call__"]], "__init__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__init__"]], "__mul__() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.__mul__"]], "add_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.add_state"]], "clone() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.clone"]], "compute() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.compute"]], "reset_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.reset_state"]], "update_state() (f1score method)": [[36, "cyclops.evaluate.metrics.f_beta.F1Score.update_state"]], "fbetascore (class in cyclops.evaluate.metrics.f_beta)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore"]], "__add__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__add__"]], "__call__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__call__"]], "__init__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__init__"]], "__mul__() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.__mul__"]], "add_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.add_state"]], "clone() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.clone"]], "compute() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.compute"]], "reset_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.reset_state"]], "update_state() (fbetascore method)": [[37, "cyclops.evaluate.metrics.f_beta.FbetaScore.update_state"]], "multiclassf1score (class in cyclops.evaluate.metrics.f_beta)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score"]], "__add__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__add__"]], "__call__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__call__"]], "__init__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__init__"]], "__mul__() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.__mul__"]], "add_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.add_state"]], "clone() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.clone"]], "compute() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.compute"]], "reset_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.reset_state"]], "update_state() (multiclassf1score method)": [[38, "cyclops.evaluate.metrics.f_beta.MulticlassF1Score.update_state"]], "multiclassfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore"]], "__add__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__add__"]], "__call__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__call__"]], "__init__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__init__"]], "__mul__() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.__mul__"]], "add_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.add_state"]], "clone() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.clone"]], "compute() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.compute"]], "reset_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.reset_state"]], "update_state() (multiclassfbetascore method)": [[39, "cyclops.evaluate.metrics.f_beta.MulticlassFbetaScore.update_state"]], "multilabelf1score (class in cyclops.evaluate.metrics.f_beta)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score"]], "__add__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__add__"]], "__call__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__call__"]], "__init__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__init__"]], "__mul__() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.__mul__"]], "add_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.add_state"]], "clone() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.clone"]], "compute() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.compute"]], "reset_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.reset_state"]], "update_state() (multilabelf1score method)": [[40, "cyclops.evaluate.metrics.f_beta.MultilabelF1Score.update_state"]], "multilabelfbetascore (class in cyclops.evaluate.metrics.f_beta)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore"]], "__add__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__add__"]], "__call__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__call__"]], "__init__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__init__"]], "__mul__() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.__mul__"]], "add_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.add_state"]], "clone() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.clone"]], "compute() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.compute"]], "reset_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.reset_state"]], "update_state() (multilabelfbetascore method)": [[41, "cyclops.evaluate.metrics.f_beta.MultilabelFbetaScore.update_state"]], "cyclops.evaluate.metrics.factory": [[42, "module-cyclops.evaluate.metrics.factory"]], "create_metric() (in module cyclops.evaluate.metrics.factory)": [[43, "cyclops.evaluate.metrics.factory.create_metric"]], "cyclops.evaluate.metrics.functional.accuracy": [[44, "module-cyclops.evaluate.metrics.functional.accuracy"]], "cyclops.evaluate.metrics.functional.auroc": [[45, "module-cyclops.evaluate.metrics.functional.auroc"]], "cyclops.evaluate.metrics.functional.f_beta": [[46, "module-cyclops.evaluate.metrics.functional.f_beta"]], "binary_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[47, "cyclops.evaluate.metrics.functional.f_beta.binary_f1_score"]], "binary_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[48, "cyclops.evaluate.metrics.functional.f_beta.binary_fbeta_score"]], "f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[49, "cyclops.evaluate.metrics.functional.f_beta.f1_score"]], "fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[50, "cyclops.evaluate.metrics.functional.f_beta.fbeta_score"]], "multiclass_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[51, "cyclops.evaluate.metrics.functional.f_beta.multiclass_f1_score"]], "multiclass_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[52, "cyclops.evaluate.metrics.functional.f_beta.multiclass_fbeta_score"]], "multilabel_f1_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[53, "cyclops.evaluate.metrics.functional.f_beta.multilabel_f1_score"]], "multilabel_fbeta_score() (in module cyclops.evaluate.metrics.functional.f_beta)": [[54, "cyclops.evaluate.metrics.functional.f_beta.multilabel_fbeta_score"]], "cyclops.evaluate.metrics.functional.precision_recall": [[55, "module-cyclops.evaluate.metrics.functional.precision_recall"]], "binary_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[56, "cyclops.evaluate.metrics.functional.precision_recall.binary_precision"]], "binary_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[57, "cyclops.evaluate.metrics.functional.precision_recall.binary_recall"]], "multiclass_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[58, "cyclops.evaluate.metrics.functional.precision_recall.multiclass_precision"]], "multiclass_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[59, "cyclops.evaluate.metrics.functional.precision_recall.multiclass_recall"]], "multilabel_precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[60, "cyclops.evaluate.metrics.functional.precision_recall.multilabel_precision"]], "multilabel_recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[61, "cyclops.evaluate.metrics.functional.precision_recall.multilabel_recall"]], "precision() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[62, "cyclops.evaluate.metrics.functional.precision_recall.precision"]], "recall() (in module cyclops.evaluate.metrics.functional.precision_recall)": [[63, "cyclops.evaluate.metrics.functional.precision_recall.recall"]], "cyclops.evaluate.metrics.functional.precision_recall_curve": [[64, "module-cyclops.evaluate.metrics.functional.precision_recall_curve"]], "cyclops.evaluate.metrics.functional.roc": [[65, "module-cyclops.evaluate.metrics.functional.roc"]], "binary_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[66, "cyclops.evaluate.metrics.functional.roc.binary_roc_curve"]], "multiclass_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[67, "cyclops.evaluate.metrics.functional.roc.multiclass_roc_curve"]], "multilabel_roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[68, "cyclops.evaluate.metrics.functional.roc.multilabel_roc_curve"]], "roc_curve() (in module cyclops.evaluate.metrics.functional.roc)": [[69, "cyclops.evaluate.metrics.functional.roc.roc_curve"]], "cyclops.evaluate.metrics.functional.sensitivity": [[70, "module-cyclops.evaluate.metrics.functional.sensitivity"]], "cyclops.evaluate.metrics.functional.specificity": [[71, "module-cyclops.evaluate.metrics.functional.specificity"]], "cyclops.evaluate.metrics.functional.stat_scores": [[72, "module-cyclops.evaluate.metrics.functional.stat_scores"]], "cyclops.evaluate.metrics.metric": [[73, "module-cyclops.evaluate.metrics.metric"]], "metric (class in cyclops.evaluate.metrics.metric)": [[74, "cyclops.evaluate.metrics.metric.Metric"]], "__add__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__add__"]], "__call__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__call__"]], "__init__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__init__"]], "__mul__() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.__mul__"]], "add_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.add_state"]], "clone() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.clone"]], "compute() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.compute"]], "name (metric property)": [[74, "cyclops.evaluate.metrics.metric.Metric.name"]], "reset_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.reset_state"]], "update_state() (metric method)": [[74, "cyclops.evaluate.metrics.metric.Metric.update_state"]], "metriccollection (class in cyclops.evaluate.metrics.metric)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection"]], "__call__() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.__call__"]], "__init__() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.__init__"]], "add_metrics() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.add_metrics"]], "clear() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.clear"]], "clone() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.clone"]], "compute() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.compute"]], "get() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.get"]], "items() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.items"]], "keys() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.keys"]], "pop() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.pop"]], "popitem() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.popitem"]], "reset_state() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.reset_state"]], "setdefault() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.setdefault"]], "update() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.update"]], "update_state() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.update_state"]], "values() (metriccollection method)": [[75, "cyclops.evaluate.metrics.metric.MetricCollection.values"]], "operatormetric (class in cyclops.evaluate.metrics.metric)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric"]], "__add__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__add__"]], "__call__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__call__"]], "__init__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__init__"]], "__mul__() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.__mul__"]], "add_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.add_state"]], "clone() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.clone"]], "compute() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.compute"]], "reset_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.reset_state"]], "update_state() (operatormetric method)": [[76, "cyclops.evaluate.metrics.metric.OperatorMetric.update_state"]], "cyclops.evaluate.metrics.precision_recall": [[77, "module-cyclops.evaluate.metrics.precision_recall"]], "binaryprecision (class in cyclops.evaluate.metrics.precision_recall)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision"]], "__add__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__add__"]], "__call__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__call__"]], "__init__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__init__"]], "__mul__() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.__mul__"]], "add_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.add_state"]], "clone() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.clone"]], "compute() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.compute"]], "reset_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.reset_state"]], "update_state() (binaryprecision method)": [[78, "cyclops.evaluate.metrics.precision_recall.BinaryPrecision.update_state"]], "binaryrecall (class in cyclops.evaluate.metrics.precision_recall)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall"]], "__add__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__add__"]], "__call__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__call__"]], "__init__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__init__"]], "__mul__() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.__mul__"]], "add_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.add_state"]], "clone() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.clone"]], "compute() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.compute"]], "reset_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.reset_state"]], "update_state() (binaryrecall method)": [[79, "cyclops.evaluate.metrics.precision_recall.BinaryRecall.update_state"]], "multiclassprecision (class in cyclops.evaluate.metrics.precision_recall)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision"]], "__add__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__add__"]], "__call__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__call__"]], "__init__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__init__"]], "__mul__() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.__mul__"]], "add_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.add_state"]], "clone() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.clone"]], "compute() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.compute"]], "reset_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.reset_state"]], "update_state() (multiclassprecision method)": [[80, "cyclops.evaluate.metrics.precision_recall.MulticlassPrecision.update_state"]], "multiclassrecall (class in cyclops.evaluate.metrics.precision_recall)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall"]], "__add__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__add__"]], "__call__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__call__"]], "__init__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__init__"]], "__mul__() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.__mul__"]], "add_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.add_state"]], "clone() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.clone"]], "compute() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.compute"]], "reset_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.reset_state"]], "update_state() (multiclassrecall method)": [[81, "cyclops.evaluate.metrics.precision_recall.MulticlassRecall.update_state"]], "multilabelprecision (class in cyclops.evaluate.metrics.precision_recall)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision"]], "__add__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__add__"]], "__call__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__call__"]], "__init__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__init__"]], "__mul__() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.__mul__"]], "add_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.add_state"]], "clone() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.clone"]], "compute() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.compute"]], "reset_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.reset_state"]], "update_state() (multilabelprecision method)": [[82, "cyclops.evaluate.metrics.precision_recall.MultilabelPrecision.update_state"]], "multilabelrecall (class in cyclops.evaluate.metrics.precision_recall)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall"]], "__add__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__add__"]], "__call__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__call__"]], "__init__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__init__"]], "__mul__() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.__mul__"]], "add_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.add_state"]], "clone() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.clone"]], "compute() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.compute"]], "reset_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.reset_state"]], "update_state() (multilabelrecall method)": [[83, "cyclops.evaluate.metrics.precision_recall.MultilabelRecall.update_state"]], "precision (class in cyclops.evaluate.metrics.precision_recall)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision"]], "__add__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__add__"]], "__call__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__call__"]], "__init__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__init__"]], "__mul__() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.__mul__"]], "add_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.add_state"]], "clone() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.clone"]], "compute() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.compute"]], "reset_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.reset_state"]], "update_state() (precision method)": [[84, "cyclops.evaluate.metrics.precision_recall.Precision.update_state"]], "recall (class in cyclops.evaluate.metrics.precision_recall)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall"]], "__add__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__add__"]], "__call__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__call__"]], "__init__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__init__"]], "__mul__() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.__mul__"]], "add_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.add_state"]], "clone() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.clone"]], "compute() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.compute"]], "reset_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.reset_state"]], "update_state() (recall method)": [[85, "cyclops.evaluate.metrics.precision_recall.Recall.update_state"]], "cyclops.evaluate.metrics.precision_recall_curve": [[86, "module-cyclops.evaluate.metrics.precision_recall_curve"]], "binaryprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve"]], "__add__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__add__"]], "__call__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__call__"]], "__init__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__init__"]], "__mul__() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.__mul__"]], "add_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.add_state"]], "clone() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.clone"]], "compute() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.compute"]], "reset_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.reset_state"]], "update_state() (binaryprecisionrecallcurve method)": [[87, "cyclops.evaluate.metrics.precision_recall_curve.BinaryPrecisionRecallCurve.update_state"]], "multiclassprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve"]], "__add__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__add__"]], "__call__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__call__"]], "__init__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__init__"]], "__mul__() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.__mul__"]], "add_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.add_state"]], "clone() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.clone"]], "compute() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.compute"]], "reset_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.reset_state"]], "update_state() (multiclassprecisionrecallcurve method)": [[88, "cyclops.evaluate.metrics.precision_recall_curve.MulticlassPrecisionRecallCurve.update_state"]], "multilabelprecisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve"]], "__add__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__add__"]], "__call__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__call__"]], "__init__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__init__"]], "__mul__() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.__mul__"]], "add_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.add_state"]], "clone() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.clone"]], "compute() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.compute"]], "reset_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.reset_state"]], "update_state() (multilabelprecisionrecallcurve method)": [[89, "cyclops.evaluate.metrics.precision_recall_curve.MultilabelPrecisionRecallCurve.update_state"]], "precisionrecallcurve (class in cyclops.evaluate.metrics.precision_recall_curve)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve"]], "__add__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__add__"]], "__call__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__call__"]], "__init__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__init__"]], "__mul__() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.__mul__"]], "add_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.add_state"]], "clone() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.clone"]], "compute() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.compute"]], "reset_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.reset_state"]], "update_state() (precisionrecallcurve method)": [[90, "cyclops.evaluate.metrics.precision_recall_curve.PrecisionRecallCurve.update_state"]], "cyclops.evaluate.metrics.roc": [[91, "module-cyclops.evaluate.metrics.roc"]], "binaryroccurve (class in cyclops.evaluate.metrics.roc)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve"]], "__add__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__add__"]], "__call__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__call__"]], "__init__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__init__"]], "__mul__() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.__mul__"]], "add_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.add_state"]], "clone() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.clone"]], "compute() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.compute"]], "reset_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.reset_state"]], "update_state() (binaryroccurve method)": [[92, "cyclops.evaluate.metrics.roc.BinaryROCCurve.update_state"]], "multiclassroccurve (class in cyclops.evaluate.metrics.roc)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve"]], "__add__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__add__"]], "__call__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__call__"]], "__init__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__init__"]], "__mul__() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.__mul__"]], "add_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.add_state"]], "clone() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.clone"]], "compute() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.compute"]], "reset_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.reset_state"]], "update_state() (multiclassroccurve method)": [[93, "cyclops.evaluate.metrics.roc.MulticlassROCCurve.update_state"]], "multilabelroccurve (class in cyclops.evaluate.metrics.roc)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve"]], "__add__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__add__"]], "__call__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__call__"]], "__init__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__init__"]], "__mul__() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.__mul__"]], "add_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.add_state"]], "clone() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.clone"]], "compute() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.compute"]], "reset_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.reset_state"]], "update_state() (multilabelroccurve method)": [[94, "cyclops.evaluate.metrics.roc.MultilabelROCCurve.update_state"]], "roccurve (class in cyclops.evaluate.metrics.roc)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve"]], "__add__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__add__"]], "__call__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__call__"]], "__init__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__init__"]], "__mul__() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.__mul__"]], "add_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.add_state"]], "clone() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.clone"]], "compute() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.compute"]], "reset_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.reset_state"]], "update_state() (roccurve method)": [[95, "cyclops.evaluate.metrics.roc.ROCCurve.update_state"]], "cyclops.evaluate.metrics.sensitivity": [[96, "module-cyclops.evaluate.metrics.sensitivity"]], "binarysensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity"]], "__add__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__add__"]], "__call__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__call__"]], "__init__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__init__"]], "__mul__() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.__mul__"]], "add_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.add_state"]], "clone() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.clone"]], "compute() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.compute"]], "reset_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.reset_state"]], "update_state() (binarysensitivity method)": [[97, "cyclops.evaluate.metrics.sensitivity.BinarySensitivity.update_state"]], "multiclasssensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity"]], "__add__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__add__"]], "__call__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__call__"]], "__init__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__init__"]], "__mul__() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.__mul__"]], "add_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.add_state"]], "clone() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.clone"]], "compute() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.compute"]], "reset_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.reset_state"]], "update_state() (multiclasssensitivity method)": [[98, "cyclops.evaluate.metrics.sensitivity.MulticlassSensitivity.update_state"]], "multilabelsensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity"]], "__add__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__add__"]], "__call__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__call__"]], "__init__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__init__"]], "__mul__() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.__mul__"]], "add_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.add_state"]], "clone() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.clone"]], "compute() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.compute"]], "reset_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.reset_state"]], "update_state() (multilabelsensitivity method)": [[99, "cyclops.evaluate.metrics.sensitivity.MultilabelSensitivity.update_state"]], "sensitivity (class in cyclops.evaluate.metrics.sensitivity)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity"]], "__add__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__add__"]], "__call__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__call__"]], "__init__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__init__"]], "__mul__() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.__mul__"]], "add_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.add_state"]], "clone() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.clone"]], "compute() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.compute"]], "reset_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.reset_state"]], "update_state() (sensitivity method)": [[100, "cyclops.evaluate.metrics.sensitivity.Sensitivity.update_state"]], "cyclops.evaluate.metrics.specificity": [[101, "module-cyclops.evaluate.metrics.specificity"]], "binaryspecificity (class in cyclops.evaluate.metrics.specificity)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity"]], "__add__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__add__"]], "__call__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__call__"]], "__init__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__init__"]], "__mul__() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.__mul__"]], "add_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.add_state"]], "clone() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.clone"]], "compute() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.compute"]], "reset_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.reset_state"]], "update_state() (binaryspecificity method)": [[102, "cyclops.evaluate.metrics.specificity.BinarySpecificity.update_state"]], "multiclassspecificity (class in cyclops.evaluate.metrics.specificity)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity"]], "__add__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__add__"]], "__call__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__call__"]], "__init__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__init__"]], "__mul__() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.__mul__"]], "add_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.add_state"]], "clone() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.clone"]], "compute() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.compute"]], "reset_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.reset_state"]], "update_state() (multiclassspecificity method)": [[103, "cyclops.evaluate.metrics.specificity.MulticlassSpecificity.update_state"]], "multilabelspecificity (class in cyclops.evaluate.metrics.specificity)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity"]], "__add__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__add__"]], "__call__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__call__"]], "__init__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__init__"]], "__mul__() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.__mul__"]], "add_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.add_state"]], "clone() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.clone"]], "compute() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.compute"]], "reset_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.reset_state"]], "update_state() (multilabelspecificity method)": [[104, "cyclops.evaluate.metrics.specificity.MultilabelSpecificity.update_state"]], "specificity (class in cyclops.evaluate.metrics.specificity)": [[105, "cyclops.evaluate.metrics.specificity.Specificity"]], "__add__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__add__"]], "__call__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__call__"]], "__init__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__init__"]], "__mul__() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.__mul__"]], "add_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.add_state"]], "clone() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.clone"]], "compute() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.compute"]], "reset_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.reset_state"]], "update_state() (specificity method)": [[105, "cyclops.evaluate.metrics.specificity.Specificity.update_state"]], "cyclops.evaluate.metrics.stat_scores": [[106, "module-cyclops.evaluate.metrics.stat_scores"]], "binarystatscores (class in cyclops.evaluate.metrics.stat_scores)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores"]], "__add__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__add__"]], "__call__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__call__"]], "__init__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__init__"]], "__mul__() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.__mul__"]], "add_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.add_state"]], "clone() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.clone"]], "compute() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.compute"]], "reset_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.reset_state"]], "update_state() (binarystatscores method)": [[107, "cyclops.evaluate.metrics.stat_scores.BinaryStatScores.update_state"]], "multiclassstatscores (class in cyclops.evaluate.metrics.stat_scores)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores"]], "__add__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__add__"]], "__call__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__call__"]], "__init__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__init__"]], "__mul__() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.__mul__"]], "add_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.add_state"]], "clone() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.clone"]], "compute() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.compute"]], "reset_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.reset_state"]], "update_state() (multiclassstatscores method)": [[108, "cyclops.evaluate.metrics.stat_scores.MulticlassStatScores.update_state"]], "multilabelstatscores (class in cyclops.evaluate.metrics.stat_scores)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores"]], "__add__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__add__"]], "__call__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__call__"]], "__init__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__init__"]], "__mul__() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.__mul__"]], "add_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.add_state"]], "clone() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.clone"]], "compute() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.compute"]], "reset_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.reset_state"]], "update_state() (multilabelstatscores method)": [[109, "cyclops.evaluate.metrics.stat_scores.MultilabelStatScores.update_state"]], "statscores (class in cyclops.evaluate.metrics.stat_scores)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores"]], "__add__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__add__"]], "__call__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__call__"]], "__init__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__init__"]], "__mul__() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.__mul__"]], "add_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.add_state"]], "clone() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.clone"]], "compute() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.compute"]], "name (statscores property)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.name"]], "reset_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.reset_state"]], "update_state() (statscores method)": [[110, "cyclops.evaluate.metrics.stat_scores.StatScores.update_state"]], "cyclops.monitor.clinical_applicator": [[111, "module-cyclops.monitor.clinical_applicator"]], "clinicalshiftapplicator (class in cyclops.monitor.clinical_applicator)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator"]], "age() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.age"]], "apply_shift() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.apply_shift"]], "custom() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.custom"]], "hospital_type() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.hospital_type"]], "month() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.month"]], "sex() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.sex"]], "time() (clinicalshiftapplicator method)": [[112, "cyclops.monitor.clinical_applicator.ClinicalShiftApplicator.time"]], "cyclops.monitor.synthetic_applicator": [[113, "module-cyclops.monitor.synthetic_applicator"]], "syntheticshiftapplicator (class in cyclops.monitor.synthetic_applicator)": [[114, "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator"]], "apply_shift() (syntheticshiftapplicator method)": [[114, "cyclops.monitor.synthetic_applicator.SyntheticShiftApplicator.apply_shift"]], "binary_noise_shift() (in module cyclops.monitor.synthetic_applicator)": [[115, "cyclops.monitor.synthetic_applicator.binary_noise_shift"]], "feature_association_shift() (in module cyclops.monitor.synthetic_applicator)": [[116, "cyclops.monitor.synthetic_applicator.feature_association_shift"]], "feature_swap_shift() (in module cyclops.monitor.synthetic_applicator)": [[117, "cyclops.monitor.synthetic_applicator.feature_swap_shift"]], "gaussian_noise_shift() (in module cyclops.monitor.synthetic_applicator)": [[118, "cyclops.monitor.synthetic_applicator.gaussian_noise_shift"]], "knockout_shift() (in module cyclops.monitor.synthetic_applicator)": [[119, "cyclops.monitor.synthetic_applicator.knockout_shift"]], "cyclops.report.report": [[120, "module-cyclops.report.report"]], "modelcardreport (class in cyclops.report.report)": [[121, "cyclops.report.report.ModelCardReport"]], "export() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.export"]], "from_json_file() (modelcardreport class method)": [[121, "cyclops.report.report.ModelCardReport.from_json_file"]], "log_citation() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_citation"]], "log_dataset() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_dataset"]], "log_descriptor() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_descriptor"]], "log_fairness_assessment() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_fairness_assessment"]], "log_from_dict() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_from_dict"]], "log_image() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_image"]], "log_license() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_license"]], "log_model_parameters() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_model_parameters"]], "log_owner() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_owner"]], "log_performance_metrics() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_performance_metrics"]], "log_plotly_figure() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_plotly_figure"]], "log_quantitative_analysis() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_quantitative_analysis"]], "log_reference() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_reference"]], "log_regulation() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_regulation"]], "log_risk() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_risk"]], "log_use_case() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_use_case"]], "log_user() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_user"]], "log_version() (modelcardreport method)": [[121, "cyclops.report.report.ModelCardReport.log_version"]], "cyclops.tasks.classification": [[122, "module-cyclops.tasks.classification"]], "binarytabularclassificationtask (class in cyclops.tasks.classification)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask"]], "__init__() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.__init__"]], "add_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.add_model"]], "data_type (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.data_type"]], "evaluate() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.evaluate"]], "get_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.get_model"]], "list_models() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.list_models"]], "list_models_params() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.list_models_params"]], "load_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.load_model"]], "models_count (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.models_count"]], "predict() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.predict"]], "save_model() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.save_model"]], "task_type (binarytabularclassificationtask property)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.task_type"]], "train() (binarytabularclassificationtask method)": [[123, "cyclops.tasks.classification.BinaryTabularClassificationTask.train"]], "multilabelimageclassificationtask (class in cyclops.tasks.classification)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask"]], "__init__() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.__init__"]], "add_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.add_model"]], "data_type (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.data_type"]], "evaluate() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.evaluate"]], "get_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.get_model"]], "list_models() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.list_models"]], "list_models_params() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.list_models_params"]], "load_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.load_model"]], "models_count (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.models_count"]], "predict() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.predict"]], "save_model() (multilabelimageclassificationtask method)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.save_model"]], "task_type (multilabelimageclassificationtask property)": [[124, "cyclops.tasks.classification.MultilabelImageClassificationTask.task_type"]], "cyclops.data": [[125, "module-cyclops.data"]], "cyclops.data.features": [[125, "module-cyclops.data.features"]], "cyclops.evaluate": [[126, "module-cyclops.evaluate"]], "cyclops.evaluate.fairness": [[126, "module-cyclops.evaluate.fairness"]], "cyclops.evaluate.metrics": [[126, "module-cyclops.evaluate.metrics"]], "cyclops.evaluate.metrics.functional": [[126, "module-cyclops.evaluate.metrics.functional"]], "cyclops.monitor": [[127, "module-cyclops.monitor"]], "cyclops.report": [[128, "module-cyclops.report"]], "cyclops.tasks": [[129, "module-cyclops.tasks"]]}}) \ No newline at end of file diff --git a/api/tutorials/kaggle/heart_failure_prediction.html b/api/tutorials/kaggle/heart_failure_prediction.html index 4b87032f4..69cfe4783 100644 --- a/api/tutorials/kaggle/heart_failure_prediction.html +++ b/api/tutorials/kaggle/heart_failure_prediction.html @@ -484,7 +484,7 @@

    Import Libraries
    -/mnt/data/poetry/pycyclops-wIzUAwxh-py3.10/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html
    +/mnt/data/poetry/pycyclops-mhx6UJW0-py3.10/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html
       from .autonotebook import tqdm as notebook_tqdm
     

    @@ -556,7 +556,7 @@

    Data Loading
    -2023-11-21 17:46:48,022 INFO cyclops.utils.file - Loading DataFrame from ./data/heart.csv
    +2023-11-21 18:19:00,421 INFO cyclops.utils.file - Loading DataFrame from ./data/heart.csv
     
    @@ -638,9 +638,9 @@

    Sex values

    -
    +
    @@ -1353,7 +1353,7 @@

    Graphics

    -
    +
    @@ -1361,7 +1361,7 @@

    Graphics

    -
    +
    @@ -1424,11 +1424,11 @@

    Quantitative Analysis

    - 0.61 + 0.87 - + @@ -1457,7 +1457,7 @@

    Quantitative Analysis

    - 0.84 + 0.81 @@ -1490,7 +1490,7 @@

    Quantitative Analysis

    - 0.81 + 0.88 @@ -1523,7 +1523,7 @@

    Quantitative Analysis

    - 0.92 + 0.73 @@ -1556,11 +1556,11 @@

    Quantitative Analysis

    - 0.84 + 0.66 - + @@ -1614,7 +1614,7 @@

    Graphics

    -
    +
    @@ -1887,7 +1887,7 @@

    Model Parameters

    -

    Shuffle

    +

    Early_stopping

    True
    @@ -1896,8 +1896,8 @@

    Shuffle

    -

    Warm_start

    - False +

    Shuffle

    + True
    @@ -1914,7 +1914,7 @@

    Average

    -

    Epsilon

    +

    Validation_fraction

    0.1
    @@ -1923,8 +1923,8 @@

    Epsilon

    -

    Loss

    - log_loss +

    Eta0

    + 0.01
    @@ -1932,8 +1932,8 @@

    Loss

    -

    Validation_fraction

    - 0.1 +

    Verbose

    + 0
    @@ -1941,8 +1941,8 @@

    Validation_fraction

    -

    N_iter_no_change

    - 5 +

    L1_ratio

    + 0.15
    @@ -1950,8 +1950,8 @@

    N_iter_no_change

    -

    Verbose

    - 0 +

    Loss

    + log_loss
    @@ -1959,8 +1959,8 @@

    Verbose

    -

    Power_t

    - 0.5 +

    Random_state

    + 123
    @@ -1968,8 +1968,8 @@

    Power_t

    -

    Tol

    - 0.001 +

    Penalty

    + l2
    @@ -1977,8 +1977,8 @@

    Tol

    -

    Fit_intercept

    - True +

    Epsilon

    + 0.1
    @@ -1986,8 +1986,8 @@

    Fit_intercept

    -

    Alpha

    - 0.001 +

    N_iter_no_change

    + 5
    @@ -1995,8 +1995,8 @@

    Alpha

    -

    Class_weight

    - balanced +

    Max_iter

    + 1000
    @@ -2004,8 +2004,8 @@

    Class_weight

    -

    Random_state

    - 123 +

    Fit_intercept

    + True
    @@ -2013,8 +2013,8 @@

    Random_state

    -

    Early_stopping

    - True +

    Warm_start

    + False
    @@ -2022,8 +2022,8 @@

    Early_stopping

    -

    Eta0

    - 0.01 +

    Alpha

    + 0.001
    @@ -2031,31 +2031,31 @@

    Eta0

    -

    Max_iter

    - 1000 +

    Power_t

    + 0.5
    -
    -

    Learning_rate

    - adaptive -
    +
    +

    Tol

    + 0.001 +
    -

    Penalty

    - l2 +

    Class_weight

    + balanced
    @@ -2063,8 +2063,8 @@

    Penalty

    -

    L1_ratio

    - 0.15 +

    Learning_rate

    + adaptive
    @@ -2366,7 +2366,7 @@

    Ethical Considerations

    function generate_model_card_plot() { var model_card_plots = [] var overall_indices = [11, 12, 13, 14, 15] - var histories = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.9045875091853557\", \"0.9335784594802349\", \"0.7312606262599042\", \"0.9845144337668099\"], \"1\": [\"0.796875\", \"0.7013553360046847\", \"0.7841292576089297\", \"0.7338037379624139\", \"0.670151003610635\"], \"2\": [\"0.8260869565217391\", \"1.0\", \"0.7887379673128244\", \"0.7327021886370649\", \"0.7836564714758413\"], \"3\": [\"0.6785714285714286\", \"0.6905144495363397\", \"0.6670695850121688\", \"0.7368015370716811\", \"0.6421120745545202\"], \"4\": [\"0.7450980392156863\", \"0.7348594735767631\", \"0.8094675869204067\", \"0.6269207490707654\", \"0.7453199420768654\"], \"5\": [\"0.8819444444444444\", \"0.9893454887859147\", \"0.879023125474671\", \"0.8943556105376103\", \"0.9552524976691987\"], \"6\": [\"0.8623853211009175\", \"1.0\", \"1.0\", \"1.0\", \"0.7044192826225926\"], \"7\": [\"0.8676470588235294\", \"0.8579802764248023\", \"0.8973850189549228\", \"0.7768073859950586\", \"0.9660531393818493\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"0.8637458516449031\", \"0.918994569750581\", \"1.0\"], \"9\": [\"0.8872180451127819\", \"0.8318846440217303\", \"0.9699040283692625\", \"0.8633509751599202\", \"0.7310483103134766\"], \"10\": [\"0.927972027972028\", \"0.8397267811777273\", \"1.0\", \"0.9686333303607986\", \"0.931491337101245\"], \"11\": [\"0.842391304347826\", \"0.7679116500620369\", \"0.7954148376316973\", \"0.7944557810999637\", \"0.6098214798283765\"], \"12\": [\"0.8686868686868687\", \"1.0\", \"0.8797391240286389\", \"0.9853776885671222\", \"0.841877902768206\"], \"13\": [\"0.8431372549019608\", \"0.7420304664366493\", \"1.0\", \"0.951331407147058\", \"0.8137023219748806\"], \"14\": [\"0.8557213930348259\", \"0.8094548332408528\", \"0.855148152721542\", \"0.7115769468520302\", \"0.9249592115252119\"], \"15\": [\"0.9152319464371114\", \"1.0\", \"1.0\", \"0.7985446627610001\", \"0.8431474473769561\"]}"); + var histories = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.7171156000386191\", \"0.76854917887423\", \"0.9113410072213048\", \"0.671952963249149\"], \"1\": [\"0.796875\", \"0.7294693507244718\", \"0.8111195438220646\", \"0.8123034938414972\", \"0.9323049585929939\"], \"2\": [\"0.8260869565217391\", \"0.8113507403073826\", \"0.6152299611935489\", \"0.8470747589688271\", \"0.6542680276041482\"], \"3\": [\"0.6785714285714286\", \"0.6797590965339463\", \"0.7735256795963283\", \"0.5293458124144984\", \"0.6022359785729076\"], \"4\": [\"0.7450980392156863\", \"0.8612510829612596\", \"0.685417640706491\", \"0.7507139300110964\", \"0.8863722531829328\"], \"5\": [\"0.8819444444444444\", \"0.7723631217096414\", \"0.8662900623442038\", \"0.8235238829792384\", \"0.7751653861566398\"], \"6\": [\"0.8623853211009175\", \"0.9963365994325977\", \"0.9781349508961896\", \"0.9914603076556232\", \"0.7872858365369403\"], \"7\": [\"0.8676470588235294\", \"0.933992325640357\", \"0.9090886554714501\", \"0.8453665344757937\", \"0.9029173779662599\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"1.0\", \"1.0\", \"0.9683809015779768\"], \"9\": [\"0.8872180451127819\", \"0.961998912356001\", \"0.7600866464149119\", \"0.7016400640034317\", \"0.8399932728295916\"], \"10\": [\"0.927972027972028\", \"0.8221075076695386\", \"0.9374599886587942\", \"1.0\", \"1.0\"], \"11\": [\"0.842391304347826\", \"0.8214863197033365\", \"0.6590187600411591\", \"0.8378035250061524\", \"0.8659904709362027\"], \"12\": [\"0.8686868686868687\", \"0.8309558680253899\", \"0.6251220979037424\", \"0.9696247548518081\", \"0.814864357450254\"], \"13\": [\"0.8431372549019608\", \"0.804253391568613\", \"0.9134963399841048\", \"0.9081261233628044\", \"0.883597370676408\"], \"14\": [\"0.8557213930348259\", \"0.957191641304053\", \"0.7709830843750193\", \"0.8051715676223965\", \"0.7325013200826912\"], \"15\": [\"0.9152319464371114\", \"0.9482710567137184\", \"0.9544156098218309\", \"0.890276018804808\", \"0.6556830238628937\"]}"); var thresholds = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\"}"); var timestamps = JSON.parse("{\"0\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"1\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"2\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"3\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"4\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"5\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"6\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"7\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"8\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"9\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"10\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"11\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"12\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"13\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"14\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"15\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"]}"); @@ -2647,10 +2647,10 @@

    Ethical Considerations

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Accuracy\", \"Sex:F\", \"Age:overall_Age\"], \"1\": [\"metric:Accuracy\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"2\": [\"metric:Precision\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"3\": [\"metric:Recall\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"4\": [\"metric:F1 Score\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"5\": [\"metric:AUROC\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"6\": [\"metric:Accuracy\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"7\": [\"metric:Precision\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"8\": [\"metric:Recall\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"9\": [\"metric:F1 Score\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"10\": [\"metric:AUROC\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"11\": [\"metric:Accuracy\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"12\": [\"metric:Precision\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"13\": [\"metric:Recall\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"14\": [\"metric:F1 Score\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"15\": [\"metric:AUROC\", \"Sex:overall_Sex\", \"Age:overall_Age\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.9045875091853557\", \"0.9335784594802349\", \"0.7312606262599042\", \"0.9845144337668099\"], \"1\": [\"0.796875\", \"0.7013553360046847\", \"0.7841292576089297\", \"0.7338037379624139\", \"0.670151003610635\"], \"2\": [\"0.8260869565217391\", \"1.0\", \"0.7887379673128244\", \"0.7327021886370649\", \"0.7836564714758413\"], \"3\": [\"0.6785714285714286\", \"0.6905144495363397\", \"0.6670695850121688\", \"0.7368015370716811\", \"0.6421120745545202\"], \"4\": [\"0.7450980392156863\", \"0.7348594735767631\", \"0.8094675869204067\", \"0.6269207490707654\", \"0.7453199420768654\"], \"5\": [\"0.8819444444444444\", \"0.9893454887859147\", \"0.879023125474671\", \"0.8943556105376103\", \"0.9552524976691987\"], \"6\": [\"0.8623853211009175\", \"1.0\", \"1.0\", \"1.0\", \"0.7044192826225926\"], \"7\": [\"0.8676470588235294\", \"0.8579802764248023\", \"0.8973850189549228\", \"0.7768073859950586\", \"0.9660531393818493\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"0.8637458516449031\", \"0.918994569750581\", \"1.0\"], \"9\": [\"0.8872180451127819\", \"0.8318846440217303\", \"0.9699040283692625\", \"0.8633509751599202\", \"0.7310483103134766\"], \"10\": [\"0.927972027972028\", \"0.8397267811777273\", \"1.0\", \"0.9686333303607986\", \"0.931491337101245\"], \"11\": [\"0.842391304347826\", \"0.7679116500620369\", \"0.7954148376316973\", \"0.7944557810999637\", \"0.6098214798283765\"], \"12\": [\"0.8686868686868687\", \"1.0\", \"0.8797391240286389\", \"0.9853776885671222\", \"0.841877902768206\"], \"13\": [\"0.8431372549019608\", \"0.7420304664366493\", \"1.0\", \"0.951331407147058\", \"0.8137023219748806\"], \"14\": [\"0.8557213930348259\", \"0.8094548332408528\", \"0.855148152721542\", \"0.7115769468520302\", \"0.9249592115252119\"], \"15\": [\"0.9152319464371114\", \"1.0\", \"1.0\", \"0.7985446627610001\", \"0.8431474473769561\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.7171156000386191\", \"0.76854917887423\", \"0.9113410072213048\", \"0.671952963249149\"], \"1\": [\"0.796875\", \"0.7294693507244718\", \"0.8111195438220646\", \"0.8123034938414972\", \"0.9323049585929939\"], \"2\": [\"0.8260869565217391\", \"0.8113507403073826\", \"0.6152299611935489\", \"0.8470747589688271\", \"0.6542680276041482\"], \"3\": [\"0.6785714285714286\", \"0.6797590965339463\", \"0.7735256795963283\", \"0.5293458124144984\", \"0.6022359785729076\"], \"4\": [\"0.7450980392156863\", \"0.8612510829612596\", \"0.685417640706491\", \"0.7507139300110964\", \"0.8863722531829328\"], \"5\": [\"0.8819444444444444\", \"0.7723631217096414\", \"0.8662900623442038\", \"0.8235238829792384\", \"0.7751653861566398\"], \"6\": [\"0.8623853211009175\", \"0.9963365994325977\", \"0.9781349508961896\", \"0.9914603076556232\", \"0.7872858365369403\"], \"7\": [\"0.8676470588235294\", \"0.933992325640357\", \"0.9090886554714501\", \"0.8453665344757937\", \"0.9029173779662599\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"1.0\", \"1.0\", \"0.9683809015779768\"], \"9\": [\"0.8872180451127819\", \"0.961998912356001\", \"0.7600866464149119\", \"0.7016400640034317\", \"0.8399932728295916\"], \"10\": [\"0.927972027972028\", \"0.8221075076695386\", \"0.9374599886587942\", \"1.0\", \"1.0\"], \"11\": [\"0.842391304347826\", \"0.8214863197033365\", \"0.6590187600411591\", \"0.8378035250061524\", \"0.8659904709362027\"], \"12\": [\"0.8686868686868687\", \"0.8309558680253899\", \"0.6251220979037424\", \"0.9696247548518081\", \"0.814864357450254\"], \"13\": [\"0.8431372549019608\", \"0.804253391568613\", \"0.9134963399841048\", \"0.9081261233628044\", \"0.883597370676408\"], \"14\": [\"0.8557213930348259\", \"0.957191641304053\", \"0.7709830843750193\", \"0.8051715676223965\", \"0.7325013200826912\"], \"15\": [\"0.9152319464371114\", \"0.9482710567137184\", \"0.9544156098218309\", \"0.890276018804808\", \"0.6556830238628937\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"positive\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"negative\", \"5\": \"neutral\", \"6\": \"negative\", \"7\": \"positive\", \"8\": \"positive\", \"9\": \"negative\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"positive\", \"14\": \"neutral\", \"15\": \"negative\"}"); - var passed_all = JSON.parse("{\"0\": true, \"1\": false, \"2\": true, \"3\": false, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": true, \"11\": false, \"12\": true, \"13\": true, \"14\": true, \"15\": true}"); + var trends_all = JSON.parse("{\"0\": \"negative\", \"1\": \"positive\", \"2\": \"negative\", \"3\": \"negative\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"negative\", \"7\": \"neutral\", \"8\": \"positive\", \"9\": \"negative\", \"10\": \"positive\", \"11\": \"neutral\", \"12\": \"neutral\", \"13\": \"positive\", \"14\": \"negative\", \"15\": \"negative\"}"); + var passed_all = JSON.parse("{\"0\": false, \"1\": true, \"2\": false, \"3\": false, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": true, \"11\": true, \"12\": true, \"13\": true, \"14\": true, \"15\": false}"); var names_all = JSON.parse("{\"0\": \"Accuracy\", \"1\": \"Accuracy\", \"2\": \"Precision\", \"3\": \"Recall\", \"4\": \"F1 Score\", \"5\": \"AUROC\", \"6\": \"Accuracy\", \"7\": \"Precision\", \"8\": \"Recall\", \"9\": \"F1 Score\", \"10\": \"AUROC\", \"11\": \"Accuracy\", \"12\": \"Precision\", \"13\": \"Recall\", \"14\": \"F1 Score\", \"15\": \"AUROC\"}"); var timestamps_all = JSON.parse("{\"0\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"1\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"2\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"3\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"4\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"5\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"6\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"7\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"8\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"9\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"10\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"11\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"12\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"13\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"14\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"15\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"]}"); @@ -2923,10 +2923,10 @@

    Ethical Considerations

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Accuracy\", \"Sex:F\", \"Age:overall_Age\"], \"1\": [\"metric:Accuracy\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"2\": [\"metric:Precision\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"3\": [\"metric:Recall\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"4\": [\"metric:F1 Score\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"5\": [\"metric:AUROC\", \"Age:[30 - 50)\", \"Sex:overall_Sex\"], \"6\": [\"metric:Accuracy\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"7\": [\"metric:Precision\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"8\": [\"metric:Recall\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"9\": [\"metric:F1 Score\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"10\": [\"metric:AUROC\", \"Age:[50 - 70)\", \"Sex:overall_Sex\"], \"11\": [\"metric:Accuracy\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"12\": [\"metric:Precision\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"13\": [\"metric:Recall\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"14\": [\"metric:F1 Score\", \"Sex:overall_Sex\", \"Age:overall_Age\"], \"15\": [\"metric:AUROC\", \"Sex:overall_Sex\", \"Age:overall_Age\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.9045875091853557\", \"0.9335784594802349\", \"0.7312606262599042\", \"0.9845144337668099\"], \"1\": [\"0.796875\", \"0.7013553360046847\", \"0.7841292576089297\", \"0.7338037379624139\", \"0.670151003610635\"], \"2\": [\"0.8260869565217391\", \"1.0\", \"0.7887379673128244\", \"0.7327021886370649\", \"0.7836564714758413\"], \"3\": [\"0.6785714285714286\", \"0.6905144495363397\", \"0.6670695850121688\", \"0.7368015370716811\", \"0.6421120745545202\"], \"4\": [\"0.7450980392156863\", \"0.7348594735767631\", \"0.8094675869204067\", \"0.6269207490707654\", \"0.7453199420768654\"], \"5\": [\"0.8819444444444444\", \"0.9893454887859147\", \"0.879023125474671\", \"0.8943556105376103\", \"0.9552524976691987\"], \"6\": [\"0.8623853211009175\", \"1.0\", \"1.0\", \"1.0\", \"0.7044192826225926\"], \"7\": [\"0.8676470588235294\", \"0.8579802764248023\", \"0.8973850189549228\", \"0.7768073859950586\", \"0.9660531393818493\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"0.8637458516449031\", \"0.918994569750581\", \"1.0\"], \"9\": [\"0.8872180451127819\", \"0.8318846440217303\", \"0.9699040283692625\", \"0.8633509751599202\", \"0.7310483103134766\"], \"10\": [\"0.927972027972028\", \"0.8397267811777273\", \"1.0\", \"0.9686333303607986\", \"0.931491337101245\"], \"11\": [\"0.842391304347826\", \"0.7679116500620369\", \"0.7954148376316973\", \"0.7944557810999637\", \"0.6098214798283765\"], \"12\": [\"0.8686868686868687\", \"1.0\", \"0.8797391240286389\", \"0.9853776885671222\", \"0.841877902768206\"], \"13\": [\"0.8431372549019608\", \"0.7420304664366493\", \"1.0\", \"0.951331407147058\", \"0.8137023219748806\"], \"14\": [\"0.8557213930348259\", \"0.8094548332408528\", \"0.855148152721542\", \"0.7115769468520302\", \"0.9249592115252119\"], \"15\": [\"0.9152319464371114\", \"1.0\", \"1.0\", \"0.7985446627610001\", \"0.8431474473769561\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.8421052631578947\", \"0.7171156000386191\", \"0.76854917887423\", \"0.9113410072213048\", \"0.671952963249149\"], \"1\": [\"0.796875\", \"0.7294693507244718\", \"0.8111195438220646\", \"0.8123034938414972\", \"0.9323049585929939\"], \"2\": [\"0.8260869565217391\", \"0.8113507403073826\", \"0.6152299611935489\", \"0.8470747589688271\", \"0.6542680276041482\"], \"3\": [\"0.6785714285714286\", \"0.6797590965339463\", \"0.7735256795963283\", \"0.5293458124144984\", \"0.6022359785729076\"], \"4\": [\"0.7450980392156863\", \"0.8612510829612596\", \"0.685417640706491\", \"0.7507139300110964\", \"0.8863722531829328\"], \"5\": [\"0.8819444444444444\", \"0.7723631217096414\", \"0.8662900623442038\", \"0.8235238829792384\", \"0.7751653861566398\"], \"6\": [\"0.8623853211009175\", \"0.9963365994325977\", \"0.9781349508961896\", \"0.9914603076556232\", \"0.7872858365369403\"], \"7\": [\"0.8676470588235294\", \"0.933992325640357\", \"0.9090886554714501\", \"0.8453665344757937\", \"0.9029173779662599\"], \"8\": [\"0.9076923076923077\", \"1.0\", \"1.0\", \"1.0\", \"0.9683809015779768\"], \"9\": [\"0.8872180451127819\", \"0.961998912356001\", \"0.7600866464149119\", \"0.7016400640034317\", \"0.8399932728295916\"], \"10\": [\"0.927972027972028\", \"0.8221075076695386\", \"0.9374599886587942\", \"1.0\", \"1.0\"], \"11\": [\"0.842391304347826\", \"0.8214863197033365\", \"0.6590187600411591\", \"0.8378035250061524\", \"0.8659904709362027\"], \"12\": [\"0.8686868686868687\", \"0.8309558680253899\", \"0.6251220979037424\", \"0.9696247548518081\", \"0.814864357450254\"], \"13\": [\"0.8431372549019608\", \"0.804253391568613\", \"0.9134963399841048\", \"0.9081261233628044\", \"0.883597370676408\"], \"14\": [\"0.8557213930348259\", \"0.957191641304053\", \"0.7709830843750193\", \"0.8051715676223965\", \"0.7325013200826912\"], \"15\": [\"0.9152319464371114\", \"0.9482710567137184\", \"0.9544156098218309\", \"0.890276018804808\", \"0.6556830238628937\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"positive\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"negative\", \"5\": \"neutral\", \"6\": \"negative\", \"7\": \"positive\", \"8\": \"positive\", \"9\": \"negative\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"positive\", \"14\": \"neutral\", \"15\": \"negative\"}"); - var passed_all = JSON.parse("{\"0\": true, \"1\": false, \"2\": true, \"3\": false, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": true, \"11\": false, \"12\": true, \"13\": true, \"14\": true, \"15\": true}"); + var trends_all = JSON.parse("{\"0\": \"negative\", \"1\": \"positive\", \"2\": \"negative\", \"3\": \"negative\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"negative\", \"7\": \"neutral\", \"8\": \"positive\", \"9\": \"negative\", \"10\": \"positive\", \"11\": \"neutral\", \"12\": \"neutral\", \"13\": \"positive\", \"14\": \"negative\", \"15\": \"negative\"}"); + var passed_all = JSON.parse("{\"0\": false, \"1\": true, \"2\": false, \"3\": false, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": true, \"11\": true, \"12\": true, \"13\": true, \"14\": true, \"15\": false}"); var names_all = JSON.parse("{\"0\": \"Accuracy\", \"1\": \"Accuracy\", \"2\": \"Precision\", \"3\": \"Recall\", \"4\": \"F1 Score\", \"5\": \"AUROC\", \"6\": \"Accuracy\", \"7\": \"Precision\", \"8\": \"Recall\", \"9\": \"F1 Score\", \"10\": \"AUROC\", \"11\": \"Accuracy\", \"12\": \"Precision\", \"13\": \"Recall\", \"14\": \"F1 Score\", \"15\": \"AUROC\"}"); var timestamps_all = JSON.parse("{\"0\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"1\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"2\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"3\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"4\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"5\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"6\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"7\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"8\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"9\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"10\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"11\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"12\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"13\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"14\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"], \"15\": [\"2021-09-01\", \"2021-10-01\", \"2021-11-01\", \"2021-12-01\", \"2022-01-01\"]}"); diff --git a/api/tutorials/nihcxr/cxr_classification.html b/api/tutorials/nihcxr/cxr_classification.html index 6d2ec094d..e052af924 100644 --- a/api/tutorials/nihcxr/cxr_classification.html +++ b/api/tutorials/nihcxr/cxr_classification.html @@ -441,7 +441,7 @@

    Chest X-Ray Disease Classification

    -

    This notebook shows chest x-ray classification on the NIH dataset using a pretrained model from the TorchXRayVision library and CyclOps to generate a model card.

    +

    This notebook shows chest x-ray classification on the NIH dataset using a pretrained model from the TorchXRayVision library and CyclOps to generate a model card.

    Import Libraries

    @@ -503,74 +504,74 @@

    Generate Historical Reports
    -Flattening the indices: 100%|████████| 1000/1000 [00:58<00:00, 17.13 examples/s]
    -Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 548920.82 examples/s]
    -Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 241663.06 examples/s]
    -Map: 100%|███████████████████████████| 400/400 [00:00<00:00, 1904.06 examples/s]
    -Filter -> Patient Gender:M: 100%|███| 400/400 [00:00<00:00, 43408.06 examples/s]
    -Filter -> Patient Gender:F: 100%|███| 400/400 [00:00<00:00, 42714.03 examples/s]
    -Filter -> overall: 100%|████████████| 400/400 [00:00<00:00, 45356.09 examples/s]
    -Filter -> Patient Age:[19 - 35]: 100%|█| 400/400 [00:00<00:00, 44882.87 examples
    -Filter -> Patient Age:[35 - 65]: 100%|█| 400/400 [00:00<00:00, 45359.76 examples
    -Filter -> Patient Age:[65 - 100]: 100%|█| 400/400 [00:00<00:00, 44953.82 example
    +Flattening the indices: 100%|████████| 1000/1000 [00:55<00:00, 18.02 examples/s]
    +Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 560061.96 examples/s]
    +Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 238123.31 examples/s]
    +Map: 100%|███████████████████████████| 400/400 [00:00<00:00, 1864.69 examples/s]
    +Filter -> Patient Gender:M: 100%|███| 400/400 [00:00<00:00, 40384.21 examples/s]
    +Filter -> Patient Gender:F: 100%|███| 400/400 [00:00<00:00, 43512.76 examples/s]
    +Filter -> overall: 100%|████████████| 400/400 [00:00<00:00, 45556.84 examples/s]
    +Filter -> Patient Age:[19 - 35]: 100%|█| 400/400 [00:00<00:00, 44561.00 examples
    +Filter -> Patient Age:[35 - 65]: 100%|█| 400/400 [00:00<00:00, 45555.60 examples
    +Filter -> Patient Age:[65 - 100]: 100%|█| 400/400 [00:00<00:00, 45078.23 example
     Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|█| 400/400 [00:00<00:00,
     Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|█| 400/400 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|█| 400/400 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|█| 400/400 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|█| 400/400 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|█| 400/400 [00:00<00:00,
    -Filter -> overall: 100%|████████████| 400/400 [00:00<00:00, 46836.26 examples/s]
    -Flattening the indices: 100%|████████| 1000/1000 [00:55<00:00, 18.01 examples/s]
    -Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 568026.00 examples/s]
    -Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 241941.86 examples/s]
    -Map: 100%|███████████████████████████| 396/396 [00:00<00:00, 1926.71 examples/s]
    -Filter -> Patient Gender:M: 100%|███| 396/396 [00:00<00:00, 43295.48 examples/s]
    -Filter -> Patient Gender:F: 100%|███| 396/396 [00:00<00:00, 43239.12 examples/s]
    -Filter -> overall: 100%|████████████| 396/396 [00:00<00:00, 44897.67 examples/s]
    -Filter -> Patient Age:[19 - 35]: 100%|█| 396/396 [00:00<00:00, 44478.07 examples
    -Filter -> Patient Age:[35 - 65]: 100%|█| 396/396 [00:00<00:00, 45408.29 examples
    -Filter -> Patient Age:[65 - 100]: 100%|█| 396/396 [00:00<00:00, 44738.04 example
    +Filter -> overall: 100%|████████████| 400/400 [00:00<00:00, 45469.17 examples/s]
    +Flattening the indices: 100%|████████| 1000/1000 [00:54<00:00, 18.49 examples/s]
    +Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 299486.18 examples/s]
    +Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 122629.71 examples/s]
    +Map: 100%|███████████████████████████| 396/396 [00:00<00:00, 1069.97 examples/s]
    +Filter -> Patient Gender:M: 100%|███| 396/396 [00:00<00:00, 22679.03 examples/s]
    +Filter -> Patient Gender:F: 100%|███| 396/396 [00:00<00:00, 22490.17 examples/s]
    +Filter -> overall: 100%|████████████| 396/396 [00:00<00:00, 43893.88 examples/s]
    +Filter -> Patient Age:[19 - 35]: 100%|█| 396/396 [00:00<00:00, 44002.02 examples
    +Filter -> Patient Age:[35 - 65]: 100%|█| 396/396 [00:00<00:00, 46026.11 examples
    +Filter -> Patient Age:[65 - 100]: 100%|█| 396/396 [00:00<00:00, 44858.87 example
     Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|█| 396/396 [00:00<00:00,
     Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|█| 396/396 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|█| 396/396 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|█| 396/396 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|█| 396/396 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|█| 396/396 [00:00<00:00,
    -Filter -> overall: 100%|████████████| 396/396 [00:00<00:00, 45637.86 examples/s]
    -Flattening the indices: 100%|████████| 1000/1000 [00:56<00:00, 17.63 examples/s]
    -Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 546417.93 examples/s]
    -Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 238217.98 examples/s]
    -Map: 100%|███████████████████████████| 383/383 [00:00<00:00, 1894.68 examples/s]
    -Filter -> Patient Gender:M: 100%|███| 383/383 [00:00<00:00, 42079.28 examples/s]
    -Filter -> Patient Gender:F: 100%|███| 383/383 [00:00<00:00, 42750.04 examples/s]
    -Filter -> overall: 100%|████████████| 383/383 [00:00<00:00, 44087.56 examples/s]
    -Filter -> Patient Age:[19 - 35]: 100%|█| 383/383 [00:00<00:00, 43930.82 examples
    -Filter -> Patient Age:[35 - 65]: 100%|█| 383/383 [00:00<00:00, 44755.76 examples
    -Filter -> Patient Age:[65 - 100]: 100%|█| 383/383 [00:00<00:00, 43878.03 example
    +Filter -> overall: 100%|████████████| 396/396 [00:00<00:00, 46600.76 examples/s]
    +Flattening the indices: 100%|████████| 1000/1000 [00:53<00:00, 18.59 examples/s]
    +Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 293574.86 examples/s]
    +Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 122967.66 examples/s]
    +Map: 100%|███████████████████████████| 383/383 [00:00<00:00, 1062.39 examples/s]
    +Filter -> Patient Gender:M: 100%|███| 383/383 [00:00<00:00, 24096.88 examples/s]
    +Filter -> Patient Gender:F: 100%|███| 383/383 [00:00<00:00, 20982.48 examples/s]
    +Filter -> overall: 100%|████████████| 383/383 [00:00<00:00, 27212.67 examples/s]
    +Filter -> Patient Age:[19 - 35]: 100%|█| 383/383 [00:00<00:00, 43604.09 examples
    +Filter -> Patient Age:[35 - 65]: 100%|█| 383/383 [00:00<00:00, 45543.73 examples
    +Filter -> Patient Age:[65 - 100]: 100%|█| 383/383 [00:00<00:00, 44552.19 example
     Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|█| 383/383 [00:00<00:00,
     Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|█| 383/383 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|█| 383/383 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|█| 383/383 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|█| 383/383 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|█| 383/383 [00:00<00:00,
    -Filter -> overall: 100%|████████████| 383/383 [00:00<00:00, 44490.50 examples/s]
    -Flattening the indices: 100%|████████| 1000/1000 [00:55<00:00, 17.96 examples/s]
    -Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 251562.65 examples/s]
    -Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 121334.88 examples/s]
    -Map: 100%|███████████████████████████| 411/411 [00:00<00:00, 1060.88 examples/s]
    -Filter -> Patient Gender:M: 100%|███| 411/411 [00:00<00:00, 23086.06 examples/s]
    -Filter -> Patient Gender:F: 100%|███| 411/411 [00:00<00:00, 22099.34 examples/s]
    -Filter -> overall: 100%|████████████| 411/411 [00:00<00:00, 23068.45 examples/s]
    -Filter -> Patient Age:[19 - 35]: 100%|█| 411/411 [00:00<00:00, 44642.21 examples
    -Filter -> Patient Age:[35 - 65]: 100%|█| 411/411 [00:00<00:00, 45994.10 examples
    -Filter -> Patient Age:[65 - 100]: 100%|█| 411/411 [00:00<00:00, 44954.21 example
    +Filter -> overall: 100%|████████████| 383/383 [00:00<00:00, 45871.46 examples/s]
    +Flattening the indices: 100%|████████| 1000/1000 [00:52<00:00, 18.96 examples/s]
    +Flattening the indices: 100%|████| 1000/1000 [00:00<00:00, 291960.46 examples/s]
    +Filter: 100%|████████████████████| 1000/1000 [00:00<00:00, 119085.32 examples/s]
    +Map: 100%|███████████████████████████| 411/411 [00:00<00:00, 1069.31 examples/s]
    +Filter -> Patient Gender:M: 100%|███| 411/411 [00:00<00:00, 22974.98 examples/s]
    +Filter -> Patient Gender:F: 100%|███| 411/411 [00:00<00:00, 20578.97 examples/s]
    +Filter -> overall: 100%|████████████| 411/411 [00:00<00:00, 40760.88 examples/s]
    +Filter -> Patient Age:[19 - 35]: 100%|█| 411/411 [00:00<00:00, 45460.42 examples
    +Filter -> Patient Age:[35 - 65]: 100%|█| 411/411 [00:00<00:00, 45297.95 examples
    +Filter -> Patient Age:[65 - 100]: 100%|█| 411/411 [00:00<00:00, 45069.39 example
     Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|█| 411/411 [00:00<00:00,
     Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|█| 411/411 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|█| 411/411 [00:00<00:00,
     Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|█| 411/411 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|█| 411/411 [00:00<00:00,
     Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|█| 411/411 [00:00<00:00,
    -Filter -> overall: 100%|████████████| 411/411 [00:00<00:00, 46989.56 examples/s]
    +Filter -> overall: 100%|████████████| 411/411 [00:00<00:00, 47366.57 examples/s]
     

    CyclOps offers a package for documentation of the model through a model report. The ModelCardReport class is used to populate and generate the model report as an HTML file. The model report has the following sections:

    @@ -621,8 +622,9 @@

    Load Datasetallow_missing_keys=True, ), Lambdad( - ("image",), - func=lambda x: np.mean(x, axis=0)[np.newaxis, :] if x.shape[0] != 1 else x, + keys=("image",), + func=lambda x: x[0][np.newaxis, :] if x.shape[0] != 1 else x, + allow_missing_keys=True, ), ], ) @@ -667,8 +669,8 @@

    Model Creation
    -Filter: 100%|██████████| 1000/1000 [00:00<00:00, 72971.07 examples/s]
    -Map: 100%|██████████| 661/661 [00:00<00:00, 1711.48 examples/s]
    +Filter: 100%|██████████| 1000/1000 [00:00<00:00, 63551.02 examples/s]
    +Map: 100%|██████████| 661/661 [00:00<00:00, 1676.38 examples/s]
     

    @@ -795,9 +797,9 @@

    Multilabel AUROC by Pathology and Sex
    -Filter -> Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 47085.39 examples/s]
    -Filter -> Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 46322.28 examples/s]
    -Filter -> overall: 100%|██████████| 661/661 [00:00<00:00, 47010.34 examples/s]
    +Filter -> Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 44672.02 examples/s]
    +Filter -> Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 46803.21 examples/s]
    +Filter -> overall: 100%|██████████| 661/661 [00:00<00:00, 46626.11 examples/s]
     

    @@ -858,16 +860,16 @@

    Multilabel AUROC by Pathology and Age
    -Filter -> Patient Age:[19 - 35]: 100%|██████████| 661/661 [00:00<00:00, 48206.20 examples/s]
    -Filter -> Patient Age:[35 - 65]: 100%|██████████| 661/661 [00:00<00:00, 46832.46 examples/s]
    -Filter -> Patient Age:[65 - 100]: 100%|██████████| 661/661 [00:00<00:00, 46565.02 examples/s]
    -Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 46522.05 examples/s]
    -Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 46613.56 examples/s]
    -Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 46746.39 examples/s]
    -Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 46758.22 examples/s]
    -Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 43305.09 examples/s]
    -Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 43727.19 examples/s]
    -Filter -> overall: 100%|██████████| 661/661 [00:00<00:00, 46826.93 examples/s]
    +Filter -> Patient Age:[19 - 35]: 100%|██████████| 661/661 [00:00<00:00, 45776.19 examples/s]
    +Filter -> Patient Age:[35 - 65]: 100%|██████████| 661/661 [00:00<00:00, 47137.43 examples/s]
    +Filter -> Patient Age:[65 - 100]: 100%|██████████| 661/661 [00:00<00:00, 47004.76 examples/s]
    +Filter -> Patient Age:[19 - 35]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 46473.70 examples/s]
    +Filter -> Patient Age:[19 - 35]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 44987.34 examples/s]
    +Filter -> Patient Age:[35 - 65]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 45784.51 examples/s]
    +Filter -> Patient Age:[35 - 65]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 45161.02 examples/s]
    +Filter -> Patient Age:[65 - 100]&Patient Gender:M: 100%|██████████| 661/661 [00:00<00:00, 44552.85 examples/s]
    +Filter -> Patient Age:[65 - 100]&Patient Gender:F: 100%|██████████| 661/661 [00:00<00:00, 45609.76 examples/s]
    +Filter -> overall: 100%|██████████| 661/661 [00:00<00:00, 44025.07 examples/s]
     
    -
    +
    @@ -6615,7 +6615,7 @@

    Graphics

    -
    +
    @@ -6623,7 +6623,7 @@

    Graphics

    -
    +
    @@ -7866,7 +7866,7 @@

    Quantitative Analysis

    - 0.83 + 0.82 @@ -7927,7 +7927,7 @@

    Quantitative Analysis

    - 0.33 + 0.32 @@ -8731,7 +8731,7 @@

    Tradeoffs

    function generate_model_card_plot() { var model_card_plots = [] var overall_indices = [540, 555, 570, 585] - var histories = JSON.parse("{\"0\": [\"0.15167980673960318\", \"0.14129280028530336\", \"0.15995072768185709\", \"0.1258001490759194\"], \"1\": [\"0.30952380952380953\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.20689655172413793\"], \"2\": [\"0.10714285714285714\", \"0.17777777777777778\", \"0.06896551724137931\", \"0.026845637583892617\"], \"3\": [\"0.4426229508196721\", \"0.42592592592592593\", \"0.647887323943662\", \"0.3712121212121212\"], \"4\": [\"0.047619047619047616\", \"0.05\", \"0.06\", \"0.4112903225806452\"], \"5\": [\"0.1276595744680851\", \"0.023255813953488372\", \"0.020833333333333332\", \"0.06422018348623854\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.027777777777777776\", \"0.01834862385321101\"], \"7\": [\"0.041666666666666664\", \"0.0\", \"0.09375\", \"0.05102040816326531\"], \"8\": [\"0.36363636363636365\", \"0.48148148148148145\", \"0.43902439024390244\", \"0.17708333333333334\"], \"9\": [\"0.0\", \"0.02857142857142857\", \"0.045454545454545456\", \"0.03787878787878788\"], \"10\": [\"0.06451612903225806\", \"0.07407407407407407\", \"0.05\", \"0.16822429906542055\"], \"11\": [\"0.2962962962962963\", \"0.15789473684210525\", \"0.12\", \"0.1\"], \"12\": [\"0.05263157894736842\", \"0.09375\", \"0.175\", \"0.06818181818181818\"], \"13\": [\"0.24242424242424243\", \"0.07142857142857142\", \"0.10526315789473684\", \"0.06\"], \"14\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.0\"], \"15\": [\"0.948161213119298\", \"0.9395606461176224\", \"0.937037604089962\", \"0.9041296306770732\"], \"16\": [\"0.9285714285714286\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.9230769230769231\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.7777777777777778\", \"0.5714285714285714\", \"0.5833333333333334\", \"0.6521739130434783\"], \"19\": [\"0.9285714285714286\", \"0.9047619047619048\", \"1.0\", \"0.7096774193548387\"], \"20\": [\"1.0\", \"1.0\", \"0.9714285714285714\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.96875\", \"0.9787234042553191\", \"0.8260869565217391\"], \"22\": [\"0.9347826086956522\", \"1.0\", \"0.9803921568627451\", \"0.9649122807017544\"], \"23\": [\"0.9615384615384616\", \"0.9117647058823529\", \"0.8809523809523809\", \"0.9491525423728814\"], \"24\": [\"0.967741935483871\", \"0.9615384615384616\", \"1.0\", \"0.9130434782608695\"], \"25\": [\"0.9487179487179487\", \"0.9705882352941176\", \"1.0\", \"0.9791666666666666\"], \"26\": [\"0.9767441860465116\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.90625\", \"0.9310344827586207\", \"0.9302325581395349\", \"0.9253731343283582\"], \"28\": [\"0.972972972972973\", \"0.9696969696969697\", \"0.9111111111111111\", \"0.9818181818181818\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.61904681412795\", \"0.6113585818942961\", \"0.816754962854707\", \"0.7305053759940978\"], \"31\": [\"0.8666666666666667\", \"0.9285714285714286\", \"0.8\", \"0.8888888888888888\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9310344827586207\", \"0.8846153846153846\", \"0.9019607843137255\", \"0.8596491228070176\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"0.75\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.8125\", \"0.782608695652174\", \"0.85\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.4\", \"0.6\", \"0.7\", \"0.5454545454545454\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.8571428571428571\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.46336563851831164\", \"0.48289690046395356\", \"0.5070017410868425\", \"0.3276357598055654\"], \"46\": [\"0.4727272727272727\", \"0.574468085106383\", \"0.47619047619047616\", \"0.28125\"], \"47\": [\"0.21875\", \"0.3018867924528302\", \"0.31645569620253167\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3939393939393939\", \"0.3333333333333333\", \"0.4125\", \"0.23157894736842105\"], \"50\": [\"0.359375\", \"0.3\", \"0.41975308641975306\", \"0.3108108108108108\"], \"51\": [\"0.4852941176470588\", \"0.5166666666666667\", \"0.5679012345679012\", \"0.2620689655172414\"], \"52\": [\"0.6515151515151515\", \"0.5245901639344263\", \"0.6329113924050633\", \"0.3716216216216216\"], \"53\": [\"0.4716981132075472\", \"0.6888888888888889\", \"0.6166666666666667\", \"0.4148148148148148\"], \"54\": [\"0.43478260869565216\", \"0.423728813559322\", \"0.48148148148148145\", \"0.14189189189189189\"], \"55\": [\"0.5606060606060606\", \"0.5689655172413793\", \"0.5308641975308642\", \"0.34558823529411764\"], \"56\": [\"0.6885245901639344\", \"0.7241379310344828\", \"0.725\", \"0.7615894039735099\"], \"57\": [\"0.4461538461538462\", \"0.48214285714285715\", \"0.547945205479452\", \"0.4305555555555556\"], \"58\": [\"0.5901639344262295\", \"0.5517241379310345\", \"0.5466666666666666\", \"0.36486486486486486\"], \"59\": [\"0.5428571428571428\", \"0.6557377049180327\", \"0.6049382716049383\", \"0.4838709677419355\"], \"60\": [\"0.1390022332304764\", \"0.12461397321555136\", \"0.14317050475245158\", \"0.14359228947856187\"], \"61\": [\"0.27218934911242604\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24516129032258063\"], \"62\": [\"0.11578947368421053\", \"0.08994708994708994\", \"0.09142857142857143\", \"0.1206896551724138\"], \"63\": [\"0.38388625592417064\", \"0.3736842105263158\", \"0.40641711229946526\", \"0.3813559322033898\"], \"64\": [\"0.0425531914893617\", \"0.08\", \"0.06944444444444445\", \"0.13653136531365315\"], \"65\": [\"0.030303030303030304\", \"0.078125\", \"0.08870967741935484\", \"0.10380622837370242\"], \"66\": [\"0.03571428571428571\", \"0.041379310344827586\", \"0.05714285714285714\", \"0.0821917808219178\"], \"67\": [\"0.04929577464788732\", \"0.02877697841726619\", \"0.048\", \"0.05855855855855856\"], \"68\": [\"0.3969465648854962\", \"0.3492063492063492\", \"0.35\", \"0.30111524163568776\"], \"69\": [\"0.03164556962025317\", \"0.014492753623188406\", \"0.023255813953488372\", \"0.030508474576271188\"], \"70\": [\"0.06338028169014084\", \"0.06818181818181818\", \"0.1\", \"0.07228915662650602\"], \"71\": [\"0.15294117647058825\", \"0.0958904109589041\", \"0.08064516129032258\", \"0.34615384615384615\"], \"72\": [\"0.16417910447761194\", \"0.16176470588235295\", \"0.2028985507246377\", \"0.045081967213114756\"], \"73\": [\"0.2072072072072072\", \"0.13333333333333333\", \"0.17073170731707318\", \"0.08298755186721991\"], \"74\": [\"0.0\", \"0.0\", \"0.01639344262295082\", \"0.003861003861003861\"], \"75\": [\"0.9333660415310792\", \"0.9279874736119439\", \"0.9221969798271173\", \"0.9308873954815544\"], \"76\": [\"0.8160919540229885\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8571428571428571\"], \"77\": [\"1.0\", \"1.0\", \"0.953125\", \"0.9433962264150944\"], \"78\": [\"0.6666666666666666\", \"0.6956521739130435\", \"0.5961538461538461\", \"0.723404255319149\"], \"79\": [\"0.9739130434782609\", \"0.9302325581395349\", \"0.9368421052631579\", \"0.9769230769230769\"], \"80\": [\"1.0\", \"0.9907407407407407\", \"0.991304347826087\", \"1.0\"], \"81\": [\"0.9913793103448276\", \"0.967032967032967\", \"0.98989898989899\", \"0.963302752293578\"], \"82\": [\"1.0\", \"0.9690721649484536\", \"0.9736842105263158\", \"0.9832402234636871\"], \"83\": [\"0.904\", \"0.8545454545454545\", \"0.8907563025210085\", \"0.8863636363636364\"], \"84\": [\"0.9795918367346939\", \"0.9591836734693877\", \"1.0\", \"0.9716981132075472\"], \"85\": [\"0.956140350877193\", \"0.9423076923076923\", \"0.944954128440367\", \"0.9210526315789473\"], \"86\": [\"0.9941520467836257\", \"0.9877300613496932\", \"0.9887005649717514\", \"0.9067357512953368\"], \"87\": [\"0.819672131147541\", \"0.85\", \"0.8514851485148515\", \"0.9554140127388535\"], \"88\": [\"0.9655172413793104\", \"0.9482758620689655\", \"0.9568965517241379\", \"0.94375\"], \"89\": [\"1.0\", \"0.9903846153846154\", \"1.0\", \"1.0\"], \"90\": [\"0.7503805957867018\", \"0.6611691277657663\", \"0.7921130753222533\", \"0.8277562300309229\"], \"91\": [\"0.7419354838709677\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8421052631578947\", \"0.9333333333333333\"], \"93\": [\"0.84375\", \"0.8352941176470589\", \"0.7835051546391752\", \"0.9121621621621622\"], \"94\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.625\", \"0.925\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.8333333333333334\", \"0.6666666666666666\", \"0.8888888888888888\", \"0.8571428571428571\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.8125\", \"0.7333333333333333\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.6428571428571429\", \"0.6\", \"0.6842105263157895\", \"0.6\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.7142857142857143\", \"0.8\"], \"102\": [\"0.5\", \"0.5945945945945946\", \"0.6511627906976745\", \"0.6111111111111112\"], \"103\": [\"0.8214285714285714\", \"0.7272727272727273\", \"0.8076923076923077\", \"0.6896551724137931\"], \"104\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"105\": [\"0.45127331247553704\", \"0.42116439055367694\", \"0.46082969784674394\", \"0.3327267660544629\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.25\"], \"107\": [\"0.28205128205128205\", \"0.2146118721461187\", \"0.2772727272727273\", \"0.1404494382022472\"], \"108\": [\"0.1875\", \"0.2119205298013245\", \"0.21830985915492956\", \"0.13438735177865613\"], \"109\": [\"0.4534412955465587\", \"0.3669724770642202\", \"0.3991031390134529\", \"0.3518005540166205\"], \"110\": [\"0.49206349206349204\", \"0.47555555555555556\", \"0.5022026431718062\", \"0.3018867924528302\"], \"111\": [\"0.46\", \"0.3876651982378855\", \"0.4260869565217391\", \"0.28150134048257375\"], \"112\": [\"0.4578313253012048\", \"0.4104803493449782\", \"0.4826086956521739\", \"0.45714285714285713\"], \"113\": [\"0.5885416666666666\", \"0.5340909090909091\", \"0.5760869565217391\", \"0.3836065573770492\"], \"114\": [\"0.3855421686746988\", \"0.40869565217391307\", \"0.4661016949152542\", \"0.2647814910025707\"], \"115\": [\"0.45041322314049587\", \"0.4434389140271493\", \"0.4681818181818182\", \"0.37735849056603776\"], \"116\": [\"0.7024793388429752\", \"0.7092511013215859\", \"0.7543103448275862\", \"0.5627009646302251\"], \"117\": [\"0.4716981132075472\", \"0.4271356783919598\", \"0.4387755102040816\", \"0.391644908616188\"], \"118\": [\"0.6140350877192983\", \"0.514018691588785\", \"0.5211267605633803\", \"0.40591397849462363\"], \"119\": [\"0.40625\", \"0.43829787234042555\", \"0.4936708860759494\", \"0.355\"], \"120\": [\"0.11923455215185493\", \"0.13087699439043274\", \"0.1275230072783852\", \"0.13966226265715678\"], \"121\": [\"0.2962962962962963\", \"0.2222222222222222\", \"0.234375\", \"0.10416666666666667\"], \"122\": [\"0.01694915254237288\", \"0.07142857142857142\", \"0.06896551724137931\", \"0.12222222222222222\"], \"123\": [\"0.4098360655737705\", \"0.3389830508474576\", \"0.2459016393442623\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.0425531914893617\", \"0.07692307692307693\", \"0.19230769230769232\"], \"125\": [\"0.05405405405405406\", \"0.05714285714285714\", \"0.025\", \"0.0\"], \"126\": [\"0.04081632653061224\", \"0.0784313725490196\", \"0.09259259259259259\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.044444444444444446\", \"0.0\", \"0.10344827586206896\"], \"128\": [\"0.25\", \"0.4634146341463415\", \"0.4090909090909091\", \"0.425\"], \"129\": [\"0.021739130434782608\", \"0.046511627906976744\", \"0.018867924528301886\", \"0.012048192771084338\"], \"130\": [\"0.17073170731707318\", \"0.125\", \"0.16326530612244897\", \"0.07142857142857142\"], \"131\": [\"0.13793103448275862\", \"0.13636363636363635\", \"0.1\", \"0.3409090909090909\"], \"132\": [\"0.11363636363636363\", \"0.12244897959183673\", \"0.1836734693877551\", \"0.1016949152542373\"], \"133\": [\"0.09375\", \"0.08333333333333333\", \"0.16666666666666666\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.208955223880597\"], \"135\": [\"0.9388265841207017\", \"0.9136475576691024\", \"0.9344389133985408\", \"0.9467833894060748\"], \"136\": [\"0.6666666666666666\", \"1.0\", \"0.875\", \"0.9230769230769231\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.6\", \"0.7272727272727273\", \"0.875\"], \"139\": [\"1.0\", \"0.9545454545454546\", \"0.9\", \"0.967741935483871\"], \"140\": [\"1.0\", \"0.9705882352941176\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"1.0\"], \"142\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"0.9607843137254902\"], \"143\": [\"0.9230769230769231\", \"0.7142857142857143\", \"0.9285714285714286\", \"0.7586206896551724\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"0.96\", \"0.9047619047619048\", \"0.9565217391304348\", \"0.8974358974358975\"], \"146\": [\"0.972972972972973\", \"0.9361702127659575\", \"0.9807692307692307\", \"0.8923076923076924\"], \"147\": [\"0.9090909090909091\", \"0.8\", \"0.8695652173913043\", \"0.98\"], \"148\": [\"0.9117647058823529\", \"0.9523809523809523\", \"0.9\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8202969649398221\", \"0.7276455026455027\", \"0.7268849206349205\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.8333333333333334\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7037037037037037\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"0.875\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.6\", \"0.75\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.7\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3331907318315955\", \"0.3450885022573568\", \"0.33442997150425285\", \"0.3311644925271136\"], \"166\": [\"0.17391304347826086\", \"0.2631578947368421\", \"0.125\", \"0.12244897959183673\"], \"167\": [\"0.1076923076923077\", \"0.2\", \"0.20588235294117646\", \"0.19387755102040816\"], \"168\": [\"0.1\", \"0.13333333333333333\", \"0.14814814814814814\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.3181818181818182\", \"0.2727272727272727\", \"0.3225806451612903\"], \"170\": [\"0.453125\", \"0.5\", \"0.4507042253521127\", \"0.3853211009174312\"], \"171\": [\"0.265625\", \"0.27692307692307694\", \"0.25757575757575757\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3484848484848485\", \"0.2777777777777778\", \"0.48514851485148514\"], \"173\": [\"0.4444444444444444\", \"0.47619047619047616\", \"0.5\", \"0.3235294117647059\"], \"174\": [\"0.3076923076923077\", \"0.3880597014925373\", \"0.2676056338028169\", \"0.24074074074074073\"], \"175\": [\"0.41379310344827586\", \"0.3114754098360656\", \"0.3492063492063492\", \"0.35\"], \"176\": [\"0.5901639344262295\", \"0.6984126984126984\", \"0.7391304347826086\", \"0.6666666666666666\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.3333333333333333\", \"0.4803921568627451\"], \"178\": [\"0.5166666666666667\", \"0.3125\", \"0.43548387096774194\", \"0.3300970873786408\"], \"179\": [\"0.3484848484848485\", \"0.3333333333333333\", \"0.3194444444444444\", \"0.4421052631578947\"], \"180\": [\"0.14190445408932803\", \"0.13909998782121544\", \"0.1701947480063646\", \"0.12517363860159866\"], \"181\": [\"0.2777777777777778\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2222222222222222\"], \"182\": [\"0.2\", \"0.2\", \"0.038461538461538464\", \"0.030534351145038167\"], \"183\": [\"0.4230769230769231\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.4051724137931034\"], \"184\": [\"0.0\", \"0.05\", \"0.0\", \"0.3963963963963964\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.050505050505050504\"], \"186\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.019417475728155338\"], \"187\": [\"0.07142857142857142\", \"0.0\", \"0.17647058823529413\", \"0.06172839506172839\"], \"188\": [\"0.3333333333333333\", \"0.5\", \"0.42105263157894735\", \"0.18292682926829268\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.0423728813559322\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.1595744680851064\"], \"191\": [\"0.2222222222222222\", \"0.25\", \"0.09090909090909091\", \"0.08108108108108109\"], \"192\": [\"0.0\", \"0.17647058823529413\", \"0.23529411764705882\", \"0.05555555555555555\"], \"193\": [\"0.3\", \"0.0\", \"0.16666666666666666\", \"0.0449438202247191\"], \"194\": [\"0.0\", \"0.0\", \"0.125\", \"0.0\"], \"195\": [\"0.9340888278388279\", \"0.9755952380952381\", \"0.9621086642825772\", \"0.8973056892089453\"], \"196\": [\"0.9166666666666666\", \"1.0\", \"0.8888888888888888\", \"0.9714285714285714\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.5\", \"1.0\", \"0.8\", \"0.6111111111111112\"], \"199\": [\"1.0\", \"0.9166666666666666\", \"1.0\", \"0.6521739130434783\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.967741935483871\"], \"202\": [\"0.9375\", \"1.0\", \"1.0\", \"0.9622641509433962\"], \"203\": [\"1.0\", \"0.9375\", \"0.9545454545454546\", \"0.9615384615384616\"], \"204\": [\"0.9230769230769231\", \"0.9333333333333333\", \"1.0\", \"0.875\"], \"205\": [\"1.0\", \"0.9375\", \"1.0\", \"0.975\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.8\", \"0.9333333333333333\", \"1.0\", \"0.9193548387096774\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"1.0\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.5842490842490842\", \"0.509920634920635\", \"0.6486016628873772\", \"0.773755816893833\"], \"211\": [\"0.8333333333333334\", \"1.0\", \"0.8\", \"0.9565217391304348\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.8461538461538461\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.8823529411764706\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.0\", \"0.75\", \"1.0\", \"0.4444444444444444\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"1.0\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.4124708429098776\", \"0.4628128697461709\", \"0.5508536123022646\", \"0.3176701124993818\"], \"226\": [\"0.4583333333333333\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3063063063063063\"], \"227\": [\"0.2\", \"0.25925925925925924\", \"0.375\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.1375\"], \"229\": [\"0.3333333333333333\", \"0.36666666666666664\", \"0.4878048780487805\", \"0.18292682926829268\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.4634146341463415\", \"0.2713178294573643\"], \"231\": [\"0.5\", \"0.40625\", \"0.6\", \"0.22900763358778625\"], \"232\": [\"0.5357142857142857\", \"0.53125\", \"0.631578947368421\", \"0.4015748031496063\"], \"233\": [\"0.391304347826087\", \"0.6521739130434783\", \"0.65625\", \"0.42735042735042733\"], \"234\": [\"0.41379310344827586\", \"0.45161290322580644\", \"0.5365853658536586\", \"0.11023622047244094\"], \"235\": [\"0.4482758620689655\", \"0.4838709677419355\", \"0.5609756097560976\", \"0.3305084745762712\"], \"236\": [\"0.75\", \"0.6896551724137931\", \"0.75\", \"0.7404580152671756\"], \"237\": [\"0.2857142857142857\", \"0.5\", \"0.6486486486486487\", \"0.456\"], \"238\": [\"0.4166666666666667\", \"0.5\", \"0.5588235294117647\", \"0.34615384615384615\"], \"239\": [\"0.5666666666666667\", \"0.6875\", \"0.6410256410256411\", \"0.4925373134328358\"], \"240\": [\"0.1550310042295616\", \"0.1410894660894661\", \"0.1473947974546336\", \"0.14249189186163977\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.11764705882352941\"], \"242\": [\"0.03225806451612903\", \"0.15\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.4166666666666667\", \"0.5714285714285714\", \"0.125\"], \"244\": [\"0.09090909090909091\", \"0.05\", \"0.10344827586206896\", \"0.5384615384615384\"], \"245\": [\"0.14814814814814814\", \"0.0\", \"0.038461538461538464\", \"0.2\"], \"246\": [\"0.047619047619047616\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.45454545454545453\", \"0.45454545454545453\", \"0.14285714285714285\"], \"249\": [\"0.0\", \"0.05555555555555555\", \"0.08\", \"0.0\"], \"250\": [\"0.07142857142857142\", \"0.18181818181818182\", \"0.09090909090909091\", \"0.23076923076923078\"], \"251\": [\"0.3333333333333333\", \"0.0\", \"0.14285714285714285\", \"0.3333333333333333\"], \"252\": [\"0.1111111111111111\", \"0.0\", \"0.13043478260869565\", \"0.125\"], \"253\": [\"0.15384615384615385\", \"0.16666666666666666\", \"0.05\", \"0.18181818181818182\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9602427077852775\", \"0.9227122157904998\", \"0.9144758138444801\", \"0.890391156462585\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.5\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.4\", \"0.42857142857142855\", \"0.8\"], \"259\": [\"0.8888888888888888\", \"0.8888888888888888\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9375\", \"1.0\"], \"261\": [\"0.9473684210526315\", \"0.9473684210526315\", \"0.9565217391304348\", \"0.5333333333333333\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"0.9629629629629629\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.8888888888888888\", \"0.8\", \"0.8571428571428571\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.9545454545454546\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9545454545454546\", \"0.9285714285714286\", \"0.8421052631578947\", \"1.0\"], \"268\": [\"0.9629629629629629\", \"0.9411764705882353\", \"1.0\", \"0.9\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.46707657421943144\", \"0.6676870748299321\", \"0.5267857142857143\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.5\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.7692307692307693\", \"0.8333333333333334\", \"0.6666666666666666\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"278\": [\"0.9\", \"0.7142857142857143\", \"0.7142857142857143\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.5001908065575299\", \"0.5059764788213064\", \"0.46346635120589824\", \"0.39749146622211645\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.11764705882352941\"], \"287\": [\"0.23076923076923078\", \"0.34615384615384615\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.2222222222222222\"], \"289\": [\"0.4444444444444444\", \"0.2962962962962963\", \"0.3333333333333333\", \"0.5384615384615384\"], \"290\": [\"0.3611111111111111\", \"0.3103448275862069\", \"0.375\", \"0.5789473684210527\"], \"291\": [\"0.47368421052631576\", \"0.6428571428571429\", \"0.5365853658536586\", \"0.5714285714285714\"], \"292\": [\"0.7368421052631579\", \"0.5172413793103449\", \"0.6341463414634146\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.7272727272727273\", \"0.5714285714285714\", \"0.3333333333333333\"], \"294\": [\"0.45\", \"0.39285714285714285\", \"0.425\", \"0.3333333333333333\"], \"295\": [\"0.6486486486486487\", \"0.6666666666666666\", \"0.5\", \"0.4444444444444444\"], \"296\": [\"0.6363636363636364\", \"0.7586206896551724\", \"0.7\", \"0.9\"], \"297\": [\"0.5675675675675675\", \"0.4642857142857143\", \"0.4444444444444444\", \"0.2631578947368421\"], \"298\": [\"0.7027027027027027\", \"0.6153846153846154\", \"0.5365853658536586\", \"0.5\"], \"299\": [\"0.525\", \"0.6206896551724138\", \"0.5714285714285714\", \"0.42857142857142855\"], \"300\": [\"0.1469463570917117\", \"0.13135461005054608\", \"0.15366968200659187\", \"0.1498733315595946\"], \"301\": [\"0.2391304347826087\", \"0.29523809523809524\", \"0.32051282051282054\", \"0.18681318681318682\"], \"302\": [\"0.09900990099009901\", \"0.09009009009009009\", \"0.08974358974358974\", \"0.0990990990990991\"], \"303\": [\"0.3305785123966942\", \"0.3333333333333333\", \"0.325\", \"0.2641509433962264\"], \"304\": [\"0.0547945205479452\", \"0.09411764705882353\", \"0.09375\", \"0.27835051546391754\"], \"305\": [\"0.056338028169014086\", \"0.05714285714285714\", \"0.14035087719298245\", \"0.022988505747126436\"], \"306\": [\"0.04\", \"0.06741573033707865\", \"0.07042253521126761\", \"0.1559633027522936\"], \"307\": [\"0.0375\", \"0.011235955056179775\", \"0.018867924528301886\", \"0.031578947368421054\"], \"308\": [\"0.47692307692307695\", \"0.352112676056338\", \"0.38181818181818183\", \"0.21052631578947367\"], \"309\": [\"0.022727272727272728\", \"0.025\", \"0.017241379310344827\", \"0.022222222222222223\"], \"310\": [\"0.09333333333333334\", \"0.0963855421686747\", \"0.11475409836065574\", \"0.0898876404494382\"], \"311\": [\"0.20512820512820512\", \"0.07894736842105263\", \"0.1111111111111111\", \"0.5714285714285714\"], \"312\": [\"0.1875\", \"0.18604651162790697\", \"0.265625\", \"0.06521739130434782\"], \"313\": [\"0.21428571428571427\", \"0.1518987341772152\", \"0.171875\", \"0.1\"], \"314\": [\"0.0\", \"0.0\", \"0.030303030303030304\", \"0.0\"], \"315\": [\"0.9295222170180396\", \"0.932458689086653\", \"0.9225334207275214\", \"0.9205154657992932\"], \"316\": [\"0.86\", \"0.9705882352941176\", \"0.8275862068965517\", \"0.8536585365853658\"], \"317\": [\"1.0\", \"1.0\", \"0.9655172413793104\", \"0.9523809523809523\"], \"318\": [\"0.6666666666666666\", \"0.7419354838709677\", \"0.7037037037037037\", \"0.7692307692307693\"], \"319\": [\"0.9710144927536232\", \"0.9259259259259259\", \"0.9302325581395349\", \"0.9428571428571428\"], \"320\": [\"1.0\", \"1.0\", \"0.98\", \"1.0\"], \"321\": [\"0.9850746268656716\", \"0.94\", \"0.9722222222222222\", \"0.9130434782608695\"], \"322\": [\"1.0\", \"0.96\", \"1.0\", \"0.972972972972973\"], \"323\": [\"0.8571428571428571\", \"0.8676470588235294\", \"0.8076923076923077\", \"0.9285714285714286\"], \"324\": [\"0.9814814814814815\", \"0.9491525423728814\", \"1.0\", \"0.9523809523809523\"], \"325\": [\"0.9552238805970149\", \"0.9464285714285714\", \"0.8913043478260869\", \"0.7906976744186046\"], \"326\": [\"0.9902912621359223\", \"0.9900990099009901\", \"1.0\", \"0.9518072289156626\"], \"327\": [\"0.7741935483870968\", \"0.8301886792452831\", \"0.9069767441860465\", \"0.975\"], \"328\": [\"0.9722222222222222\", \"0.95\", \"0.9302325581395349\", \"0.8846153846153846\"], \"329\": [\"1.0\", \"0.9824561403508771\", \"1.0\", \"1.0\"], \"330\": [\"0.7442568785890488\", \"0.6790118092691623\", \"0.8369942062846646\", \"0.723518392995958\"], \"331\": [\"0.7586206896551724\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.851063829787234\", \"0.8181818181818182\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9310344827586207\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.75\", \"0.6666666666666666\", \"0.8333333333333334\", \"0.8947368421052632\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7380952380952381\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.8\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.7\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5172413793103449\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.7857142857142857\", \"0.5714285714285714\"], \"344\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"345\": [\"0.46115996499908746\", \"0.41235144012073616\", \"0.4363357131497031\", \"0.3508912706988956\"], \"346\": [\"0.3805309734513274\", \"0.308411214953271\", \"0.3116883116883117\", \"0.3211009174311927\"], \"347\": [\"0.3106060606060606\", \"0.21705426356589147\", \"0.2828282828282828\", \"0.16666666666666666\"], \"348\": [\"0.14736842105263157\", \"0.24210526315789474\", \"0.2602739726027397\", \"0.20408163265306123\"], \"349\": [\"0.49264705882352944\", \"0.3937007874015748\", \"0.40816326530612246\", \"0.32038834951456313\"], \"350\": [\"0.5144927536231884\", \"0.5111111111111111\", \"0.5\", \"0.34615384615384615\"], \"351\": [\"0.4782608695652174\", \"0.36153846153846153\", \"0.3465346534653465\", \"0.18584070796460178\"], \"352\": [\"0.4460431654676259\", \"0.35294117647058826\", \"0.5094339622641509\", \"0.28125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5526315789473685\", \"0.4642857142857143\"], \"354\": [\"0.381294964028777\", \"0.417910447761194\", \"0.46226415094339623\", \"0.3125\"], \"355\": [\"0.48484848484848486\", \"0.4140625\", \"0.43157894736842106\", \"0.2956521739130435\"], \"356\": [\"0.7669172932330827\", \"0.7407407407407407\", \"0.7692307692307693\", \"0.79\"], \"357\": [\"0.4247787610619469\", \"0.38596491228070173\", \"0.45348837209302323\", \"0.312\"], \"358\": [\"0.56\", \"0.4596774193548387\", \"0.43010752688172044\", \"0.3898305084745763\"], \"359\": [\"0.4084507042253521\", \"0.4057971014492754\", \"0.3904761904761905\", \"0.5227272727272727\"], \"360\": [\"0.13222209948257632\", \"0.11045798937107018\", \"0.13261570417529836\", \"0.14053076770309197\"], \"361\": [\"0.3116883116883117\", \"0.10714285714285714\", \"0.2753623188405797\", \"0.2694063926940639\"], \"362\": [\"0.1348314606741573\", \"0.08974358974358974\", \"0.09278350515463918\", \"0.1308016877637131\"], \"363\": [\"0.45555555555555555\", \"0.4268292682926829\", \"0.4672897196261682\", \"0.4314516129032258\"], \"364\": [\"0.029411764705882353\", \"0.06153846153846154\", \"0.05\", \"0.05747126436781609\"], \"365\": [\"0.0\", \"0.10344827586206896\", \"0.04477611940298507\", \"0.13861386138613863\"], \"366\": [\"0.03076923076923077\", \"0.0\", \"0.043478260869565216\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.06944444444444445\", \"0.07874015748031496\"], \"368\": [\"0.3181818181818182\", \"0.34545454545454546\", \"0.3230769230769231\", \"0.33678756476683935\"], \"369\": [\"0.04285714285714286\", \"0.0\", \"0.028169014084507043\", \"0.03414634146341464\"], \"370\": [\"0.029850746268656716\", \"0.02040816326530612\", \"0.08695652173913043\", \"0.0625\"], \"371\": [\"0.10869565217391304\", \"0.11428571428571428\", \"0.05714285714285714\", \"0.27672955974842767\"], \"372\": [\"0.12962962962962962\", \"0.12\", \"0.14864864864864866\", \"0.03289473684210526\"], \"373\": [\"0.1951219512195122\", \"0.0975609756097561\", \"0.1694915254237288\", \"0.07453416149068323\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.00510204081632653\"], \"375\": [\"0.93865294797817\", \"0.9208623705424565\", \"0.9184367536978485\", \"0.9301487639759868\"], \"376\": [\"0.7567567567567568\", \"0.8536585365853658\", \"0.8412698412698413\", \"0.86\"], \"377\": [\"1.0\", \"1.0\", \"0.9428571428571428\", \"0.9375\"], \"378\": [\"0.6666666666666666\", \"0.6\", \"0.48\", \"0.6666666666666666\"], \"379\": [\"0.9782608695652174\", \"0.9375\", \"0.9423076923076923\", \"0.9894736842105263\"], \"380\": [\"1.0\", \"0.9743589743589743\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.95\", \"0.9859154929577465\"], \"383\": [\"0.9791666666666666\", \"0.8333333333333334\", \"0.9552238805970149\", \"0.8552631578947368\"], \"384\": [\"0.9772727272727273\", \"0.9743589743589743\", \"1.0\", \"0.984375\"], \"385\": [\"0.9574468085106383\", \"0.9375\", \"0.9841269841269841\", \"0.9724770642201835\"], \"386\": [\"1.0\", \"0.9838709677419355\", \"0.979381443298969\", \"0.8727272727272727\"], \"387\": [\"0.8666666666666667\", \"0.8723404255319149\", \"0.8103448275862069\", \"0.9487179487179487\"], \"388\": [\"0.958904109589041\", \"0.9464285714285714\", \"0.9726027397260274\", \"0.9722222222222222\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6877970668786996\", \"0.5342618473280495\", \"0.7163506991093199\", \"0.8431994225778257\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.8181818181818182\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.7936507936507936\", \"0.9385964912280702\"], \"394\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.5714285714285714\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7307692307692307\", \"0.875\", \"0.8552631578947368\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.7692307692307693\"], \"401\": [\"1.0\", \"0.8\", \"0.5\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5\", \"0.45454545454545453\"], \"403\": [\"0.7272727272727273\", \"0.5714285714285714\", \"0.8333333333333334\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.44004082717457116\", \"0.4317335829457151\", \"0.47855976684945184\", \"0.32161781404777523\"], \"406\": [\"0.345679012345679\", \"0.4117647058823529\", \"0.5145631067961165\", \"0.21182266009852216\"], \"407\": [\"0.24509803921568626\", \"0.2111111111111111\", \"0.2727272727272727\", \"0.1271186440677966\"], \"408\": [\"0.24615384615384617\", \"0.16071428571428573\", \"0.17391304347826086\", \"0.09032258064516129\"], \"409\": [\"0.40540540540540543\", \"0.32967032967032966\", \"0.392\", \"0.3643410852713178\"], \"410\": [\"0.4649122807017544\", \"0.4222222222222222\", \"0.5038759689922481\", \"0.27800829875518673\"], \"411\": [\"0.4375\", \"0.422680412371134\", \"0.4883720930232558\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.4596774193548387\", \"0.5447470817120622\"], \"413\": [\"0.5108695652173914\", \"0.49295774647887325\", \"0.5925925925925926\", \"0.33678756476683935\"], \"414\": [\"0.39090909090909093\", \"0.3958333333333333\", \"0.46923076923076923\", \"0.2413793103448276\"], \"415\": [\"0.4090909090909091\", \"0.4838709677419355\", \"0.496\", \"0.4140625\"], \"416\": [\"0.6238532110091743\", \"0.6630434782608695\", \"0.7421875\", \"0.4549763033175355\"], \"417\": [\"0.5252525252525253\", \"0.4823529411764706\", \"0.42727272727272725\", \"0.43023255813953487\"], \"418\": [\"0.6796116504854369\", \"0.5888888888888889\", \"0.5916666666666667\", \"0.41338582677165353\"], \"419\": [\"0.40350877192982454\", \"0.4845360824742268\", \"0.5757575757575758\", \"0.27238805970149255\"], \"420\": [\"0.13310939085989032\", \"0.12764355814767434\", \"0.12270129693974231\", \"0.14383479184721423\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.058823529411764705\", \"0.038461538461538464\"], \"423\": [\"0.32432432432432434\", \"0.3055555555555556\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03333333333333333\", \"0.06060606060606061\", \"0.4166666666666667\"], \"425\": [\"0.08333333333333333\", \"0.05263157894736842\", \"0.0\", \"0.0\"], \"426\": [\"0.0625\", \"0.03225806451612903\", \"0.11428571428571428\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.037037037037037035\", \"0.0\", \"0.13043478260869565\"], \"428\": [\"0.32\", \"0.4583333333333333\", \"0.375\", \"0.16666666666666666\"], \"429\": [\"0.03333333333333333\", \"0.0\", \"0.03125\", \"0.0\"], \"430\": [\"0.14285714285714285\", \"0.1724137931034483\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.1111111111111111\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.1875\", \"0.125\", \"0.08\"], \"433\": [\"0.08333333333333333\", \"0.125\", \"0.20833333333333334\", \"0.2727272727272727\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9290293040293041\", \"0.9034037658125451\", \"0.9313895534290272\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.9\", \"1.0\"], \"440\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.875\", \"1.0\"], \"442\": [\"1.0\", \"0.9375\", \"1.0\", \"0.8\"], \"443\": [\"0.875\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9117647058823529\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8181818181818182\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9090909090909091\", \"0.8947368421052632\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8511381475667189\", \"0.639075630252101\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.7857142857142857\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"0.8\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.75\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.29699419261565124\", \"0.3609064517578566\", \"0.33548282375472904\", \"0.22609632431061\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.21951219512195122\", \"0.07407407407407407\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.30952380952380953\", \"0.225\", \"0.2222222222222222\"], \"470\": [\"0.4358974358974359\", \"0.5609756097560976\", \"0.5116279069767442\", \"0.6785714285714286\"], \"471\": [\"0.23076923076923078\", \"0.2857142857142857\", \"0.18421052631578946\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.36585365853658536\", \"0.3023255813953488\", \"0.16666666666666666\"], \"473\": [\"0.45161290322580644\", \"0.5\", \"0.5454545454545454\", \"0.16666666666666666\"], \"474\": [\"0.275\", \"0.4186046511627907\", \"0.2619047619047619\", \"0.25\"], \"475\": [\"0.3333333333333333\", \"0.3333333333333333\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.7948717948717948\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.2571428571428571\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.4358974358974359\", \"0.2631578947368421\", \"0.4722222222222222\", \"0.2727272727272727\"], \"479\": [\"0.2926829268292683\", \"0.32558139534883723\", \"0.32558139534883723\", \"0.03571428571428571\"], \"480\": [\"0.09297161172161171\", \"0.13094288134514181\", \"0.1326188689191785\", \"0.14368282395551332\"], \"481\": [\"0.1875\", \"0.19047619047619047\", \"0.25\", \"0.058823529411764705\"], \"482\": [\"0.0\", \"0.13636363636363635\", \"0.08333333333333333\", \"0.15625\"], \"483\": [\"0.5416666666666666\", \"0.391304347826087\", \"0.16666666666666666\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.058823529411764705\", \"0.10526315789473684\", \"0.09259259259259259\"], \"485\": [\"0.0\", \"0.0625\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05263157894736842\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.08571428571428572\"], \"488\": [\"0.13333333333333333\", \"0.47058823529411764\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.1111111111111111\", \"0.0\", \"0.016129032258064516\"], \"490\": [\"0.23076923076923078\", \"0.05263157894736842\", \"0.09090909090909091\", \"0.1111111111111111\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.3142857142857143\"], \"492\": [\"0.0\", \"0.0\", \"0.29411764705882354\", \"0.11764705882352941\"], \"493\": [\"0.125\", \"0.0\", \"0.1111111111111111\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.35\"], \"495\": [\"0.9635854341736695\", \"0.9365079365079365\", \"0.9401439204070783\", \"0.9440289858837501\"], \"496\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.9230769230769231\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.6666666666666666\", \"0.8\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"0.9629629629629629\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9782608695652174\"], \"503\": [\"1.0\", \"0.7777777777777778\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8888888888888888\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8478260869565217\"], \"507\": [\"1.0\", \"0.7777777777777778\", \"0.9166666666666666\", \"0.9787234042553191\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.9090909090909091\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7285714285714285\", \"0.6707482993197279\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"0.5\", \"0.6666666666666666\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.8\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"0.8333333333333334\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.6666666666666666\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.39054952103579105\", \"0.3182374690526864\", \"0.3326565455951891\", \"0.3700917774819926\"], \"526\": [\"0.3157894736842105\", \"0.22727272727272727\", \"0.18181818181818182\", \"0.15789473684210525\"], \"527\": [\"0.12\", \"0.17391304347826086\", \"0.18518518518518517\", \"0.23943661971830985\"], \"528\": [\"0.08333333333333333\", \"0.125\", \"0.16666666666666666\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.3333333333333333\", \"0.34615384615384615\", \"0.3466666666666667\"], \"530\": [\"0.48\", \"0.4\", \"0.35714285714285715\", \"0.2839506172839506\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.35714285714285715\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.2413793103448276\", \"0.5844155844155844\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.3333333333333333\", \"0.27586206896551724\", \"0.2375\"], \"535\": [\"0.5454545454545454\", \"0.28\", \"0.25925925925925924\", \"0.4444444444444444\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6190476190476191\"], \"537\": [\"0.4\", \"0.2916666666666667\", \"0.4782608695652174\", \"0.6052631578947368\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.38461538461538464\", \"0.345679012345679\"], \"539\": [\"0.44\", \"0.34615384615384615\", \"0.3103448275862069\", \"0.6119402985074627\"], \"540\": [\"0.14173370901378063\", \"0.13031525043854597\", \"0.14351981400010655\", \"0.141466821116307\"], \"541\": [\"0.27413127413127414\", \"0.23387096774193547\", \"0.2824427480916031\", \"0.2127659574468085\"], \"542\": [\"0.10197368421052631\", \"0.10774410774410774\", \"0.09764309764309764\", \"0.09931506849315068\"], \"543\": [\"0.41369047619047616\", \"0.4012738853503185\", \"0.4376899696048632\", \"0.3431542461005199\"], \"544\": [\"0.048034934497816595\", \"0.08677685950413223\", \"0.0728744939271255\", \"0.21822033898305085\"], \"545\": [\"0.0547945205479452\", \"0.07075471698113207\", \"0.05909090909090909\", \"0.07956989247311828\"], \"546\": [\"0.039647577092511016\", \"0.049107142857142856\", \"0.0635593220338983\", \"0.06097560975609756\"], \"547\": [\"0.043478260869565216\", \"0.03333333333333333\", \"0.04854368932038835\", \"0.06382978723404255\"], \"548\": [\"0.3755868544600939\", \"0.3711340206185567\", \"0.36633663366336633\", \"0.2979683972911964\"], \"549\": [\"0.020833333333333332\", \"0.026785714285714284\", \"0.03418803418803419\", \"0.027559055118110236\"], \"550\": [\"0.09259259259259259\", \"0.07692307692307693\", \"0.10909090909090909\", \"0.09669811320754718\"], \"551\": [\"0.16428571428571428\", \"0.11504424778761062\", \"0.08928571428571429\", \"0.30689655172413793\"], \"552\": [\"0.13488372093023257\", \"0.14285714285714285\", \"0.17647058823529413\", \"0.05897435897435897\"], \"553\": [\"0.22033898305084745\", \"0.10880829015544041\", \"0.15196078431372548\", \"0.07729468599033816\"], \"554\": [\"0.0\", \"0.0\", \"0.020100502512562814\", \"0.03731343283582089\"], \"555\": [\"0.9365988342313647\", \"0.9291284563353369\", \"0.929652834298313\", \"0.9295580959292421\"], \"556\": [\"0.851063829787234\", \"0.9259259259259259\", \"0.8590604026845637\", \"0.8819444444444444\"], \"557\": [\"0.9895833333333334\", \"0.9883720930232558\", \"0.9736842105263158\", \"0.935064935064935\"], \"558\": [\"0.703125\", \"0.6521739130434783\", \"0.6219512195121951\", \"0.7261904761904762\"], \"559\": [\"0.9473684210526315\", \"0.9361702127659575\", \"0.9512195121951219\", \"0.9312169312169312\"], \"560\": [\"0.988950276243094\", \"0.9824561403508771\", \"0.9895287958115183\", \"1.0\"], \"561\": [\"0.9826589595375722\", \"0.9559748427672956\", \"0.9771428571428571\", \"0.9289940828402367\"], \"562\": [\"0.9844559585492227\", \"0.976878612716763\", \"0.9804878048780488\", \"0.9789473684210527\"], \"563\": [\"0.9144385026737968\", \"0.8677248677248677\", \"0.9043062200956937\", \"0.8853211009174312\"], \"564\": [\"0.98125\", \"0.9685534591194969\", \"0.9887005649717514\", \"0.9673202614379085\"], \"565\": [\"0.9565217391304348\", \"0.9428571428571428\", \"0.9581151832460733\", \"0.9282700421940928\"], \"566\": [\"0.9884615384615385\", \"0.9777777777777777\", \"0.9899665551839465\", \"0.9353099730458221\"], \"567\": [\"0.8648648648648649\", \"0.8805031446540881\", \"0.8789473684210526\", \"0.955719557195572\"], \"568\": [\"0.9596412556053812\", \"0.9578947368421052\", \"0.9420289855072463\", \"0.9595141700404858\"], \"569\": [\"1.0\", \"0.994535519125683\", \"1.0\", \"1.0\"], \"570\": [\"0.7095821637351534\", \"0.6701680619138815\", \"0.7876582550825294\", \"0.826863016443639\"], \"571\": [\"0.7717391304347826\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.8661417322834646\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.90625\", \"0.9206349206349206\"], \"573\": [\"0.879746835443038\", \"0.84\", \"0.8228571428571428\", \"0.8959276018099548\"], \"574\": [\"0.55\", \"0.7\", \"0.6923076923076923\", \"0.8879310344827587\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.75\", \"0.6111111111111112\", \"0.7894736842105263\", \"0.7142857142857143\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7142857142857143\", \"0.8\"], \"578\": [\"0.8333333333333334\", \"0.7422680412371134\", \"0.7872340425531915\", \"0.8407643312101911\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.75\", \"0.7068965517241379\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.7692307692307693\", \"0.7876106194690266\"], \"582\": [\"0.5370370370370371\", \"0.6274509803921569\", \"0.6290322580645161\", \"0.6571428571428571\"], \"583\": [\"0.8125\", \"0.7241379310344828\", \"0.7209302325581395\", \"0.7619047619047619\"], \"584\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"585\": [\"0.45019792413476545\", \"0.43749158332902266\", \"0.4662505547608729\", \"0.331339758461629\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.4050632911392405\", \"0.23782771535580524\"], \"587\": [\"0.25815217391304346\", \"0.24285714285714285\", \"0.2928759894459103\", \"0.12040133779264214\"], \"588\": [\"0.1859504132231405\", \"0.19313304721030042\", \"0.21610169491525424\", \"0.13863636363636364\"], \"589\": [\"0.4263157894736842\", \"0.37393767705382436\", \"0.4051948051948052\", \"0.3229357798165138\"], \"590\": [\"0.4637305699481865\", \"0.4602739726027397\", \"0.4772727272727273\", \"0.3141025641025641\"], \"591\": [\"0.4381443298969072\", \"0.41643835616438357\", \"0.4362244897959184\", \"0.25363489499192243\"], \"592\": [\"0.4896907216494845\", \"0.4543010752688172\", \"0.5062972292191436\", \"0.4421553090332805\"], \"593\": [\"0.5625\", \"0.5734265734265734\", \"0.5962145110410094\", \"0.38293650793650796\"], \"594\": [\"0.4005102040816326\", \"0.41397849462365593\", \"0.43640897755610975\", \"0.23052959501557632\"], \"595\": [\"0.4731182795698925\", \"0.46218487394957986\", \"0.48284960422163586\", \"0.3648424543946932\"], \"596\": [\"0.6871657754010695\", \"0.7252747252747253\", \"0.7437185929648241\", \"0.6332116788321168\"], \"597\": [\"0.4624277456647399\", \"0.42168674698795183\", \"0.4785100286532951\", \"0.41373801916932906\"], \"598\": [\"0.6079545454545454\", \"0.5141242937853108\", \"0.529891304347826\", \"0.38287560581583197\"], \"599\": [\"0.4575\", \"0.47643979057591623\", \"0.5208845208845209\", \"0.40092879256965946\"], \"600\": [\"0.1476509761123425\", \"0.1346574748651364\", \"0.14807438235896836\", \"0.1413716383184272\"], \"601\": [\"0.2671232876712329\", \"0.2611464968152866\", \"0.2857142857142857\", \"0.2073732718894009\"], \"602\": [\"0.10303030303030303\", \"0.10344827586206896\", \"0.08783783783783784\", \"0.06343283582089553\"], \"603\": [\"0.3548387096774194\", \"0.3743016759776536\", \"0.41916167664670656\", \"0.32793522267206476\"], \"604\": [\"0.05555555555555555\", \"0.08088235294117647\", \"0.072\", \"0.34913793103448276\"], \"605\": [\"0.06666666666666667\", \"0.06896551724137931\", \"0.08108108108108109\", \"0.03553299492385787\"], \"606\": [\"0.047619047619047616\", \"0.05714285714285714\", \"0.07575757575757576\", \"0.0847457627118644\"], \"607\": [\"0.040983606557377046\", \"0.023622047244094488\", \"0.047619047619047616\", \"0.05527638190954774\"], \"608\": [\"0.415929203539823\", \"0.3805309734513274\", \"0.3627450980392157\", \"0.19230769230769232\"], \"609\": [\"0.014705882352941176\", \"0.0234375\", \"0.03305785123966942\", \"0.03056768558951965\"], \"610\": [\"0.11382113821138211\", \"0.09230769230769231\", \"0.12173913043478261\", \"0.11057692307692307\"], \"611\": [\"0.18840579710144928\", \"0.11290322580645161\", \"0.07407407407407407\", \"0.3645833333333333\"], \"612\": [\"0.15267175572519084\", \"0.18840579710144928\", \"0.20689655172413793\", \"0.06349206349206349\"], \"613\": [\"0.2457627118644068\", \"0.11811023622047244\", \"0.16964285714285715\", \"0.09424083769633508\"], \"614\": [\"0.0\", \"0.0\", \"0.03571428571428571\", \"0.0\"], \"615\": [\"0.9342102989849421\", \"0.9334210036254339\", \"0.9345687246395652\", \"0.9209422736564626\"], \"616\": [\"0.88\", \"0.9545454545454546\", \"0.8769230769230769\", \"0.9102564102564102\"], \"617\": [\"0.9821428571428571\", \"1.0\", \"0.984375\", \"0.8888888888888888\"], \"618\": [\"0.6857142857142857\", \"0.7045454545454546\", \"0.7111111111111111\", \"0.7083333333333334\"], \"619\": [\"0.9578947368421052\", \"0.9425287356321839\", \"0.9425287356321839\", \"0.8412698412698413\"], \"620\": [\"1.0\", \"0.9906542056074766\", \"0.9900990099009901\", \"1.0\"], \"621\": [\"0.9894736842105263\", \"0.963855421686747\", \"0.975\", \"0.9491525423728814\"], \"622\": [\"0.98989898989899\", \"0.96875\", \"1.0\", \"0.9583333333333334\"], \"623\": [\"0.8796296296296297\", \"0.8727272727272727\", \"0.8818181818181818\", \"0.9469026548672567\"], \"624\": [\"0.9764705882352941\", \"0.9578947368421052\", \"0.978021978021978\", \"0.9393939393939394\"], \"625\": [\"0.9591836734693877\", \"0.9247311827956989\", \"0.9278350515463918\", \"0.8850574712643678\"], \"626\": [\"0.9868421052631579\", \"0.968944099378882\", \"1.0\", \"0.9798994974874372\"], \"627\": [\"0.8111111111111111\", \"0.8705882352941177\", \"0.90625\", \"0.9433962264150944\"], \"628\": [\"0.9805825242718447\", \"0.9583333333333334\", \"0.91\", \"0.9423076923076923\"], \"629\": [\"1.0\", \"0.9897959183673469\", \"1.0\", \"1.0\"], \"630\": [\"0.7389092369795136\", \"0.6759304185056064\", \"0.8190937777082355\", \"0.7544370763705553\"], \"631\": [\"0.8125\", \"0.9318181818181818\", \"0.84\", \"0.8653846153846154\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.85\"], \"633\": [\"0.8571428571428571\", \"0.8375\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.8901098901098901\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.8571428571428571\", \"0.7272727272727273\", \"0.8333333333333334\", \"0.8695652173913043\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.7833333333333333\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.6666666666666666\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.5405405405405406\", \"0.7027027027027027\", \"0.7272727272727273\", \"0.6666666666666666\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.6785714285714286\", \"0.75\"], \"644\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"645\": [\"0.440446459150375\", \"0.42510261878864913\", \"0.46122761607505225\", \"0.32615800612559154\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.35185185185185186\", \"0.29218106995884774\"], \"647\": [\"0.270935960591133\", \"0.23902439024390243\", \"0.3181818181818182\", \"0.08727272727272728\"], \"648\": [\"0.16666666666666666\", \"0.21678321678321677\", \"0.24806201550387597\", \"0.17\"], \"649\": [\"0.43333333333333335\", \"0.3961352657004831\", \"0.41414141414141414\", \"0.25980392156862747\"], \"650\": [\"0.47417840375586856\", \"0.4953271028037383\", \"0.49504950495049505\", \"0.3402777777777778\"], \"651\": [\"0.4392523364485981\", \"0.37735849056603776\", \"0.39\", \"0.20588235294117646\"], \"652\": [\"0.4558139534883721\", \"0.42857142857142855\", \"0.5169082125603864\", \"0.32857142857142857\"], \"653\": [\"0.5900621118012422\", \"0.5783132530120482\", \"0.5987654320987654\", \"0.421259842519685\"], \"654\": [\"0.3824884792626728\", \"0.4212962962962963\", \"0.4320388349514563\", \"0.21830985915492956\"], \"655\": [\"0.4630541871921182\", \"0.4215686274509804\", \"0.4712041884816754\", \"0.29389312977099236\"], \"656\": [\"0.7281553398058253\", \"0.7393364928909952\", \"0.7596153846153846\", \"0.76171875\"], \"657\": [\"0.3967391304347826\", \"0.3978494623655914\", \"0.4860335195530726\", \"0.36101083032490977\"], \"658\": [\"0.531578947368421\", \"0.45098039215686275\", \"0.4945652173913043\", \"0.36162361623616235\"], \"659\": [\"0.45248868778280543\", \"0.4369369369369369\", \"0.4807692307692308\", \"0.46440677966101696\"], \"660\": [\"0.1333867466706706\", \"0.12197964588582617\", \"0.13770426307812497\", \"0.13960555433407368\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2782608695652174\", \"0.21666666666666667\"], \"662\": [\"0.10071942446043165\", \"0.11382113821138211\", \"0.10738255033557047\", \"0.12974683544303797\"], \"663\": [\"0.4866666666666667\", \"0.43703703703703706\", \"0.4567901234567901\", \"0.35454545454545455\"], \"664\": [\"0.038834951456310676\", \"0.09433962264150944\", \"0.07377049180327869\", \"0.09166666666666666\"], \"665\": [\"0.04040404040404041\", \"0.07291666666666667\", \"0.03669724770642202\", \"0.11194029850746269\"], \"666\": [\"0.0297029702970297\", \"0.03571428571428571\", \"0.04807692307692308\", \"0.0390625\"], \"667\": [\"0.047058823529411764\", \"0.04819277108433735\", \"0.04950495049504951\", \"0.07344632768361582\"], \"668\": [\"0.33\", \"0.35802469135802467\", \"0.37\", \"0.3716475095785441\"], \"669\": [\"0.028846153846153848\", \"0.03125\", \"0.035398230088495575\", \"0.025089605734767026\"], \"670\": [\"0.06451612903225806\", \"0.05128205128205128\", \"0.09523809523809523\", \"0.08333333333333333\"], \"671\": [\"0.14084507042253522\", \"0.11764705882352941\", \"0.10344827586206896\", \"0.27835051546391754\"], \"672\": [\"0.10714285714285714\", \"0.06976744186046512\", \"0.14285714285714285\", \"0.05472636815920398\"], \"673\": [\"0.1694915254237288\", \"0.09090909090909091\", \"0.13043478260869565\", \"0.06278026905829596\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9396421350323848\", \"0.9220924677068109\", \"0.9233724987753907\", \"0.9301819355485296\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8452380952380952\", \"0.8484848484848485\"], \"677\": [\"1.0\", \"0.972972972972973\", \"0.96\", \"0.96\"], \"678\": [\"0.7241379310344828\", \"0.56\", \"0.5135135135135135\", \"0.75\"], \"679\": [\"0.9342105263157895\", \"0.9259259259259259\", \"0.961038961038961\", \"0.9761904761904762\"], \"680\": [\"0.975\", \"0.96875\", \"0.9888888888888889\", \"1.0\"], \"681\": [\"0.9743589743589743\", \"0.9473684210526315\", \"0.9789473684210527\", \"0.9181818181818182\"], \"682\": [\"0.9787234042553191\", \"0.987012987012987\", \"0.9591836734693877\", \"0.9894179894179894\"], \"683\": [\"0.9620253164556962\", \"0.8607594936708861\", \"0.9292929292929293\", \"0.819047619047619\"], \"684\": [\"0.9866666666666667\", \"0.984375\", \"1.0\", \"0.9885057471264368\"], \"685\": [\"0.9534883720930233\", \"0.9634146341463414\", \"0.9893617021276596\", \"0.9533333333333334\"], \"686\": [\"0.9907407407407407\", \"0.9908256880733946\", \"0.9787234042553191\", \"0.8837209302325582\"], \"687\": [\"0.9157894736842105\", \"0.8918918918918919\", \"0.851063829787234\", \"0.9636363636363636\"], \"688\": [\"0.9416666666666667\", \"0.9574468085106383\", \"0.9719626168224299\", \"0.972027972027972\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6642635505380603\", \"0.6526643990929705\", \"0.7112926529932314\", \"0.8291058679328652\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8666666666666667\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.8888888888888888\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8428571428571429\", \"0.8043478260869565\", \"0.9285714285714286\"], \"694\": [\"0.4444444444444444\", \"0.7142857142857143\", \"0.75\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.5555555555555556\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.725\", \"0.8409090909090909\", \"0.8362068965517241\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.72\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.6666666666666666\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5172413793103449\", \"0.6470588235294118\"], \"703\": [\"0.5882352941176471\", \"0.6\", \"0.8\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.462035012368655\", \"0.4535518716910922\", \"0.4708278174364068\", \"0.33260458878166077\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.461038961038961\", \"0.19243986254295534\"], \"707\": [\"0.24242424242424243\", \"0.2482758620689655\", \"0.26519337016574585\", \"0.14860681114551083\"], \"708\": [\"0.21428571428571427\", \"0.15555555555555556\", \"0.17757009345794392\", \"0.1125\"], \"709\": [\"0.4176470588235294\", \"0.3424657534246575\", \"0.39572192513368987\", \"0.36070381231671556\"], \"710\": [\"0.4508670520231214\", \"0.4105960264900662\", \"0.4587628865979381\", \"0.2916666666666667\"], \"711\": [\"0.4367816091954023\", \"0.47058823529411764\", \"0.484375\", \"0.2910662824207493\"], \"712\": [\"0.5317919075144508\", \"0.49032258064516127\", \"0.49473684210526314\", \"0.5327635327635327\"], \"713\": [\"0.5314685314685315\", \"0.5666666666666667\", \"0.5935483870967742\", \"0.344\"], \"714\": [\"0.4228571428571429\", \"0.40384615384615385\", \"0.441025641025641\", \"0.24022346368715083\"], \"715\": [\"0.48520710059171596\", \"0.5163398692810458\", \"0.4946808510638298\", \"0.41935483870967744\"], \"716\": [\"0.6369047619047619\", \"0.7058823529411765\", \"0.7263157894736842\", \"0.5205479452054794\"], \"717\": [\"0.5370370370370371\", \"0.4520547945205479\", \"0.47058823529411764\", \"0.45558739255014324\"], \"718\": [\"0.6975308641975309\", \"0.6\", \"0.5652173913043478\", \"0.3994252873563218\"], \"719\": [\"0.46368715083798884\", \"0.53125\", \"0.5628140703517588\", \"0.3475783475783476\"]}"); + var histories = JSON.parse("{\"0\": [\"0.15273329089126092\", \"0.14305283523507434\", \"0.16360035639360643\", \"0.12619393192514555\"], \"1\": [\"0.3181818181818182\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.19626168224299065\"], \"2\": [\"0.10909090909090909\", \"0.1702127659574468\", \"0.06779661016949153\", \"0.026845637583892617\"], \"3\": [\"0.45161290322580644\", \"0.43636363636363634\", \"0.647887323943662\", \"0.37593984962406013\"], \"4\": [\"0.043478260869565216\", \"0.046511627906976744\", \"0.06\", \"0.40476190476190477\"], \"5\": [\"0.12244897959183673\", \"0.023255813953488372\", \"0.019230769230769232\", \"0.0603448275862069\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.029411764705882353\", \"0.01904761904761905\"], \"7\": [\"0.037037037037037035\", \"0.0\", \"0.13333333333333333\", \"0.052083333333333336\"], \"8\": [\"0.35555555555555557\", \"0.4827586206896552\", \"0.4634146341463415\", \"0.18947368421052632\"], \"9\": [\"0.0\", \"0.02702702702702703\", \"0.0425531914893617\", \"0.037037037037037035\"], \"10\": [\"0.07142857142857142\", \"0.08333333333333333\", \"0.05405405405405406\", \"0.17307692307692307\"], \"11\": [\"0.26666666666666666\", \"0.16666666666666666\", \"0.11538461538461539\", \"0.10256410256410256\"], \"12\": [\"0.07692307692307693\", \"0.08571428571428572\", \"0.1590909090909091\", \"0.07608695652173914\"], \"13\": [\"0.25806451612903225\", \"0.08695652173913043\", \"0.1111111111111111\", \"0.05319148936170213\"], \"14\": [\"0.0\", \"0.0\", \"0.06060606060606061\", \"0.0\"], \"15\": [\"0.958340497194697\", \"0.9467932628176989\", \"0.9396966065420338\", \"0.9026205898051435\"], \"16\": [\"0.9615384615384616\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.875\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.875\", \"0.6666666666666666\", \"0.5833333333333334\", \"0.6818181818181818\"], \"19\": [\"0.9166666666666666\", \"0.8888888888888888\", \"1.0\", \"0.6896551724137931\"], \"20\": [\"1.0\", \"1.0\", \"0.967741935483871\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.9696969696969697\", \"0.9795918367346939\", \"0.84\"], \"22\": [\"0.9302325581395349\", \"1.0\", \"1.0\", \"0.9661016949152542\"], \"23\": [\"0.96\", \"0.9375\", \"0.9047619047619048\", \"0.9666666666666667\"], \"24\": [\"0.9655172413793104\", \"0.9583333333333334\", \"1.0\", \"0.9\"], \"25\": [\"0.9523809523809523\", \"0.972972972972973\", \"1.0\", \"0.9803921568627451\"], \"26\": [\"0.975\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.9354838709677419\", \"0.9230769230769231\", \"0.9230769230769231\", \"0.9365079365079365\"], \"28\": [\"0.9743589743589743\", \"0.9736842105263158\", \"0.9148936170212766\", \"0.9672131147540983\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.6405574873627612\", \"0.6185701203558347\", \"0.8377176957739617\", \"0.7236828543219521\"], \"31\": [\"0.9333333333333333\", \"0.9285714285714286\", \"0.8\", \"0.7777777777777778\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9655172413793104\", \"0.9230769230769231\", \"0.9019607843137255\", \"0.8771929824561403\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.875\", \"0.8260869565217391\", \"0.9\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.6\", \"0.6\", \"0.7\", \"0.6363636363636364\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.7142857142857143\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.4520327990050611\", \"0.48205212469255027\", \"0.5062167117632171\", \"0.3316215545637452\"], \"46\": [\"0.45454545454545453\", \"0.574468085106383\", \"0.47619047619047616\", \"0.328125\"], \"47\": [\"0.234375\", \"0.2641509433962264\", \"0.3037974683544304\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3333333333333333\", \"0.2807017543859649\", \"0.4125\", \"0.21052631578947367\"], \"50\": [\"0.328125\", \"0.3\", \"0.37037037037037035\", \"0.2635135135135135\"], \"51\": [\"0.4852941176470588\", \"0.5333333333333333\", \"0.5925925925925926\", \"0.2896551724137931\"], \"52\": [\"0.6060606060606061\", \"0.5573770491803278\", \"0.6708860759493671\", \"0.38513513513513514\"], \"53\": [\"0.4528301886792453\", \"0.6666666666666666\", \"0.6333333333333333\", \"0.42962962962962964\"], \"54\": [\"0.4057971014492754\", \"0.3898305084745763\", \"0.4444444444444444\", \"0.12162162162162163\"], \"55\": [\"0.6060606060606061\", \"0.6206896551724138\", \"0.5679012345679012\", \"0.36764705882352944\"], \"56\": [\"0.639344262295082\", \"0.7413793103448276\", \"0.7125\", \"0.7682119205298014\"], \"57\": [\"0.4461538461538462\", \"0.42857142857142855\", \"0.4931506849315068\", \"0.4097222222222222\"], \"58\": [\"0.6229508196721312\", \"0.6379310344827587\", \"0.5733333333333334\", \"0.39864864864864863\"], \"59\": [\"0.5428571428571428\", \"0.639344262295082\", \"0.6172839506172839\", \"0.4838709677419355\"], \"60\": [\"0.13818436240787577\", \"0.12567134268710053\", \"0.14325841831687391\", \"0.14212622493922467\"], \"61\": [\"0.27647058823529413\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24675324675324675\"], \"62\": [\"0.11398963730569948\", \"0.08762886597938144\", \"0.09340659340659341\", \"0.11931818181818182\"], \"63\": [\"0.386046511627907\", \"0.37894736842105264\", \"0.4020618556701031\", \"0.384180790960452\"], \"64\": [\"0.0375\", \"0.07926829268292683\", \"0.0738255033557047\", \"0.13058419243986255\"], \"65\": [\"0.027972027972027972\", \"0.07194244604316546\", \"0.08333333333333333\", \"0.09900990099009901\"], \"66\": [\"0.029411764705882353\", \"0.04285714285714286\", \"0.051094890510948905\", \"0.07368421052631578\"], \"67\": [\"0.04861111111111111\", \"0.02857142857142857\", \"0.04838709677419355\", \"0.05726872246696035\"], \"68\": [\"0.3925925925925926\", \"0.35714285714285715\", \"0.35294117647058826\", \"0.3\"], \"69\": [\"0.03048780487804878\", \"0.013605442176870748\", \"0.02158273381294964\", \"0.02875399361022364\"], \"70\": [\"0.057971014492753624\", \"0.072\", \"0.1\", \"0.07630522088353414\"], \"71\": [\"0.15853658536585366\", \"0.1\", \"0.0967741935483871\", \"0.34782608695652173\"], \"72\": [\"0.16546762589928057\", \"0.15602836879432624\", \"0.19727891156462585\", \"0.0421455938697318\"], \"73\": [\"0.20952380952380953\", \"0.1415929203539823\", \"0.17699115044247787\", \"0.08\"], \"74\": [\"0.0\", \"0.0\", \"0.008620689655172414\", \"0.003937007874015748\"], \"75\": [\"0.9337233195512686\", \"0.9298838232690381\", \"0.9208641761600829\", \"0.9301183384186364\"], \"76\": [\"0.8255813953488372\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8602150537634409\"], \"77\": [\"1.0\", \"1.0\", \"0.9649122807017544\", \"0.9387755102040817\"], \"78\": [\"0.6829268292682927\", \"0.717391304347826\", \"0.5777777777777777\", \"0.7446808510638298\"], \"79\": [\"0.96875\", \"0.9305555555555556\", \"0.9444444444444444\", \"0.9818181818181818\"], \"80\": [\"1.0\", \"0.9896907216494846\", \"0.9906542056074766\", \"1.0\"], \"81\": [\"0.9833333333333333\", \"0.96875\", \"0.9803921568627451\", \"0.9396551724137931\"], \"82\": [\"1.0\", \"0.96875\", \"0.9739130434782609\", \"0.9827586206896551\"], \"83\": [\"0.9090909090909091\", \"0.8636363636363636\", \"0.8916666666666667\", \"0.8854961832061069\"], \"84\": [\"0.9782608695652174\", \"0.9550561797752809\", \"1.0\", \"0.9659090909090909\"], \"85\": [\"0.9491525423728814\", \"0.9459459459459459\", \"0.944954128440367\", \"0.9276315789473685\"], \"86\": [\"0.9942528735632183\", \"0.9879518072289156\", \"0.9943502824858758\", \"0.9072164948453608\"], \"87\": [\"0.8205128205128205\", \"0.8421052631578947\", \"0.8478260869565217\", \"0.95\"], \"88\": [\"0.9602649006622517\", \"0.9512195121951219\", \"0.9523809523809523\", \"0.9375\"], \"89\": [\"1.0\", \"0.9906542056074766\", \"0.991869918699187\", \"1.0\"], \"90\": [\"0.7362023896802123\", \"0.6671681940589503\", \"0.7672766783855663\", \"0.8198263525813411\"], \"91\": [\"0.7580645161290323\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8947368421052632\", \"0.9333333333333333\"], \"93\": [\"0.8645833333333334\", \"0.8470588235294118\", \"0.8041237113402062\", \"0.918918918918919\"], \"94\": [\"0.6666666666666666\", \"0.7222222222222222\", \"0.6875\", \"0.95\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.7777777777777778\", \"0.75\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.828125\", \"0.75\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.5714285714285714\", \"0.6\", \"0.6842105263157895\", \"0.6333333333333333\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.8571428571428571\", \"0.8\"], \"102\": [\"0.5227272727272727\", \"0.5945945945945946\", \"0.6744186046511628\", \"0.6111111111111112\"], \"103\": [\"0.7857142857142857\", \"0.7272727272727273\", \"0.7692307692307693\", \"0.6206896551724138\"], \"104\": [\"0.0\", \"0.0\", \"0.5\", \"1.0\"], \"105\": [\"0.4397300904049831\", \"0.41578733552952857\", \"0.45277873070336316\", \"0.32334133359189254\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.2564102564102564\"], \"107\": [\"0.2692307692307692\", \"0.1917808219178082\", \"0.25\", \"0.12921348314606743\"], \"108\": [\"0.175\", \"0.2185430463576159\", \"0.18309859154929578\", \"0.1383399209486166\"], \"109\": [\"0.3765182186234818\", \"0.3073394495412844\", \"0.3811659192825112\", \"0.29916897506925205\"], \"110\": [\"0.44841269841269843\", \"0.4266666666666667\", \"0.4669603524229075\", \"0.2641509433962264\"], \"111\": [\"0.472\", \"0.40969162995594716\", \"0.43478260869565216\", \"0.29222520107238603\"], \"112\": [\"0.4497991967871486\", \"0.40611353711790393\", \"0.48695652173913045\", \"0.44415584415584414\"], \"113\": [\"0.5729166666666666\", \"0.5397727272727273\", \"0.5815217391304348\", \"0.380327868852459\"], \"114\": [\"0.3614457831325301\", \"0.3695652173913043\", \"0.423728813559322\", \"0.2185089974293059\"], \"115\": [\"0.4628099173553719\", \"0.4751131221719457\", \"0.4681818181818182\", \"0.38005390835579517\"], \"116\": [\"0.7148760330578512\", \"0.7224669603524229\", \"0.7586206896551724\", \"0.5659163987138264\"], \"117\": [\"0.4528301886792453\", \"0.4020100502512563\", \"0.3979591836734694\", \"0.3472584856396867\"], \"118\": [\"0.6359649122807017\", \"0.5467289719626168\", \"0.5633802816901409\", \"0.4435483870967742\"], \"119\": [\"0.3984375\", \"0.451063829787234\", \"0.5147679324894515\", \"0.3675\"], \"120\": [\"0.11983265615675727\", \"0.13483566739620328\", \"0.12892316007688034\", \"0.1392284973193455\"], \"121\": [\"0.3018867924528302\", \"0.2222222222222222\", \"0.24193548387096775\", \"0.10526315789473684\"], \"122\": [\"0.01694915254237288\", \"0.06779661016949153\", \"0.06557377049180328\", \"0.11827956989247312\"], \"123\": [\"0.4098360655737705\", \"0.3442622950819672\", \"0.24193548387096775\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.057692307692307696\", \"0.09259259259259259\", \"0.18292682926829268\"], \"125\": [\"0.046511627906976744\", \"0.05128205128205128\", \"0.023809523809523808\", \"0.0\"], \"126\": [\"0.041666666666666664\", \"0.08\", \"0.09615384615384616\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.0425531914893617\", \"0.0\", \"0.0967741935483871\"], \"128\": [\"0.24390243902439024\", \"0.47619047619047616\", \"0.4090909090909091\", \"0.43037974683544306\"], \"129\": [\"0.02040816326530612\", \"0.0425531914893617\", \"0.017241379310344827\", \"0.011363636363636364\"], \"130\": [\"0.19047619047619047\", \"0.13333333333333333\", \"0.16666666666666666\", \"0.0684931506849315\"], \"131\": [\"0.13793103448275862\", \"0.14285714285714285\", \"0.1\", \"0.36585365853658536\"], \"132\": [\"0.11363636363636363\", \"0.14\", \"0.19607843137254902\", \"0.0967741935483871\"], \"133\": [\"0.09090909090909091\", \"0.08695652173913043\", \"0.15384615384615385\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.2\"], \"135\": [\"0.943104463104463\", \"0.9242676093505614\", \"0.9389763014763014\", \"0.9468084988132369\"], \"136\": [\"0.6923076923076923\", \"1.0\", \"0.9\", \"0.9285714285714286\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.625\", \"0.7\", \"0.875\"], \"139\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"0.9629629629629629\"], \"140\": [\"1.0\", \"0.9666666666666667\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.95\", \"1.0\"], \"142\": [\"1.0\", \"0.9545454545454546\", \"1.0\", \"0.9574468085106383\"], \"143\": [\"0.92\", \"0.7407407407407407\", \"0.9285714285714286\", \"0.7666666666666667\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"1.0\", \"0.9166666666666666\", \"0.9583333333333334\", \"0.8888888888888888\"], \"146\": [\"0.972972972972973\", \"0.9375\", \"0.9807692307692307\", \"0.8970588235294118\"], \"147\": [\"0.9090909090909091\", \"0.8421052631578947\", \"0.9047619047619048\", \"0.9787234042553191\"], \"148\": [\"0.9090909090909091\", \"0.9565217391304348\", \"0.8787878787878788\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8292255363683935\", \"0.7642195767195767\", \"0.7375992063492064\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.875\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7407407407407407\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"1.0\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.7\", \"0.8333333333333334\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.6\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3222709878276123\", \"0.3310249122181836\", \"0.3297864992616851\", \"0.31489174313762014\"], \"166\": [\"0.1956521739130435\", \"0.2631578947368421\", \"0.16071428571428573\", \"0.1326530612244898\"], \"167\": [\"0.1076923076923077\", \"0.15384615384615385\", \"0.16176470588235295\", \"0.16326530612244897\"], \"168\": [\"0.1\", \"0.1111111111111111\", \"0.12962962962962962\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.25757575757575757\", \"0.25757575757575757\", \"0.27956989247311825\"], \"170\": [\"0.359375\", \"0.4393939393939394\", \"0.4225352112676056\", \"0.3486238532110092\"], \"171\": [\"0.28125\", \"0.2923076923076923\", \"0.2878787878787879\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3181818181818182\", \"0.25\", \"0.44554455445544555\"], \"173\": [\"0.42592592592592593\", \"0.47619047619047616\", \"0.5\", \"0.3382352941176471\"], \"174\": [\"0.26153846153846155\", \"0.3283582089552239\", \"0.19718309859154928\", \"0.19444444444444445\"], \"175\": [\"0.41379310344827586\", \"0.36065573770491804\", \"0.36507936507936506\", \"0.32\"], \"176\": [\"0.5901639344262295\", \"0.7142857142857143\", \"0.7391304347826086\", \"0.7011494252873564\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.31666666666666665\", \"0.45098039215686275\"], \"178\": [\"0.5\", \"0.34375\", \"0.46774193548387094\", \"0.3300970873786408\"], \"179\": [\"0.3333333333333333\", \"0.30434782608695654\", \"0.3611111111111111\", \"0.4105263157894737\"], \"180\": [\"0.14559789196012107\", \"0.13907184259183183\", \"0.17051992306064184\", \"0.1256514344289988\"], \"181\": [\"0.3\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2127659574468085\"], \"182\": [\"0.19230769230769232\", \"0.2\", \"0.037037037037037035\", \"0.030534351145038167\"], \"183\": [\"0.4444444444444444\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.40869565217391307\"], \"184\": [\"0.0\", \"0.045454545454545456\", \"0.0\", \"0.3893805309734513\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.04807692307692308\"], \"186\": [\"0.0\", \"0.0\", \"0.0625\", \"0.019801980198019802\"], \"187\": [\"0.058823529411764705\", \"0.0\", \"0.1875\", \"0.06329113924050633\"], \"188\": [\"0.3181818181818182\", \"0.5\", \"0.4444444444444444\", \"0.1951219512195122\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.04132231404958678\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.16483516483516483\"], \"191\": [\"0.2\", \"0.2727272727272727\", \"0.09090909090909091\", \"0.08333333333333333\"], \"192\": [\"0.05\", \"0.15789473684210525\", \"0.21052631578947367\", \"0.06666666666666667\"], \"193\": [\"0.3157894736842105\", \"0.0\", \"0.16666666666666666\", \"0.03529411764705882\"], \"194\": [\"0.0\", \"0.0\", \"0.11764705882352941\", \"0.0\"], \"195\": [\"0.9576007326007325\", \"0.974168192918193\", \"0.9622498274672188\", \"0.8922206468536306\"], \"196\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"0.925\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.631578947368421\"], \"199\": [\"1.0\", \"0.9\", \"1.0\", \"0.6190476190476191\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.9696969696969697\"], \"202\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"0.9636363636363636\"], \"203\": [\"1.0\", \"0.9375\", \"0.9565217391304348\", \"0.9807692307692307\"], \"204\": [\"0.9166666666666666\", \"0.9333333333333333\", \"1.0\", \"0.8461538461538461\"], \"205\": [\"1.0\", \"0.9444444444444444\", \"1.0\", \"0.9767441860465116\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.9\", \"0.9230769230769231\", \"1.0\", \"0.9322033898305084\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"0.9795918367346939\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.6373626373626374\", \"0.509920634920635\", \"0.6486016628873772\", \"0.7618256825212434\"], \"211\": [\"1.0\", \"1.0\", \"0.8\", \"0.8695652173913043\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.9230769230769231\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.9411764705882353\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.5\", \"0.75\", \"1.0\", \"0.5555555555555556\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"0.75\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.38686818505513143\", \"0.4644845590002931\", \"0.5440464678787851\", \"0.31998807687440645\"], \"226\": [\"0.4166666666666667\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3333333333333333\"], \"227\": [\"0.16\", \"0.25925925925925924\", \"0.35\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.15\"], \"229\": [\"0.26666666666666666\", \"0.3\", \"0.4634146341463415\", \"0.15853658536585366\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.3902439024390244\", \"0.23255813953488372\"], \"231\": [\"0.4666666666666667\", \"0.40625\", \"0.625\", \"0.24427480916030533\"], \"232\": [\"0.42857142857142855\", \"0.53125\", \"0.6578947368421053\", \"0.41732283464566927\"], \"233\": [\"0.34782608695652173\", \"0.6521739130434783\", \"0.6875\", \"0.4358974358974359\"], \"234\": [\"0.3793103448275862\", \"0.45161290322580644\", \"0.5121951219512195\", \"0.08661417322834646\"], \"235\": [\"0.4482758620689655\", \"0.5483870967741935\", \"0.6097560975609756\", \"0.3559322033898305\"], \"236\": [\"0.7142857142857143\", \"0.7241379310344828\", \"0.75\", \"0.7480916030534351\"], \"237\": [\"0.32142857142857145\", \"0.42857142857142855\", \"0.5945945945945946\", \"0.44\"], \"238\": [\"0.4583333333333333\", \"0.59375\", \"0.5588235294117647\", \"0.36923076923076925\"], \"239\": [\"0.5333333333333333\", \"0.65625\", \"0.6153846153846154\", \"0.4925373134328358\"], \"240\": [\"0.15359761287211096\", \"0.1453943675372247\", \"0.1532100908925443\", \"0.14332399626517273\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.07692307692307693\"], \"242\": [\"0.034482758620689655\", \"0.13636363636363635\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.44\", \"0.5714285714285714\", \"0.16666666666666666\"], \"244\": [\"0.08333333333333333\", \"0.047619047619047616\", \"0.10714285714285714\", \"0.5384615384615384\"], \"245\": [\"0.13793103448275862\", \"0.0\", \"0.037037037037037035\", \"0.16666666666666666\"], \"246\": [\"0.05\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.07142857142857142\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.46153846153846156\", \"0.4782608695652174\", \"0.15384615384615385\"], \"249\": [\"0.0\", \"0.05\", \"0.07407407407407407\", \"0.0\"], \"250\": [\"0.09090909090909091\", \"0.2\", \"0.09523809523809523\", \"0.23076923076923078\"], \"251\": [\"0.3\", \"0.0\", \"0.13333333333333333\", \"0.3333333333333333\"], \"252\": [\"0.10526315789473684\", \"0.0\", \"0.12\", \"0.11764705882352941\"], \"253\": [\"0.16666666666666666\", \"0.2\", \"0.05555555555555555\", \"0.2222222222222222\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9596222109533468\", \"0.932573019086177\", \"0.9186337692971926\", \"0.9199929971988795\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.625\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.5\", \"0.42857142857142855\", \"1.0\"], \"259\": [\"0.875\", \"0.875\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9333333333333333\", \"1.0\"], \"261\": [\"0.95\", \"0.95\", \"0.9583333333333334\", \"0.5882352941176471\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.9375\", \"0.8421052631578947\", \"0.875\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9310344827586207\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.95\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9523809523809523\", \"0.9230769230769231\", \"0.8235294117647058\", \"1.0\"], \"268\": [\"0.9642857142857143\", \"0.9473684210526315\", \"1.0\", \"0.9166666666666666\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.48277516134658993\", \"0.7442176870748299\", \"0.5327380952380952\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.25\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.8461538461538461\", \"0.8333333333333334\", \"1.0\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"278\": [\"0.9\", \"0.8571428571428571\", \"0.7857142857142857\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.4992595029946473\", \"0.5025537931326108\", \"0.46808461814994917\", \"0.4169589023193624\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.29411764705882354\"], \"287\": [\"0.28205128205128205\", \"0.2692307692307692\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.16666666666666666\"], \"289\": [\"0.3888888888888889\", \"0.25925925925925924\", \"0.358974358974359\", \"0.5384615384615384\"], \"290\": [\"0.3055555555555556\", \"0.3103448275862069\", \"0.35\", \"0.47368421052631576\"], \"291\": [\"0.5\", \"0.6785714285714286\", \"0.5609756097560976\", \"0.7142857142857143\"], \"292\": [\"0.7368421052631579\", \"0.5862068965517241\", \"0.6829268292682927\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.6818181818181818\", \"0.5714285714285714\", \"0.3888888888888889\"], \"294\": [\"0.425\", \"0.32142857142857145\", \"0.375\", \"0.3333333333333333\"], \"295\": [\"0.7297297297297297\", \"0.7037037037037037\", \"0.525\", \"0.4444444444444444\"], \"296\": [\"0.5757575757575758\", \"0.7586206896551724\", \"0.675\", \"0.9\"], \"297\": [\"0.5405405405405406\", \"0.42857142857142855\", \"0.3888888888888889\", \"0.21052631578947367\"], \"298\": [\"0.7297297297297297\", \"0.6923076923076923\", \"0.5853658536585366\", \"0.6111111111111112\"], \"299\": [\"0.55\", \"0.6206896551724138\", \"0.6190476190476191\", \"0.42857142857142855\"], \"300\": [\"0.14675105488977042\", \"0.1311619182711909\", \"0.1487350636805715\", \"0.14489222749017472\"], \"301\": [\"0.25\", \"0.29523809523809524\", \"0.3125\", \"0.18888888888888888\"], \"302\": [\"0.09523809523809523\", \"0.08771929824561403\", \"0.0875\", \"0.09821428571428571\"], \"303\": [\"0.3387096774193548\", \"0.3394495412844037\", \"0.3132530120481928\", \"0.2641509433962264\"], \"304\": [\"0.046511627906976744\", \"0.08791208791208792\", \"0.09230769230769231\", \"0.2828282828282828\"], \"305\": [\"0.05333333333333334\", \"0.05128205128205128\", \"0.13559322033898305\", \"0.021739130434782608\"], \"306\": [\"0.0273972602739726\", \"0.06818181818181818\", \"0.05714285714285714\", \"0.13725490196078433\"], \"307\": [\"0.036585365853658534\", \"0.011111111111111112\", \"0.018867924528301886\", \"0.030612244897959183\"], \"308\": [\"0.48484848484848486\", \"0.352112676056338\", \"0.375\", \"0.19736842105263158\"], \"309\": [\"0.021739130434782608\", \"0.022988505747126436\", \"0.015873015873015872\", \"0.020833333333333332\"], \"310\": [\"0.0821917808219178\", \"0.10126582278481013\", \"0.1111111111111111\", \"0.09411764705882353\"], \"311\": [\"0.21621621621621623\", \"0.08333333333333333\", \"0.1111111111111111\", \"0.5490196078431373\"], \"312\": [\"0.19047619047619047\", \"0.17777777777777778\", \"0.23943661971830985\", \"0.06451612903225806\"], \"313\": [\"0.2112676056338028\", \"0.15789473684210525\", \"0.19672131147540983\", \"0.07894736842105263\"], \"314\": [\"0.0\", \"0.0\", \"0.015873015873015872\", \"0.0\"], \"315\": [\"0.9332958366255417\", \"0.9325918611716458\", \"0.9150783604222589\", \"0.9139843320433642\"], \"316\": [\"0.88\", \"0.9705882352941176\", \"0.8148148148148148\", \"0.8571428571428571\"], \"317\": [\"1.0\", \"1.0\", \"0.9629629629629629\", \"0.95\"], \"318\": [\"0.7222222222222222\", \"0.7666666666666667\", \"0.6666666666666666\", \"0.7692307692307693\"], \"319\": [\"0.9642857142857143\", \"0.9166666666666666\", \"0.9285714285714286\", \"0.9696969696969697\"], \"320\": [\"1.0\", \"1.0\", \"0.9791666666666666\", \"1.0\"], \"321\": [\"0.9710144927536232\", \"0.9411764705882353\", \"0.9459459459459459\", \"0.8333333333333334\"], \"322\": [\"1.0\", \"0.9591836734693877\", \"1.0\", \"0.9705882352941176\"], \"323\": [\"0.868421052631579\", \"0.8676470588235294\", \"0.803921568627451\", \"0.9107142857142857\"], \"324\": [\"0.98\", \"0.9423076923076923\", \"1.0\", \"0.9444444444444444\"], \"325\": [\"0.9420289855072463\", \"0.95\", \"0.8863636363636364\", \"0.8085106382978723\"], \"326\": [\"0.9904761904761905\", \"0.9902912621359223\", \"1.0\", \"0.9506172839506173\"], \"327\": [\"0.7758620689655172\", \"0.8163265306122449\", \"0.8888888888888888\", \"0.9743589743589743\"], \"328\": [\"0.971830985915493\", \"0.9523809523809523\", \"0.9565217391304348\", \"0.8571428571428571\"], \"329\": [\"1.0\", \"0.9830508474576272\", \"0.9772727272727273\", \"1.0\"], \"330\": [\"0.7289231809133534\", \"0.680635185892539\", \"0.7944771994819434\", \"0.7009277414903466\"], \"331\": [\"0.7931034482758621\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.8936170212765957\", \"0.8409090909090909\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9655172413793104\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.5\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.7368421052631579\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7619047619047619\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.75\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.6\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5517241379310345\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.8571428571428571\", \"0.42857142857142855\"], \"344\": [\"0.0\", \"0.0\", \"0.5\", \"0.0\"], \"345\": [\"0.4465593976468852\", \"0.4029232108615651\", \"0.42072132056235123\", \"0.3466152263947072\"], \"346\": [\"0.3893805309734513\", \"0.308411214953271\", \"0.2857142857142857\", \"0.3302752293577982\"], \"347\": [\"0.2803030303030303\", \"0.1937984496124031\", \"0.26262626262626265\", \"0.15833333333333333\"], \"348\": [\"0.1368421052631579\", \"0.24210526315789474\", \"0.2191780821917808\", \"0.20408163265306123\"], \"349\": [\"0.39705882352941174\", \"0.3464566929133858\", \"0.3979591836734694\", \"0.3106796116504854\"], \"350\": [\"0.4855072463768116\", \"0.45185185185185184\", \"0.47959183673469385\", \"0.3076923076923077\"], \"351\": [\"0.4855072463768116\", \"0.36923076923076925\", \"0.3465346534653465\", \"0.22123893805309736\"], \"352\": [\"0.4316546762589928\", \"0.34558823529411764\", \"0.5094339622641509\", \"0.2578125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5394736842105263\", \"0.45535714285714285\"], \"354\": [\"0.35251798561151076\", \"0.3656716417910448\", \"0.41509433962264153\", \"0.265625\"], \"355\": [\"0.49242424242424243\", \"0.4453125\", \"0.4105263157894737\", \"0.33043478260869563\"], \"356\": [\"0.7819548872180451\", \"0.7555555555555555\", \"0.7692307692307693\", \"0.77\"], \"357\": [\"0.39823008849557523\", \"0.3508771929824561\", \"0.37209302325581395\", \"0.304\"], \"358\": [\"0.552\", \"0.4838709677419355\", \"0.4731182795698925\", \"0.4067796610169492\"], \"359\": [\"0.4084507042253521\", \"0.42028985507246375\", \"0.4095238095238095\", \"0.5303030303030303\"], \"360\": [\"0.13135317837561286\", \"0.11302665348742183\", \"0.13661176187653826\", \"0.14092457816298404\"], \"361\": [\"0.3076923076923077\", \"0.10714285714285714\", \"0.2835820895522388\", \"0.2706422018348624\"], \"362\": [\"0.13636363636363635\", \"0.0875\", \"0.09803921568627451\", \"0.12916666666666668\"], \"363\": [\"0.45054945054945056\", \"0.43209876543209874\", \"0.46846846846846846\", \"0.43548387096774194\"], \"364\": [\"0.02702702702702703\", \"0.0684931506849315\", \"0.05952380952380952\", \"0.052083333333333336\"], \"365\": [\"0.0\", \"0.09836065573770492\", \"0.0410958904109589\", \"0.13270142180094788\"], \"366\": [\"0.031746031746031744\", \"0.0\", \"0.04477611940298507\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.07042253521126761\", \"0.07751937984496124\"], \"368\": [\"0.30434782608695654\", \"0.36363636363636365\", \"0.3333333333333333\", \"0.3402061855670103\"], \"369\": [\"0.041666666666666664\", \"0.0\", \"0.02631578947368421\", \"0.03225806451612903\"], \"370\": [\"0.03076923076923077\", \"0.021739130434782608\", \"0.08955223880597014\", \"0.06707317073170732\"], \"371\": [\"0.1111111111111111\", \"0.11764705882352941\", \"0.08571428571428572\", \"0.28205128205128205\"], \"372\": [\"0.12727272727272726\", \"0.11764705882352941\", \"0.15789473684210525\", \"0.02976190476190476\"], \"373\": [\"0.20588235294117646\", \"0.10810810810810811\", \"0.15384615384615385\", \"0.08053691275167785\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.005208333333333333\"], \"375\": [\"0.9360523300101526\", \"0.9259229999013282\", \"0.9214586008070961\", \"0.9341160918815585\"], \"376\": [\"0.75\", \"0.8536585365853658\", \"0.8461538461538461\", \"0.8627450980392157\"], \"377\": [\"1.0\", \"1.0\", \"0.9666666666666667\", \"0.9310344827586207\"], \"378\": [\"0.6521739130434783\", \"0.625\", \"0.47619047619047616\", \"0.7142857142857143\"], \"379\": [\"0.975\", \"0.9583333333333334\", \"0.9583333333333334\", \"0.987012987012987\"], \"380\": [\"1.0\", \"0.9722222222222222\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.9508196721311475\", \"0.9857142857142858\"], \"383\": [\"0.9777777777777777\", \"0.8571428571428571\", \"0.9565217391304348\", \"0.8666666666666667\"], \"384\": [\"0.9761904761904762\", \"0.972972972972973\", \"1.0\", \"0.9807692307692307\"], \"385\": [\"0.9591836734693877\", \"0.9411764705882353\", \"0.9846153846153847\", \"0.9809523809523809\"], \"386\": [\"1.0\", \"0.9841269841269841\", \"0.9896907216494846\", \"0.8761061946902655\"], \"387\": [\"0.864406779661017\", \"0.8695652173913043\", \"0.8214285714285714\", \"0.9405940594059405\"], \"388\": [\"0.95\", \"0.95\", \"0.95\", \"0.975\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6813035603851931\", \"0.5489138619800641\", \"0.7445149951307586\", \"0.8502603441124313\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.9090909090909091\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.8253968253968254\", \"0.9473684210526315\"], \"394\": [\"0.6666666666666666\", \"0.8333333333333334\", \"0.7142857142857143\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7692307692307693\", \"0.875\", \"0.868421052631579\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.8461538461538461\"], \"401\": [\"1.0\", \"0.8\", \"0.75\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5454545454545454\", \"0.45454545454545453\"], \"403\": [\"0.6363636363636364\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.4323012829539704\", \"0.43216097181254515\", \"0.47638858054896366\", \"0.3102212517073302\"], \"406\": [\"0.3333333333333333\", \"0.4117647058823529\", \"0.5339805825242718\", \"0.21674876847290642\"], \"407\": [\"0.2549019607843137\", \"0.18888888888888888\", \"0.2396694214876033\", \"0.11440677966101695\"], \"408\": [\"0.23076923076923078\", \"0.17857142857142858\", \"0.14492753623188406\", \"0.0967741935483871\"], \"409\": [\"0.35135135135135137\", \"0.25274725274725274\", \"0.368\", \"0.29457364341085274\"], \"410\": [\"0.40350877192982454\", \"0.3888888888888889\", \"0.4573643410852713\", \"0.24066390041493776\"], \"411\": [\"0.45535714285714285\", \"0.4639175257731959\", \"0.5038759689922481\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.46774193548387094\", \"0.5369649805447471\"], \"413\": [\"0.4782608695652174\", \"0.5070422535211268\", \"0.6111111111111112\", \"0.33678756476683935\"], \"414\": [\"0.37272727272727274\", \"0.375\", \"0.4307692307692308\", \"0.19540229885057472\"], \"415\": [\"0.42727272727272725\", \"0.5161290322580645\", \"0.512\", \"0.40234375\"], \"416\": [\"0.6330275229357798\", \"0.6739130434782609\", \"0.75\", \"0.46919431279620855\"], \"417\": [\"0.5151515151515151\", \"0.47058823529411764\", \"0.41818181818181815\", \"0.3682170542635659\"], \"418\": [\"0.7378640776699029\", \"0.6333333333333333\", \"0.6333333333333333\", \"0.46062992125984253\"], \"419\": [\"0.38596491228070173\", \"0.4948453608247423\", \"0.5984848484848485\", \"0.2873134328358209\"], \"420\": [\"0.13318058291006699\", \"0.13155724407444924\", \"0.12309633802600553\", \"0.1435996089256959\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.05555555555555555\", \"0.037037037037037035\"], \"423\": [\"0.32432432432432434\", \"0.32432432432432434\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03125\", \"0.058823529411764705\", \"0.4\"], \"425\": [\"0.07142857142857142\", \"0.045454545454545456\", \"0.0\", \"0.0\"], \"426\": [\"0.06451612903225806\", \"0.03333333333333333\", \"0.11764705882352941\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.034482758620689655\", \"0.0\", \"0.125\"], \"428\": [\"0.3076923076923077\", \"0.4583333333333333\", \"0.375\", \"0.17391304347826086\"], \"429\": [\"0.030303030303030304\", \"0.0\", \"0.029411764705882353\", \"0.0\"], \"430\": [\"0.1724137931034483\", \"0.17857142857142858\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.125\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.20588235294117646\", \"0.125\", \"0.08\"], \"433\": [\"0.08\", \"0.13333333333333333\", \"0.21739130434782608\", \"0.2857142857142857\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9339285714285716\", \"0.9160534119180737\", \"0.9319639059770639\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"440\": [\"1.0\", \"0.9523809523809523\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"442\": [\"1.0\", \"0.9285714285714286\", \"1.0\", \"0.75\"], \"443\": [\"0.8666666666666667\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"1.0\", \"0.8666666666666667\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9142857142857143\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8888888888888888\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9230769230769231\", \"0.9\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8654238618524331\", \"0.6531062424969988\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"1.0\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.875\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.2802647346883176\", \"0.349384662804933\", \"0.32735299546334046\", \"0.20742319849462706\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.17073170731707318\", \"0.037037037037037035\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.2619047619047619\", \"0.2\", \"0.16666666666666666\"], \"470\": [\"0.3333333333333333\", \"0.4878048780487805\", \"0.46511627906976744\", \"0.5714285714285714\"], \"471\": [\"0.2564102564102564\", \"0.30952380952380953\", \"0.21052631578947367\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.3170731707317073\", \"0.27906976744186046\", \"0.125\"], \"473\": [\"0.41935483870967744\", \"0.5\", \"0.5454545454545454\", \"0.20833333333333334\"], \"474\": [\"0.2\", \"0.3488372093023256\", \"0.21428571428571427\", \"0.14285714285714285\"], \"475\": [\"0.3333333333333333\", \"0.3611111111111111\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.8205128205128205\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.22857142857142856\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.41025641025641024\", \"0.3157894736842105\", \"0.5\", \"0.3181818181818182\"], \"479\": [\"0.2682926829268293\", \"0.3023255813953488\", \"0.3488372093023256\", \"0.03571428571428571\"], \"480\": [\"0.09386446886446886\", \"0.13341343689972615\", \"0.13531728401089302\", \"0.141722906573062\"], \"481\": [\"0.2\", \"0.19047619047619047\", \"0.2727272727272727\", \"0.05970149253731343\"], \"482\": [\"0.0\", \"0.12\", \"0.08\", \"0.15151515151515152\"], \"483\": [\"0.5416666666666666\", \"0.375\", \"0.16\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.1\", \"0.15\", \"0.08771929824561403\"], \"485\": [\"0.0\", \"0.058823529411764705\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05555555555555555\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.07894736842105263\"], \"488\": [\"0.13333333333333333\", \"0.5\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.10526315789473684\", \"0.0\", \"0.015625\"], \"490\": [\"0.23076923076923078\", \"0.058823529411764705\", \"0.09523809523809523\", \"0.10416666666666667\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.34375\"], \"492\": [\"0.0\", \"0.0\", \"0.3157894736842105\", \"0.10810810810810811\"], \"493\": [\"0.125\", \"0.0\", \"0.0625\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.32558139534883723\"], \"495\": [\"0.9659663865546219\", \"0.9410714285714287\", \"0.9492538580884446\", \"0.9438227912729573\"], \"496\": [\"0.7\", \"1.0\", \"0.8571428571428571\", \"0.9285714285714286\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.5\", \"0.75\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"1.0\", \"1.0\", \"0.9583333333333334\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"503\": [\"1.0\", \"0.875\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8787878787878788\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8571428571428571\"], \"507\": [\"1.0\", \"0.8\", \"1.0\", \"0.9772727272727273\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.8461538461538461\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7714285714285715\", \"0.6826530612244898\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.9\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"1.0\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.3333333333333333\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.388594633817746\", \"0.29861392230957445\", \"0.3334404363314251\", \"0.3542374246966694\"], \"526\": [\"0.3684210526315789\", \"0.22727272727272727\", \"0.2727272727272727\", \"0.17105263157894737\"], \"527\": [\"0.12\", \"0.043478260869565216\", \"0.14814814814814814\", \"0.2112676056338028\"], \"528\": [\"0.08333333333333333\", \"0.0625\", \"0.125\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.25\", \"0.34615384615384615\", \"0.30666666666666664\"], \"530\": [\"0.4\", \"0.36\", \"0.35714285714285715\", \"0.2716049382716049\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.39285714285714285\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.20689655172413793\", \"0.5454545454545454\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.2916666666666667\", \"0.1724137931034483\", \"0.2125\"], \"535\": [\"0.5454545454545454\", \"0.36\", \"0.2962962962962963\", \"0.4027777777777778\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6666666666666666\"], \"537\": [\"0.4\", \"0.3333333333333333\", \"0.43478260869565216\", \"0.5657894736842105\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.4230769230769231\", \"0.3333333333333333\"], \"539\": [\"0.44\", \"0.3076923076923077\", \"0.3793103448275862\", \"0.5671641791044776\"], \"540\": [\"0.1419739231433052\", \"0.13155867677779745\", \"0.14393140082472458\", \"0.1405336037027293\"], \"541\": [\"0.2796934865900383\", \"0.23387096774193547\", \"0.2835249042145594\", \"0.21146245059288538\"], \"542\": [\"0.10097719869706841\", \"0.10457516339869281\", \"0.09740259740259741\", \"0.09966216216216216\"], \"543\": [\"0.41642228739002934\", \"0.4069400630914827\", \"0.4332344213649852\", \"0.3460207612456747\"], \"544\": [\"0.043824701195219126\", \"0.08396946564885496\", \"0.07509881422924901\", \"0.20883534136546184\"], \"545\": [\"0.05084745762711865\", \"0.06607929515418502\", \"0.05555555555555555\", \"0.07551020408163266\"], \"546\": [\"0.03587443946188341\", \"0.05069124423963134\", \"0.06167400881057269\", \"0.056133056133056136\"], \"547\": [\"0.04285714285714286\", \"0.03333333333333333\", \"0.054455445544554455\", \"0.06266318537859007\"], \"548\": [\"0.3698630136986301\", \"0.3756345177664975\", \"0.375\", \"0.3002257336343115\"], \"549\": [\"0.0199203187250996\", \"0.025\", \"0.032\", \"0.026217228464419477\"], \"550\": [\"0.09523809523809523\", \"0.08290155440414508\", \"0.10232558139534884\", \"0.09929078014184398\"], \"551\": [\"0.16312056737588654\", \"0.11926605504587157\", \"0.09649122807017543\", \"0.312280701754386\"], \"552\": [\"0.14414414414414414\", \"0.14224137931034483\", \"0.1729957805907173\", \"0.057971014492753624\"], \"553\": [\"0.22485207100591717\", \"0.11731843575418995\", \"0.1595744680851064\", \"0.0737913486005089\"], \"554\": [\"0.0\", \"0.0\", \"0.015706806282722512\", \"0.03740648379052369\"], \"555\": [\"0.9390573638141892\", \"0.9319388452329943\", \"0.9291288698214392\", \"0.9291349003364309\"], \"556\": [\"0.8633093525179856\", \"0.9259259259259259\", \"0.86\", \"0.8709677419354839\"], \"557\": [\"0.989247311827957\", \"0.987012987012987\", \"0.9805825242718447\", \"0.9420289855072463\"], \"558\": [\"0.7288135593220338\", \"0.6818181818181818\", \"0.6081081081081081\", \"0.7469879518072289\"], \"559\": [\"0.9395973154362416\", \"0.9338842975206612\", \"0.9556962025316456\", \"0.9263803680981595\"], \"560\": [\"0.9878048780487805\", \"0.9807692307692307\", \"0.9887005649717514\", \"1.0\"], \"561\": [\"0.9774011299435028\", \"0.9578313253012049\", \"0.9728260869565217\", \"0.9166666666666666\"], \"562\": [\"0.9842105263157894\", \"0.976878612716763\", \"0.9856459330143541\", \"0.9784172661870504\"], \"563\": [\"0.9171270718232044\", \"0.8763440860215054\", \"0.909952606635071\", \"0.8899082568807339\"], \"564\": [\"0.9798657718120806\", \"0.965034965034965\", \"0.9875776397515528\", \"0.9606299212598425\"], \"565\": [\"0.9578947368421052\", \"0.9473684210526315\", \"0.9489795918367347\", \"0.9327731092436975\"], \"566\": [\"0.9884169884169884\", \"0.9781021897810219\", \"0.9932659932659933\", \"0.9361702127659575\"], \"567\": [\"0.8764044943820225\", \"0.8807947019867549\", \"0.8793103448275862\", \"0.9554655870445344\"], \"568\": [\"0.9567099567099567\", \"0.9607843137254902\", \"0.9417040358744395\", \"0.9514925373134329\"], \"569\": [\"1.0\", \"0.9945945945945946\", \"0.9954545454545455\", \"1.0\"], \"570\": [\"0.7097630228610455\", \"0.6768508999975685\", \"0.7793725927774845\", \"0.8210949110019226\"], \"571\": [\"0.7934782608695652\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.84251968503937\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.9375\", \"0.9365079365079365\"], \"573\": [\"0.8987341772151899\", \"0.86\", \"0.8342857142857143\", \"0.9049773755656109\"], \"574\": [\"0.55\", \"0.7333333333333333\", \"0.7307692307692307\", \"0.896551724137931\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.6666666666666666\", \"0.6111111111111112\", \"0.7368421052631579\", \"0.6428571428571429\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7857142857142857\", \"0.8\"], \"578\": [\"0.84375\", \"0.7628865979381443\", \"0.7978723404255319\", \"0.8471337579617835\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.6875\", \"0.7241379310344828\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.8461538461538461\", \"0.7876106194690266\"], \"582\": [\"0.5925925925925926\", \"0.6470588235294118\", \"0.6612903225806451\", \"0.6857142857142857\"], \"583\": [\"0.7916666666666666\", \"0.7241379310344828\", \"0.6976744186046512\", \"0.6904761904761905\"], \"584\": [\"0.0\", \"0.0\", \"0.75\", \"1.0\"], \"585\": [\"0.4395850304353547\", \"0.43240168278124\", \"0.461166942497301\", \"0.32342944966573356\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.40822784810126583\", \"0.25280898876404495\"], \"587\": [\"0.25\", \"0.21714285714285714\", \"0.26649076517150394\", \"0.10869565217391304\"], \"588\": [\"0.17768595041322313\", \"0.19313304721030042\", \"0.1906779661016949\", \"0.1409090909090909\"], \"589\": [\"0.3684210526315789\", \"0.32011331444759206\", \"0.3922077922077922\", \"0.27706422018348625\"], \"590\": [\"0.41968911917098445\", \"0.4191780821917808\", \"0.44191919191919193\", \"0.27403846153846156\"], \"591\": [\"0.44587628865979384\", \"0.43561643835616437\", \"0.45663265306122447\", \"0.2665589660743134\"], \"592\": [\"0.48195876288659795\", \"0.4543010752688172\", \"0.5188916876574308\", \"0.43106180665610144\"], \"593\": [\"0.5460526315789473\", \"0.5699300699300699\", \"0.6056782334384858\", \"0.38492063492063494\"], \"594\": [\"0.37244897959183676\", \"0.3709677419354839\", \"0.39650872817955113\", \"0.19003115264797507\"], \"595\": [\"0.489247311827957\", \"0.5042016806722689\", \"0.49076517150395776\", \"0.3681592039800995\"], \"596\": [\"0.6844919786096256\", \"0.7362637362637363\", \"0.7412060301507538\", \"0.6423357664233577\"], \"597\": [\"0.4508670520231214\", \"0.4006024096385542\", \"0.4383954154727794\", \"0.3769968051118211\"], \"598\": [\"0.6278409090909091\", \"0.5536723163841808\", \"0.5706521739130435\", \"0.41195476575121165\"], \"599\": [\"0.45\", \"0.4816753926701571\", \"0.538083538083538\", \"0.4024767801857585\"], \"600\": [\"0.1483527691764027\", \"0.1351706109233721\", \"0.14498230881836002\", \"0.13963745431404612\"], \"601\": [\"0.27702702702702703\", \"0.2611464968152866\", \"0.28187919463087246\", \"0.2037914691943128\"], \"602\": [\"0.09941520467836257\", \"0.1016949152542373\", \"0.08496732026143791\", \"0.06642066420664207\"], \"603\": [\"0.3631578947368421\", \"0.3812154696132597\", \"0.4093567251461988\", \"0.32926829268292684\"], \"604\": [\"0.04964539007092199\", \"0.07534246575342465\", \"0.0703125\", \"0.3459915611814346\"], \"605\": [\"0.0625\", \"0.0625\", \"0.07627118644067797\", \"0.03333333333333333\"], \"606\": [\"0.04\", \"0.057971014492753624\", \"0.07086614173228346\", \"0.07488986784140969\"], \"607\": [\"0.04\", \"0.023255813953488372\", \"0.04854368932038835\", \"0.05472636815920398\"], \"608\": [\"0.41379310344827586\", \"0.37719298245614036\", \"0.36633663366336633\", \"0.19230769230769232\"], \"609\": [\"0.013888888888888888\", \"0.021739130434782608\", \"0.031007751937984496\", \"0.029045643153526972\"], \"610\": [\"0.11475409836065574\", \"0.09836065573770492\", \"0.10619469026548672\", \"0.115\"], \"611\": [\"0.19117647058823528\", \"0.11864406779661017\", \"0.07272727272727272\", \"0.36082474226804123\"], \"612\": [\"0.1678832116788321\", \"0.18620689655172415\", \"0.1968503937007874\", \"0.06735751295336788\"], \"613\": [\"0.24369747899159663\", \"0.1271186440677966\", \"0.18691588785046728\", \"0.08196721311475409\"], \"614\": [\"0.0\", \"0.0\", \"0.027522935779816515\", \"0.0\"], \"615\": [\"0.9403417776442519\", \"0.9355910712984066\", \"0.930099847858345\", \"0.9182739483146827\"], \"616\": [\"0.9041095890410958\", \"0.9545454545454546\", \"0.873015873015873\", \"0.8928571428571429\"], \"617\": [\"0.98\", \"1.0\", \"0.9830508474576272\", \"0.9166666666666666\"], \"618\": [\"0.7419354838709677\", \"0.7380952380952381\", \"0.6829268292682927\", \"0.7142857142857143\"], \"619\": [\"0.95\", \"0.935064935064935\", \"0.9404761904761905\", \"0.8448275862068966\"], \"620\": [\"1.0\", \"0.9894736842105263\", \"0.9893617021276596\", \"1.0\"], \"621\": [\"0.9791666666666666\", \"0.9647058823529412\", \"0.9647058823529412\", \"0.9117647058823529\"], \"622\": [\"0.9895833333333334\", \"0.9680851063829787\", \"1.0\", \"0.9574468085106383\"], \"623\": [\"0.8857142857142857\", \"0.8715596330275229\", \"0.8828828828828829\", \"0.9469026548672567\"], \"624\": [\"0.974025974025974\", \"0.9529411764705882\", \"0.9759036144578314\", \"0.9259259259259259\"], \"625\": [\"0.9595959595959596\", \"0.9306930693069307\", \"0.9090909090909091\", \"0.8947368421052632\"], \"626\": [\"0.9869281045751634\", \"0.9695121951219512\", \"1.0\", \"0.9797979797979798\"], \"627\": [\"0.8333333333333334\", \"0.8717948717948718\", \"0.9058823529411765\", \"0.9509803921568627\"], \"628\": [\"0.9803921568627451\", \"0.9619047619047619\", \"0.9238095238095239\", \"0.9196428571428571\"], \"629\": [\"1.0\", \"0.98989898989899\", \"0.9902912621359223\", \"1.0\"], \"630\": [\"0.7414462591593927\", \"0.6796466347218226\", \"0.7931970553829418\", \"0.7417690939044361\"], \"631\": [\"0.8541666666666666\", \"0.9318181818181818\", \"0.84\", \"0.8269230769230769\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.9\"], \"633\": [\"0.8961038961038961\", \"0.8625\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.9010989010989011\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.7142857142857143\", \"0.7272727272727273\", \"0.75\", \"0.7391304347826086\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.8\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.5714285714285714\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.6216216216216216\", \"0.7297297297297297\", \"0.7575757575757576\", \"0.7222222222222222\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.7142857142857143\", \"0.625\"], \"644\": [\"0.0\", \"0.0\", \"0.75\", \"0.0\"], \"645\": [\"0.42404879045016547\", \"0.41786523815153326\", \"0.4512375627371884\", \"0.3232824120224721\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.3395061728395062\", \"0.30864197530864196\"], \"647\": [\"0.2413793103448276\", \"0.22439024390243903\", \"0.29292929292929293\", \"0.08\"], \"648\": [\"0.1597222222222222\", \"0.21678321678321677\", \"0.21705426356589147\", \"0.175\"], \"649\": [\"0.3619047619047619\", \"0.34782608695652173\", \"0.398989898989899\", \"0.24019607843137256\"], \"650\": [\"0.43661971830985913\", \"0.4392523364485981\", \"0.4603960396039604\", \"0.2951388888888889\"], \"651\": [\"0.4392523364485981\", \"0.3867924528301887\", \"0.41\", \"0.22794117647058823\"], \"652\": [\"0.4418604651162791\", \"0.41935483870967744\", \"0.5265700483091788\", \"0.32142857142857145\"], \"653\": [\"0.577639751552795\", \"0.572289156626506\", \"0.6049382716049383\", \"0.421259842519685\"], \"654\": [\"0.3456221198156682\", \"0.375\", \"0.3932038834951456\", \"0.176056338028169\"], \"655\": [\"0.46798029556650245\", \"0.46078431372549017\", \"0.4712041884816754\", \"0.3244274809160305\"], \"656\": [\"0.7330097087378641\", \"0.7535545023696683\", \"0.7548076923076923\", \"0.7578125\"], \"657\": [\"0.3804347826086957\", \"0.3655913978494624\", \"0.4301675977653631\", \"0.35018050541516244\"], \"658\": [\"0.5263157894736842\", \"0.4950980392156863\", \"0.5271739130434783\", \"0.3800738007380074\"], \"659\": [\"0.4434389140271493\", \"0.44144144144144143\", \"0.49038461538461536\", \"0.46779661016949153\"], \"660\": [\"0.13286561948577566\", \"0.12399848481782974\", \"0.14148590740971567\", \"0.13964734427507192\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2857142857142857\", \"0.21694915254237288\"], \"662\": [\"0.10294117647058823\", \"0.10852713178294573\", \"0.10967741935483871\", \"0.1277258566978193\"], \"663\": [\"0.48344370860927155\", \"0.4411764705882353\", \"0.4578313253012048\", \"0.35843373493975905\"], \"664\": [\"0.03636363636363636\", \"0.09482758620689655\", \"0.08\", \"0.0842911877394636\"], \"665\": [\"0.037037037037037035\", \"0.0707070707070707\", \"0.034482758620689655\", \"0.10714285714285714\"], \"666\": [\"0.030612244897959183\", \"0.0379746835443038\", \"0.05\", \"0.03937007874015748\"], \"667\": [\"0.047058823529411764\", \"0.04938271604938271\", \"0.06060606060606061\", \"0.07142857142857142\"], \"668\": [\"0.32038834951456313\", \"0.37349397590361444\", \"0.3838383838383838\", \"0.37547892720306514\"], \"669\": [\"0.028037383177570093\", \"0.029411764705882353\", \"0.03305785123966942\", \"0.023890784982935155\"], \"670\": [\"0.06818181818181818\", \"0.056338028169014086\", \"0.09803921568627451\", \"0.08520179372197309\"], \"671\": [\"0.136986301369863\", \"0.12\", \"0.11864406779661017\", \"0.2872340425531915\"], \"672\": [\"0.10588235294117647\", \"0.06896551724137931\", \"0.14545454545454545\", \"0.049773755656108594\"], \"673\": [\"0.18\", \"0.09836065573770492\", \"0.12345679012345678\", \"0.06666666666666667\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9379994521659577\", \"0.9256928567269173\", \"0.9271918875246634\", \"0.9334628827451698\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8505747126436781\", \"0.8450704225352113\"], \"677\": [\"1.0\", \"0.967741935483871\", \"0.9772727272727273\", \"0.9555555555555556\"], \"678\": [\"0.7142857142857143\", \"0.5833333333333334\", \"0.5151515151515151\", \"0.7941176470588235\"], \"679\": [\"0.927536231884058\", \"0.9318181818181818\", \"0.972972972972973\", \"0.9714285714285714\"], \"680\": [\"0.971830985915493\", \"0.9672131147540983\", \"0.9879518072289156\", \"1.0\"], \"681\": [\"0.9753086419753086\", \"0.9506172839506173\", \"0.9797979797979798\", \"0.9196428571428571\"], \"682\": [\"0.9787234042553191\", \"0.9873417721518988\", \"0.97\", \"0.9891304347826086\"], \"683\": [\"0.9605263157894737\", \"0.8831168831168831\", \"0.94\", \"0.8285714285714286\"], \"684\": [\"0.9861111111111112\", \"0.9827586206896551\", \"1.0\", \"0.9863013698630136\"], \"685\": [\"0.9560439560439561\", \"0.9662921348314607\", \"0.9896907216494846\", \"0.958041958041958\"], \"686\": [\"0.9905660377358491\", \"0.990909090909091\", \"0.9857142857142858\", \"0.8876404494382022\"], \"687\": [\"0.9148936170212766\", \"0.8904109589041096\", \"0.8539325842696629\", \"0.9586206896551724\"], \"688\": [\"0.937984496124031\", \"0.9595959595959596\", \"0.9576271186440678\", \"0.9743589743589743\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6600618698657914\", \"0.6623582766439909\", \"0.7332017201046971\", \"0.8327601802324978\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8533333333333334\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.9444444444444444\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8571428571428571\", \"0.8260869565217391\", \"0.9444444444444444\"], \"694\": [\"0.4444444444444444\", \"0.7857142857142857\", \"0.8333333333333334\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.6666666666666666\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.775\", \"0.8636363636363636\", \"0.8448275862068966\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.76\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.7777777777777778\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5517241379310345\", \"0.6470588235294118\"], \"703\": [\"0.5294117647058824\", \"0.6\", \"0.6666666666666666\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.45840658144282337\", \"0.451355609565453\", \"0.470924535891532\", \"0.32120336471113614\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.4805194805194805\", \"0.20618556701030927\"], \"707\": [\"0.2606060606060606\", \"0.20689655172413793\", \"0.23756906077348067\", \"0.13312693498452013\"], \"708\": [\"0.20408163265306123\", \"0.15555555555555556\", \"0.1588785046728972\", \"0.1125\"], \"709\": [\"0.3764705882352941\", \"0.2808219178082192\", \"0.3850267379679144\", \"0.2991202346041056\"], \"710\": [\"0.3988439306358382\", \"0.39072847682119205\", \"0.422680412371134\", \"0.25595238095238093\"], \"711\": [\"0.4540229885057471\", \"0.5032679738562091\", \"0.5052083333333334\", \"0.2968299711815562\"], \"712\": [\"0.5317919075144508\", \"0.5032258064516129\", \"0.5105263157894737\", \"0.5185185185185185\"], \"713\": [\"0.5104895104895105\", \"0.5666666666666667\", \"0.6064516129032258\", \"0.348\"], \"714\": [\"0.4057142857142857\", \"0.36538461538461536\", \"0.4\", \"0.2011173184357542\"], \"715\": [\"0.514792899408284\", \"0.5620915032679739\", \"0.5106382978723404\", \"0.40175953079178883\"], \"716\": [\"0.625\", \"0.7124183006535948\", \"0.7263157894736842\", \"0.541095890410959\"], \"717\": [\"0.5308641975308642\", \"0.4452054794520548\", \"0.4470588235294118\", \"0.3982808022922636\"], \"718\": [\"0.7469135802469136\", \"0.6333333333333333\", \"0.6141304347826086\", \"0.4367816091954023\"], \"719\": [\"0.4581005586592179\", \"0.5375\", \"0.5879396984924623\", \"0.3475783475783476\"]}"); var thresholds = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\", \"25\": \"0.7\", \"26\": \"0.7\", \"27\": \"0.7\", \"28\": \"0.7\", \"29\": \"0.7\", \"30\": \"0.7\", \"31\": \"0.7\", \"32\": \"0.7\", \"33\": \"0.7\", \"34\": \"0.7\", \"35\": \"0.7\", \"36\": \"0.7\", \"37\": \"0.7\", \"38\": \"0.7\", \"39\": \"0.7\", \"40\": \"0.7\", \"41\": \"0.7\", \"42\": \"0.7\", \"43\": \"0.7\", \"44\": \"0.7\", \"45\": \"0.7\", \"46\": \"0.7\", \"47\": \"0.7\", \"48\": \"0.7\", \"49\": \"0.7\", \"50\": \"0.7\", \"51\": \"0.7\", \"52\": \"0.7\", \"53\": \"0.7\", \"54\": \"0.7\", \"55\": \"0.7\", \"56\": \"0.7\", \"57\": \"0.7\", \"58\": \"0.7\", \"59\": \"0.7\", \"60\": \"0.7\", \"61\": \"0.7\", \"62\": \"0.7\", \"63\": \"0.7\", \"64\": \"0.7\", \"65\": \"0.7\", \"66\": \"0.7\", \"67\": \"0.7\", \"68\": \"0.7\", \"69\": \"0.7\", \"70\": \"0.7\", \"71\": \"0.7\", \"72\": \"0.7\", \"73\": \"0.7\", \"74\": \"0.7\", \"75\": \"0.7\", \"76\": \"0.7\", \"77\": \"0.7\", \"78\": \"0.7\", \"79\": \"0.7\", \"80\": \"0.7\", \"81\": \"0.7\", \"82\": \"0.7\", \"83\": \"0.7\", \"84\": \"0.7\", \"85\": \"0.7\", \"86\": \"0.7\", \"87\": \"0.7\", \"88\": \"0.7\", \"89\": \"0.7\", \"90\": \"0.7\", \"91\": \"0.7\", \"92\": \"0.7\", \"93\": \"0.7\", \"94\": \"0.7\", \"95\": \"0.7\", \"96\": \"0.7\", \"97\": \"0.7\", \"98\": \"0.7\", \"99\": \"0.7\", \"100\": \"0.7\", \"101\": \"0.7\", \"102\": \"0.7\", \"103\": \"0.7\", \"104\": \"0.7\", \"105\": \"0.7\", \"106\": \"0.7\", \"107\": \"0.7\", \"108\": \"0.7\", \"109\": \"0.7\", \"110\": \"0.7\", \"111\": \"0.7\", \"112\": \"0.7\", \"113\": \"0.7\", \"114\": \"0.7\", \"115\": \"0.7\", \"116\": \"0.7\", \"117\": \"0.7\", \"118\": \"0.7\", \"119\": \"0.7\", \"120\": \"0.7\", \"121\": \"0.7\", \"122\": \"0.7\", \"123\": \"0.7\", \"124\": \"0.7\", \"125\": \"0.7\", \"126\": \"0.7\", \"127\": \"0.7\", \"128\": \"0.7\", \"129\": \"0.7\", \"130\": \"0.7\", \"131\": \"0.7\", \"132\": \"0.7\", \"133\": \"0.7\", \"134\": \"0.7\", \"135\": \"0.7\", \"136\": \"0.7\", \"137\": \"0.7\", \"138\": \"0.7\", \"139\": \"0.7\", \"140\": \"0.7\", \"141\": \"0.7\", \"142\": \"0.7\", \"143\": \"0.7\", \"144\": \"0.7\", \"145\": \"0.7\", \"146\": \"0.7\", \"147\": \"0.7\", \"148\": \"0.7\", \"149\": \"0.7\", \"150\": \"0.7\", \"151\": \"0.7\", \"152\": \"0.7\", \"153\": \"0.7\", \"154\": \"0.7\", \"155\": \"0.7\", \"156\": \"0.7\", \"157\": \"0.7\", \"158\": \"0.7\", \"159\": \"0.7\", \"160\": \"0.7\", \"161\": \"0.7\", \"162\": \"0.7\", \"163\": \"0.7\", \"164\": \"0.7\", \"165\": \"0.7\", \"166\": \"0.7\", \"167\": \"0.7\", \"168\": \"0.7\", \"169\": \"0.7\", \"170\": \"0.7\", \"171\": \"0.7\", \"172\": \"0.7\", \"173\": \"0.7\", \"174\": \"0.7\", \"175\": \"0.7\", \"176\": \"0.7\", \"177\": \"0.7\", \"178\": \"0.7\", \"179\": \"0.7\", \"180\": \"0.7\", \"181\": \"0.7\", \"182\": \"0.7\", \"183\": \"0.7\", \"184\": \"0.7\", \"185\": \"0.7\", \"186\": \"0.7\", \"187\": \"0.7\", \"188\": \"0.7\", \"189\": \"0.7\", \"190\": \"0.7\", \"191\": \"0.7\", \"192\": \"0.7\", \"193\": \"0.7\", \"194\": \"0.7\", \"195\": \"0.7\", \"196\": \"0.7\", \"197\": \"0.7\", \"198\": \"0.7\", \"199\": \"0.7\", \"200\": \"0.7\", \"201\": \"0.7\", \"202\": \"0.7\", \"203\": \"0.7\", \"204\": \"0.7\", \"205\": \"0.7\", \"206\": \"0.7\", \"207\": \"0.7\", \"208\": \"0.7\", \"209\": \"0.7\", \"210\": \"0.7\", \"211\": \"0.7\", \"212\": \"0.7\", \"213\": \"0.7\", \"214\": \"0.7\", \"215\": \"0.7\", \"216\": \"0.7\", \"217\": \"0.7\", \"218\": \"0.7\", \"219\": \"0.7\", \"220\": \"0.7\", \"221\": \"0.7\", \"222\": \"0.7\", \"223\": \"0.7\", \"224\": \"0.7\", \"225\": \"0.7\", \"226\": \"0.7\", \"227\": \"0.7\", \"228\": \"0.7\", \"229\": \"0.7\", \"230\": \"0.7\", \"231\": \"0.7\", \"232\": \"0.7\", \"233\": \"0.7\", \"234\": \"0.7\", \"235\": \"0.7\", \"236\": \"0.7\", \"237\": \"0.7\", \"238\": \"0.7\", \"239\": \"0.7\", \"240\": \"0.7\", \"241\": \"0.7\", \"242\": \"0.7\", \"243\": \"0.7\", \"244\": \"0.7\", \"245\": \"0.7\", \"246\": \"0.7\", \"247\": \"0.7\", \"248\": \"0.7\", \"249\": \"0.7\", \"250\": \"0.7\", \"251\": \"0.7\", \"252\": \"0.7\", \"253\": \"0.7\", \"254\": \"0.7\", \"255\": \"0.7\", \"256\": \"0.7\", \"257\": \"0.7\", \"258\": \"0.7\", \"259\": \"0.7\", \"260\": \"0.7\", \"261\": \"0.7\", \"262\": \"0.7\", \"263\": \"0.7\", \"264\": \"0.7\", \"265\": \"0.7\", \"266\": \"0.7\", \"267\": \"0.7\", \"268\": \"0.7\", \"269\": \"0.7\", \"270\": \"0.7\", \"271\": \"0.7\", \"272\": \"0.7\", \"273\": \"0.7\", \"274\": \"0.7\", \"275\": \"0.7\", \"276\": \"0.7\", \"277\": \"0.7\", \"278\": \"0.7\", \"279\": \"0.7\", \"280\": \"0.7\", \"281\": \"0.7\", \"282\": \"0.7\", \"283\": \"0.7\", \"284\": \"0.7\", \"285\": \"0.7\", \"286\": \"0.7\", \"287\": \"0.7\", \"288\": \"0.7\", \"289\": \"0.7\", \"290\": \"0.7\", \"291\": \"0.7\", \"292\": \"0.7\", \"293\": \"0.7\", \"294\": \"0.7\", \"295\": \"0.7\", \"296\": \"0.7\", \"297\": \"0.7\", \"298\": \"0.7\", \"299\": \"0.7\", \"300\": \"0.7\", \"301\": \"0.7\", \"302\": \"0.7\", \"303\": \"0.7\", \"304\": \"0.7\", \"305\": \"0.7\", \"306\": \"0.7\", \"307\": \"0.7\", \"308\": \"0.7\", \"309\": \"0.7\", \"310\": \"0.7\", \"311\": \"0.7\", \"312\": \"0.7\", \"313\": \"0.7\", \"314\": \"0.7\", \"315\": \"0.7\", \"316\": \"0.7\", \"317\": \"0.7\", \"318\": \"0.7\", \"319\": \"0.7\", \"320\": \"0.7\", \"321\": \"0.7\", \"322\": \"0.7\", \"323\": \"0.7\", \"324\": \"0.7\", \"325\": \"0.7\", \"326\": \"0.7\", \"327\": \"0.7\", \"328\": \"0.7\", \"329\": \"0.7\", \"330\": \"0.7\", \"331\": \"0.7\", \"332\": \"0.7\", \"333\": \"0.7\", \"334\": \"0.7\", \"335\": \"0.7\", \"336\": \"0.7\", \"337\": \"0.7\", \"338\": \"0.7\", \"339\": \"0.7\", \"340\": \"0.7\", \"341\": \"0.7\", \"342\": \"0.7\", \"343\": \"0.7\", \"344\": \"0.7\", \"345\": \"0.7\", \"346\": \"0.7\", \"347\": \"0.7\", \"348\": \"0.7\", \"349\": \"0.7\", \"350\": \"0.7\", \"351\": \"0.7\", \"352\": \"0.7\", \"353\": \"0.7\", \"354\": \"0.7\", \"355\": \"0.7\", \"356\": \"0.7\", \"357\": \"0.7\", \"358\": \"0.7\", \"359\": \"0.7\", \"360\": \"0.7\", \"361\": \"0.7\", \"362\": \"0.7\", \"363\": \"0.7\", \"364\": \"0.7\", \"365\": \"0.7\", \"366\": \"0.7\", \"367\": \"0.7\", \"368\": \"0.7\", \"369\": \"0.7\", \"370\": \"0.7\", \"371\": \"0.7\", \"372\": \"0.7\", \"373\": \"0.7\", \"374\": \"0.7\", \"375\": \"0.7\", \"376\": \"0.7\", \"377\": \"0.7\", \"378\": \"0.7\", \"379\": \"0.7\", \"380\": \"0.7\", \"381\": \"0.7\", \"382\": \"0.7\", \"383\": \"0.7\", \"384\": \"0.7\", \"385\": \"0.7\", \"386\": \"0.7\", \"387\": \"0.7\", \"388\": \"0.7\", \"389\": \"0.7\", \"390\": \"0.7\", \"391\": \"0.7\", \"392\": \"0.7\", \"393\": \"0.7\", \"394\": \"0.7\", \"395\": \"0.7\", \"396\": \"0.7\", \"397\": \"0.7\", \"398\": \"0.7\", \"399\": \"0.7\", \"400\": \"0.7\", \"401\": \"0.7\", \"402\": \"0.7\", \"403\": \"0.7\", \"404\": \"0.7\", \"405\": \"0.7\", \"406\": \"0.7\", \"407\": \"0.7\", \"408\": \"0.7\", \"409\": \"0.7\", \"410\": \"0.7\", \"411\": \"0.7\", \"412\": \"0.7\", \"413\": \"0.7\", \"414\": \"0.7\", \"415\": \"0.7\", \"416\": \"0.7\", \"417\": \"0.7\", \"418\": \"0.7\", \"419\": \"0.7\", \"420\": \"0.7\", \"421\": \"0.7\", \"422\": \"0.7\", \"423\": \"0.7\", \"424\": \"0.7\", \"425\": \"0.7\", \"426\": \"0.7\", \"427\": \"0.7\", \"428\": \"0.7\", \"429\": \"0.7\", \"430\": \"0.7\", \"431\": \"0.7\", \"432\": \"0.7\", \"433\": \"0.7\", \"434\": \"0.7\", \"435\": \"0.7\", \"436\": \"0.7\", \"437\": \"0.7\", \"438\": \"0.7\", \"439\": \"0.7\", \"440\": \"0.7\", \"441\": \"0.7\", \"442\": \"0.7\", \"443\": \"0.7\", \"444\": \"0.7\", \"445\": \"0.7\", \"446\": \"0.7\", \"447\": \"0.7\", \"448\": \"0.7\", \"449\": \"0.7\", \"450\": \"0.7\", \"451\": \"0.7\", \"452\": \"0.7\", \"453\": \"0.7\", \"454\": \"0.7\", \"455\": \"0.7\", \"456\": \"0.7\", \"457\": \"0.7\", \"458\": \"0.7\", \"459\": \"0.7\", \"460\": \"0.7\", \"461\": \"0.7\", \"462\": \"0.7\", \"463\": \"0.7\", \"464\": \"0.7\", \"465\": \"0.7\", \"466\": \"0.7\", \"467\": \"0.7\", \"468\": \"0.7\", \"469\": \"0.7\", \"470\": \"0.7\", \"471\": \"0.7\", \"472\": \"0.7\", \"473\": \"0.7\", \"474\": \"0.7\", \"475\": \"0.7\", \"476\": \"0.7\", \"477\": \"0.7\", \"478\": \"0.7\", \"479\": \"0.7\", \"480\": \"0.7\", \"481\": \"0.7\", \"482\": \"0.7\", \"483\": \"0.7\", \"484\": \"0.7\", \"485\": \"0.7\", \"486\": \"0.7\", \"487\": \"0.7\", \"488\": \"0.7\", \"489\": \"0.7\", \"490\": \"0.7\", \"491\": \"0.7\", \"492\": \"0.7\", \"493\": \"0.7\", \"494\": \"0.7\", \"495\": \"0.7\", \"496\": \"0.7\", \"497\": \"0.7\", \"498\": \"0.7\", \"499\": \"0.7\", \"500\": \"0.7\", \"501\": \"0.7\", \"502\": \"0.7\", \"503\": \"0.7\", \"504\": \"0.7\", \"505\": \"0.7\", \"506\": \"0.7\", \"507\": \"0.7\", \"508\": \"0.7\", \"509\": \"0.7\", \"510\": \"0.7\", \"511\": \"0.7\", \"512\": \"0.7\", \"513\": \"0.7\", \"514\": \"0.7\", \"515\": \"0.7\", \"516\": \"0.7\", \"517\": \"0.7\", \"518\": \"0.7\", \"519\": \"0.7\", \"520\": \"0.7\", \"521\": \"0.7\", \"522\": \"0.7\", \"523\": \"0.7\", \"524\": \"0.7\", \"525\": \"0.7\", \"526\": \"0.7\", \"527\": \"0.7\", \"528\": \"0.7\", \"529\": \"0.7\", \"530\": \"0.7\", \"531\": \"0.7\", \"532\": \"0.7\", \"533\": \"0.7\", \"534\": \"0.7\", \"535\": \"0.7\", \"536\": \"0.7\", \"537\": \"0.7\", \"538\": \"0.7\", \"539\": \"0.7\", \"540\": \"0.7\", \"541\": \"0.7\", \"542\": \"0.7\", \"543\": \"0.7\", \"544\": \"0.7\", \"545\": \"0.7\", \"546\": \"0.7\", \"547\": \"0.7\", \"548\": \"0.7\", \"549\": \"0.7\", \"550\": \"0.7\", \"551\": \"0.7\", \"552\": \"0.7\", \"553\": \"0.7\", \"554\": \"0.7\", \"555\": \"0.7\", \"556\": \"0.7\", \"557\": \"0.7\", \"558\": \"0.7\", \"559\": \"0.7\", \"560\": \"0.7\", \"561\": \"0.7\", \"562\": \"0.7\", \"563\": \"0.7\", \"564\": \"0.7\", \"565\": \"0.7\", \"566\": \"0.7\", \"567\": \"0.7\", \"568\": \"0.7\", \"569\": \"0.7\", \"570\": \"0.7\", \"571\": \"0.7\", \"572\": \"0.7\", \"573\": \"0.7\", \"574\": \"0.7\", \"575\": \"0.7\", \"576\": \"0.7\", \"577\": \"0.7\", \"578\": \"0.7\", \"579\": \"0.7\", \"580\": \"0.7\", \"581\": \"0.7\", \"582\": \"0.7\", \"583\": \"0.7\", \"584\": \"0.7\", \"585\": \"0.7\", \"586\": \"0.7\", \"587\": \"0.7\", \"588\": \"0.7\", \"589\": \"0.7\", \"590\": \"0.7\", \"591\": \"0.7\", \"592\": \"0.7\", \"593\": \"0.7\", \"594\": \"0.7\", \"595\": \"0.7\", \"596\": \"0.7\", \"597\": \"0.7\", \"598\": \"0.7\", \"599\": \"0.7\", \"600\": \"0.7\", \"601\": \"0.7\", \"602\": \"0.7\", \"603\": \"0.7\", \"604\": \"0.7\", \"605\": \"0.7\", \"606\": \"0.7\", \"607\": \"0.7\", \"608\": \"0.7\", \"609\": \"0.7\", \"610\": \"0.7\", \"611\": \"0.7\", \"612\": \"0.7\", \"613\": \"0.7\", \"614\": \"0.7\", \"615\": \"0.7\", \"616\": \"0.7\", \"617\": \"0.7\", \"618\": \"0.7\", \"619\": \"0.7\", \"620\": \"0.7\", \"621\": \"0.7\", \"622\": \"0.7\", \"623\": \"0.7\", \"624\": \"0.7\", \"625\": \"0.7\", \"626\": \"0.7\", \"627\": \"0.7\", \"628\": \"0.7\", \"629\": \"0.7\", \"630\": \"0.7\", \"631\": \"0.7\", \"632\": \"0.7\", \"633\": \"0.7\", \"634\": \"0.7\", \"635\": \"0.7\", \"636\": \"0.7\", \"637\": \"0.7\", \"638\": \"0.7\", \"639\": \"0.7\", \"640\": \"0.7\", \"641\": \"0.7\", \"642\": \"0.7\", \"643\": \"0.7\", \"644\": \"0.7\", \"645\": \"0.7\", \"646\": \"0.7\", \"647\": \"0.7\", \"648\": \"0.7\", \"649\": \"0.7\", \"650\": \"0.7\", \"651\": \"0.7\", \"652\": \"0.7\", \"653\": \"0.7\", \"654\": \"0.7\", \"655\": \"0.7\", \"656\": \"0.7\", \"657\": \"0.7\", \"658\": \"0.7\", \"659\": \"0.7\", \"660\": \"0.7\", \"661\": \"0.7\", \"662\": \"0.7\", \"663\": \"0.7\", \"664\": \"0.7\", \"665\": \"0.7\", \"666\": \"0.7\", \"667\": \"0.7\", \"668\": \"0.7\", \"669\": \"0.7\", \"670\": \"0.7\", \"671\": \"0.7\", \"672\": \"0.7\", \"673\": \"0.7\", \"674\": \"0.7\", \"675\": \"0.7\", \"676\": \"0.7\", \"677\": \"0.7\", \"678\": \"0.7\", \"679\": \"0.7\", \"680\": \"0.7\", \"681\": \"0.7\", \"682\": \"0.7\", \"683\": \"0.7\", \"684\": \"0.7\", \"685\": \"0.7\", \"686\": \"0.7\", \"687\": \"0.7\", \"688\": \"0.7\", \"689\": \"0.7\", \"690\": \"0.7\", \"691\": \"0.7\", \"692\": \"0.7\", \"693\": \"0.7\", \"694\": \"0.7\", \"695\": \"0.7\", \"696\": \"0.7\", \"697\": \"0.7\", \"698\": \"0.7\", \"699\": \"0.7\", \"700\": \"0.7\", \"701\": \"0.7\", \"702\": \"0.7\", \"703\": \"0.7\", \"704\": \"0.7\", \"705\": \"0.7\", \"706\": \"0.7\", \"707\": \"0.7\", \"708\": \"0.7\", \"709\": \"0.7\", \"710\": \"0.7\", \"711\": \"0.7\", \"712\": \"0.7\", \"713\": \"0.7\", \"714\": \"0.7\", \"715\": \"0.7\", \"716\": \"0.7\", \"717\": \"0.7\", \"718\": \"0.7\", \"719\": \"0.7\"}"); var timestamps = JSON.parse("{\"0\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"1\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"2\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"3\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"4\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"5\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"6\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"7\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"8\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"9\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"10\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"11\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"12\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"13\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"14\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"15\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"16\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"17\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"18\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"19\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"20\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"21\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"22\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"23\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"24\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"25\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"26\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"27\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"28\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"29\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"30\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"31\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"32\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"33\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"34\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"35\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"36\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"37\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"38\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"39\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"40\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"41\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"42\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"43\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"44\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"45\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"46\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"47\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"48\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"49\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"50\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"51\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"52\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"53\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"54\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"55\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"56\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"57\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"58\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"59\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"60\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"61\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"62\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"63\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"64\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"65\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"66\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"67\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"68\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"69\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"70\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"71\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"72\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"73\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"74\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"75\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"76\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"77\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"78\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"79\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"80\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"81\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"82\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"83\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"84\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"85\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"86\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"87\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"88\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"89\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"90\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"91\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"92\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"93\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"94\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"95\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"96\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"97\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"98\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"99\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"100\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"101\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"102\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"103\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"104\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"105\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"106\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"107\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"108\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"109\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"110\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"111\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"112\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"113\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"114\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"115\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"116\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"117\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"118\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"119\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"120\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"121\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"122\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"123\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"124\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"125\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"126\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"127\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"128\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"129\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"130\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"131\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"132\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"133\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"134\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"135\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"136\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"137\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"138\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"139\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"140\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"141\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"142\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"143\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"144\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"145\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"146\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"147\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"148\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"149\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"150\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"151\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"152\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"153\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"154\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"155\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"156\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"157\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"158\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"159\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"160\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"161\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"162\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"163\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"164\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"165\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"166\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"167\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"168\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"169\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"170\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"171\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"172\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"173\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"174\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"175\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"176\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"177\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"178\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"179\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"180\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"181\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"182\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"183\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"184\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"185\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"186\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"187\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"188\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"189\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"190\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"191\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"192\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"193\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"194\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"195\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"196\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"197\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"198\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"199\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"200\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"201\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"202\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"203\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"204\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"205\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"206\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"207\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"208\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"209\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"210\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"211\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"212\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"213\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"214\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"215\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"216\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"217\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"218\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"219\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"220\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"221\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"222\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"223\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"224\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"225\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"226\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"227\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"228\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"229\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"230\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"231\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"232\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"233\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"234\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"235\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"236\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"237\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"238\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"239\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"240\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"241\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"242\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"243\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"244\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"245\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"246\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"247\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"248\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"249\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"250\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"251\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"252\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"253\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"254\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"255\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"256\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"257\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"258\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"259\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"260\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"261\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"262\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"263\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"264\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"265\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"266\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"267\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"268\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"269\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"270\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"271\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"272\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"273\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"274\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"275\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"276\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"277\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"278\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"279\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"280\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"281\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"282\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"283\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"284\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"285\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"286\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"287\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"288\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"289\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"290\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"291\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"292\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"293\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"294\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"295\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"296\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"297\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"298\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"299\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"300\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"301\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"302\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"303\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"304\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"305\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"306\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"307\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"308\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"309\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"310\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"311\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"312\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"313\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"314\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"315\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"316\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"317\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"318\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"319\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"320\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"321\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"322\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"323\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"324\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"325\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"326\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"327\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"328\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"329\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"330\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"331\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"332\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"333\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"334\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"335\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"336\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"337\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"338\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"339\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"340\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"341\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"342\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"343\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"344\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"345\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"346\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"347\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"348\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"349\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"350\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"351\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"352\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"353\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"354\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"355\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"356\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"357\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"358\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"359\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"360\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"361\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"362\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"363\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"364\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"365\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"366\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"367\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"368\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"369\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"370\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"371\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"372\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"373\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"374\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"375\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"376\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"377\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"378\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"379\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"380\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"381\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"382\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"383\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"384\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"385\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"386\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"387\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"388\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"389\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"390\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"391\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"392\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"393\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"394\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"395\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"396\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"397\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"398\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"399\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"400\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"401\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"402\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"403\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"404\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"405\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"406\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"407\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"408\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"409\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"410\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"411\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"412\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"413\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"414\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"415\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"416\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"417\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"418\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"419\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"420\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"421\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"422\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"423\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"424\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"425\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"426\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"427\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"428\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"429\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"430\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"431\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"432\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"433\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"434\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"435\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"436\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"437\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"438\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"439\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"440\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"441\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"442\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"443\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"444\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"445\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"446\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"447\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"448\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"449\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"450\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"451\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"452\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"453\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"454\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"455\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"456\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"457\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"458\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"459\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"460\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"461\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"462\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"463\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"464\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"465\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"466\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"467\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"468\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"469\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"470\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"471\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"472\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"473\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"474\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"475\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"476\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"477\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"478\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"479\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"480\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"481\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"482\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"483\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"484\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"485\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"486\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"487\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"488\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"489\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"490\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"491\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"492\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"493\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"494\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"495\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"496\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"497\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"498\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"499\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"500\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"501\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"502\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"503\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"504\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"505\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"506\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"507\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"508\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"509\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"510\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"511\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"512\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"513\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"514\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"515\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"516\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"517\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"518\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"519\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"520\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"521\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"522\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"523\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"524\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"525\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"526\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"527\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"528\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"529\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"530\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"531\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"532\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"533\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"534\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"535\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"536\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"537\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"538\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"539\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"540\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"541\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"542\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"543\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"544\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"545\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"546\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"547\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"548\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"549\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"550\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"551\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"552\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"553\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"554\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"555\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"556\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"557\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"558\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"559\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"560\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"561\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"562\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"563\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"564\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"565\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"566\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"567\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"568\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"569\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"570\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"571\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"572\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"573\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"574\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"575\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"576\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"577\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"578\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"579\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"580\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"581\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"582\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"583\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"584\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"585\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"586\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"587\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"588\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"589\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"590\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"591\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"592\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"593\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"594\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"595\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"596\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"597\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"598\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"599\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"600\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"601\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"602\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"603\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"604\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"605\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"606\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"607\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"608\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"609\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"610\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"611\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"612\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"613\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"614\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"615\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"616\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"617\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"618\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"619\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"620\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"621\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"622\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"623\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"624\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"625\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"626\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"627\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"628\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"629\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"630\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"631\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"632\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"633\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"634\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"635\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"636\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"637\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"638\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"639\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"640\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"641\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"642\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"643\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"644\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"645\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"646\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"647\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"648\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"649\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"650\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"651\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"652\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"653\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"654\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"655\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"656\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"657\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"658\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"659\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"660\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"661\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"662\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"663\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"664\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"665\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"666\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"667\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"668\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"669\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"670\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"671\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"672\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"673\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"674\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"675\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"676\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"677\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"678\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"679\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"680\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"681\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"682\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"683\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"684\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"685\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"686\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"687\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"688\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"689\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"690\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"691\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"692\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"693\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"694\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"695\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"696\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"697\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"698\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"699\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"700\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"701\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"702\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"703\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"704\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"705\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"706\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"707\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"708\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"709\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"710\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"711\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"712\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"713\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"714\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"715\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"716\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"717\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"718\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"719\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"]}"); @@ -9012,10 +9012,10 @@

    Tradeoffs

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"1\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"2\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"3\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"4\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"5\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"6\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"7\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"8\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"9\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"10\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"11\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"12\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"13\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"14\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"15\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"16\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"17\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"18\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"19\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"20\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"21\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"22\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"23\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"24\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"25\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"26\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"27\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"28\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"29\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"30\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"31\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"32\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"33\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"34\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"35\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"36\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"37\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"38\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"39\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"40\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"41\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"42\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"43\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"44\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"45\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"46\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"47\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"48\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"49\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"50\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"51\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"52\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"53\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"54\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"55\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"56\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"57\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"58\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"59\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"60\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"61\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"62\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"63\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"64\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"65\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"66\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"67\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"68\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"69\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"70\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"71\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"72\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"73\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"74\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"75\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"76\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"77\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"78\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"79\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"80\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"81\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"82\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"83\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"84\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"85\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"86\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"87\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"88\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"89\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"90\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"91\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"92\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"93\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"94\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"95\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"96\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"97\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"98\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"99\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"100\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"101\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"102\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"103\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"104\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"105\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"106\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"107\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"108\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"109\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"110\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"111\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"112\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"113\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"114\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"115\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"116\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"117\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"118\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"119\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"120\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"121\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"122\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"123\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"124\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"125\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"126\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"127\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"128\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"129\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"130\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"131\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"132\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"133\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"134\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"135\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"136\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"137\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"138\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"139\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"140\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"141\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"142\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"143\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"144\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"145\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"146\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"147\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"148\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"149\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"150\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"151\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"152\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"153\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"154\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"155\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"156\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"157\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"158\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"159\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"160\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"161\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"162\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"163\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"164\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"165\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"166\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"167\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"168\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"169\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"170\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"171\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"172\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"173\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"174\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"175\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"176\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"177\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"178\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"179\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"180\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"181\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"182\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"183\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"184\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"185\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"186\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"187\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"188\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"189\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"190\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"191\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"192\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"193\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"194\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"195\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"196\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"197\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"198\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"199\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"200\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"201\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"202\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"203\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"204\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"205\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"206\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"207\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"208\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"209\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"210\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"211\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"212\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"213\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"214\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"215\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"216\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"217\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"218\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"219\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"220\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"221\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"222\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"223\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"224\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"225\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"226\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"227\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"228\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"229\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"230\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"231\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"232\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"233\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"234\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"235\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"236\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"237\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"238\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"239\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"240\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"241\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"242\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"243\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"244\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"245\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"246\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"247\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"248\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"249\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"250\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"251\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"252\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"253\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"254\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"255\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"256\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"257\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"258\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"259\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"260\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"261\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"262\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"263\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"264\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"265\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"266\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"267\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"268\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"269\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"270\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"271\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"272\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"273\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"274\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"275\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"276\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"277\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"278\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"279\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"280\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"281\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"282\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"283\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"284\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"285\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"286\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"287\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"288\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"289\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"290\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"291\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"292\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"293\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"294\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"295\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"296\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"297\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"298\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"299\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"300\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"301\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"302\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"303\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"304\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"305\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"306\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"307\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"308\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"309\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"310\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"311\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"312\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"313\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"314\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"315\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"316\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"317\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"318\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"319\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"320\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"321\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"322\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"323\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"324\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"325\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"326\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"327\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"328\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"329\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"330\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"331\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"332\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"333\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"334\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"335\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"336\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"337\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"338\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"339\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"340\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"341\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"342\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"343\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"344\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"345\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"346\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"347\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"348\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"349\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"350\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"351\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"352\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"353\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"354\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"355\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"356\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"357\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"358\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"359\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"360\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"361\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"362\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"363\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"364\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"365\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"366\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"367\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"368\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"369\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"370\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"371\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"372\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"373\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"374\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"375\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"376\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"377\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"378\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"379\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"380\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"381\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"382\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"383\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"384\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"385\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"386\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"387\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"388\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"389\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"390\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"391\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"392\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"393\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"394\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"395\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"396\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"397\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"398\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"399\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"400\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"401\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"402\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"403\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"404\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"405\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"406\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"407\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"408\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"409\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"410\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"411\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"412\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"413\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"414\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"415\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"416\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"417\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"418\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"419\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"420\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"421\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"422\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"423\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"424\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"425\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"426\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"427\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"428\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"429\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"430\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"431\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"432\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"433\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"434\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"435\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"436\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"437\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"438\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"439\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"440\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"441\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"442\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"443\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"444\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"445\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"446\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"447\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"448\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"449\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"450\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"451\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"452\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"453\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"454\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"455\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"456\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"457\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"458\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"459\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"460\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"461\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"462\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"463\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"464\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"465\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"466\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"467\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"468\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"469\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"470\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"471\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"472\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"473\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"474\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"475\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"476\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"477\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"478\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"479\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"480\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"481\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"482\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"483\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"484\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"485\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"486\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"487\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"488\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"489\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"490\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"491\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"492\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"493\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"494\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"495\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"496\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"497\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"498\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"499\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"500\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"501\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"502\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"503\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"504\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"505\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"506\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"507\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"508\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"509\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"510\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"511\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"512\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"513\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"514\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"515\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"516\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"517\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"518\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"519\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"520\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"521\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"522\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"523\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"524\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"525\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"526\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"527\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"528\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"529\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"530\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"531\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"532\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"533\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"534\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"535\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"536\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"537\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"538\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"539\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"540\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"541\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"542\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"543\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"544\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"545\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"546\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"547\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"548\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"549\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"550\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"551\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"552\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"553\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"554\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"555\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"556\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"557\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"558\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"559\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"560\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"561\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"562\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"563\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"564\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"565\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"566\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"567\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"568\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"569\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"570\": [\"metric:Sensitivity\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"571\": [\"metric:Sensitivity\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"572\": [\"metric:Sensitivity\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"573\": [\"metric:Sensitivity\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"574\": [\"metric:Sensitivity\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"575\": [\"metric:Sensitivity\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"576\": [\"metric:Sensitivity\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"577\": [\"metric:Sensitivity\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"578\": [\"metric:Sensitivity\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"579\": [\"metric:Sensitivity\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"580\": [\"metric:Sensitivity\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"581\": [\"metric:Sensitivity\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"582\": [\"metric:Sensitivity\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"583\": [\"metric:Sensitivity\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"584\": [\"metric:Sensitivity\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"585\": [\"metric:Specificity\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"586\": [\"metric:Specificity\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"587\": [\"metric:Specificity\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"588\": [\"metric:Specificity\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"589\": [\"metric:Specificity\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"590\": [\"metric:Specificity\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"591\": [\"metric:Specificity\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"592\": [\"metric:Specificity\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"593\": [\"metric:Specificity\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"594\": [\"metric:Specificity\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"595\": [\"metric:Specificity\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"596\": [\"metric:Specificity\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"597\": [\"metric:Specificity\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"598\": [\"metric:Specificity\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"599\": [\"metric:Specificity\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"600\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"601\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"602\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"603\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"604\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"605\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"606\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"607\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"608\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"609\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"610\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"611\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"612\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"613\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"614\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"615\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"616\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"617\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"618\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"619\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"620\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"621\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"622\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"623\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"624\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"625\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"626\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"627\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"628\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"629\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"630\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"631\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"632\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"633\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"634\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"635\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"636\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"637\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"638\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"639\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"640\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"641\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"642\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"643\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"644\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"645\": [\"metric:Specificity\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"646\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"647\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"648\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"649\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"650\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"651\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"652\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"653\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"654\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"655\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"656\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"657\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"658\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"659\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"660\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"661\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"662\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"663\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"664\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"665\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"666\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"667\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"668\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"669\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"670\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"671\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"672\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"673\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"674\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"675\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"676\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"677\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"678\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"679\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"680\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"681\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"682\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"683\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"684\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"685\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"686\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"687\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"688\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"689\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"690\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"691\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"692\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"693\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"694\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"695\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"696\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"697\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"698\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"699\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"700\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"701\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"702\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"703\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"704\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"705\": [\"metric:Specificity\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"706\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"707\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"708\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"709\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"710\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"711\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"712\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"713\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"714\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"715\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"716\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"717\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"718\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"719\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.15167980673960318\", \"0.14129280028530336\", \"0.15995072768185709\", \"0.1258001490759194\"], \"1\": [\"0.30952380952380953\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.20689655172413793\"], \"2\": [\"0.10714285714285714\", \"0.17777777777777778\", \"0.06896551724137931\", \"0.026845637583892617\"], \"3\": [\"0.4426229508196721\", \"0.42592592592592593\", \"0.647887323943662\", \"0.3712121212121212\"], \"4\": [\"0.047619047619047616\", \"0.05\", \"0.06\", \"0.4112903225806452\"], \"5\": [\"0.1276595744680851\", \"0.023255813953488372\", \"0.020833333333333332\", \"0.06422018348623854\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.027777777777777776\", \"0.01834862385321101\"], \"7\": [\"0.041666666666666664\", \"0.0\", \"0.09375\", \"0.05102040816326531\"], \"8\": [\"0.36363636363636365\", \"0.48148148148148145\", \"0.43902439024390244\", \"0.17708333333333334\"], \"9\": [\"0.0\", \"0.02857142857142857\", \"0.045454545454545456\", \"0.03787878787878788\"], \"10\": [\"0.06451612903225806\", \"0.07407407407407407\", \"0.05\", \"0.16822429906542055\"], \"11\": [\"0.2962962962962963\", \"0.15789473684210525\", \"0.12\", \"0.1\"], \"12\": [\"0.05263157894736842\", \"0.09375\", \"0.175\", \"0.06818181818181818\"], \"13\": [\"0.24242424242424243\", \"0.07142857142857142\", \"0.10526315789473684\", \"0.06\"], \"14\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.0\"], \"15\": [\"0.948161213119298\", \"0.9395606461176224\", \"0.937037604089962\", \"0.9041296306770732\"], \"16\": [\"0.9285714285714286\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.9230769230769231\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.7777777777777778\", \"0.5714285714285714\", \"0.5833333333333334\", \"0.6521739130434783\"], \"19\": [\"0.9285714285714286\", \"0.9047619047619048\", \"1.0\", \"0.7096774193548387\"], \"20\": [\"1.0\", \"1.0\", \"0.9714285714285714\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.96875\", \"0.9787234042553191\", \"0.8260869565217391\"], \"22\": [\"0.9347826086956522\", \"1.0\", \"0.9803921568627451\", \"0.9649122807017544\"], \"23\": [\"0.9615384615384616\", \"0.9117647058823529\", \"0.8809523809523809\", \"0.9491525423728814\"], \"24\": [\"0.967741935483871\", \"0.9615384615384616\", \"1.0\", \"0.9130434782608695\"], \"25\": [\"0.9487179487179487\", \"0.9705882352941176\", \"1.0\", \"0.9791666666666666\"], \"26\": [\"0.9767441860465116\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.90625\", \"0.9310344827586207\", \"0.9302325581395349\", \"0.9253731343283582\"], \"28\": [\"0.972972972972973\", \"0.9696969696969697\", \"0.9111111111111111\", \"0.9818181818181818\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.61904681412795\", \"0.6113585818942961\", \"0.816754962854707\", \"0.7305053759940978\"], \"31\": [\"0.8666666666666667\", \"0.9285714285714286\", \"0.8\", \"0.8888888888888888\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9310344827586207\", \"0.8846153846153846\", \"0.9019607843137255\", \"0.8596491228070176\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"0.75\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.8125\", \"0.782608695652174\", \"0.85\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.4\", \"0.6\", \"0.7\", \"0.5454545454545454\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.8571428571428571\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.46336563851831164\", \"0.48289690046395356\", \"0.5070017410868425\", \"0.3276357598055654\"], \"46\": [\"0.4727272727272727\", \"0.574468085106383\", \"0.47619047619047616\", \"0.28125\"], \"47\": [\"0.21875\", \"0.3018867924528302\", \"0.31645569620253167\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3939393939393939\", \"0.3333333333333333\", \"0.4125\", \"0.23157894736842105\"], \"50\": [\"0.359375\", \"0.3\", \"0.41975308641975306\", \"0.3108108108108108\"], \"51\": [\"0.4852941176470588\", \"0.5166666666666667\", \"0.5679012345679012\", \"0.2620689655172414\"], \"52\": [\"0.6515151515151515\", \"0.5245901639344263\", \"0.6329113924050633\", \"0.3716216216216216\"], \"53\": [\"0.4716981132075472\", \"0.6888888888888889\", \"0.6166666666666667\", \"0.4148148148148148\"], \"54\": [\"0.43478260869565216\", \"0.423728813559322\", \"0.48148148148148145\", \"0.14189189189189189\"], \"55\": [\"0.5606060606060606\", \"0.5689655172413793\", \"0.5308641975308642\", \"0.34558823529411764\"], \"56\": [\"0.6885245901639344\", \"0.7241379310344828\", \"0.725\", \"0.7615894039735099\"], \"57\": [\"0.4461538461538462\", \"0.48214285714285715\", \"0.547945205479452\", \"0.4305555555555556\"], \"58\": [\"0.5901639344262295\", \"0.5517241379310345\", \"0.5466666666666666\", \"0.36486486486486486\"], \"59\": [\"0.5428571428571428\", \"0.6557377049180327\", \"0.6049382716049383\", \"0.4838709677419355\"], \"60\": [\"0.1390022332304764\", \"0.12461397321555136\", \"0.14317050475245158\", \"0.14359228947856187\"], \"61\": [\"0.27218934911242604\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24516129032258063\"], \"62\": [\"0.11578947368421053\", \"0.08994708994708994\", \"0.09142857142857143\", \"0.1206896551724138\"], \"63\": [\"0.38388625592417064\", \"0.3736842105263158\", \"0.40641711229946526\", \"0.3813559322033898\"], \"64\": [\"0.0425531914893617\", \"0.08\", \"0.06944444444444445\", \"0.13653136531365315\"], \"65\": [\"0.030303030303030304\", \"0.078125\", \"0.08870967741935484\", \"0.10380622837370242\"], \"66\": [\"0.03571428571428571\", \"0.041379310344827586\", \"0.05714285714285714\", \"0.0821917808219178\"], \"67\": [\"0.04929577464788732\", \"0.02877697841726619\", \"0.048\", \"0.05855855855855856\"], \"68\": [\"0.3969465648854962\", \"0.3492063492063492\", \"0.35\", \"0.30111524163568776\"], \"69\": [\"0.03164556962025317\", \"0.014492753623188406\", \"0.023255813953488372\", \"0.030508474576271188\"], \"70\": [\"0.06338028169014084\", \"0.06818181818181818\", \"0.1\", \"0.07228915662650602\"], \"71\": [\"0.15294117647058825\", \"0.0958904109589041\", \"0.08064516129032258\", \"0.34615384615384615\"], \"72\": [\"0.16417910447761194\", \"0.16176470588235295\", \"0.2028985507246377\", \"0.045081967213114756\"], \"73\": [\"0.2072072072072072\", \"0.13333333333333333\", \"0.17073170731707318\", \"0.08298755186721991\"], \"74\": [\"0.0\", \"0.0\", \"0.01639344262295082\", \"0.003861003861003861\"], \"75\": [\"0.9333660415310792\", \"0.9279874736119439\", \"0.9221969798271173\", \"0.9308873954815544\"], \"76\": [\"0.8160919540229885\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8571428571428571\"], \"77\": [\"1.0\", \"1.0\", \"0.953125\", \"0.9433962264150944\"], \"78\": [\"0.6666666666666666\", \"0.6956521739130435\", \"0.5961538461538461\", \"0.723404255319149\"], \"79\": [\"0.9739130434782609\", \"0.9302325581395349\", \"0.9368421052631579\", \"0.9769230769230769\"], \"80\": [\"1.0\", \"0.9907407407407407\", \"0.991304347826087\", \"1.0\"], \"81\": [\"0.9913793103448276\", \"0.967032967032967\", \"0.98989898989899\", \"0.963302752293578\"], \"82\": [\"1.0\", \"0.9690721649484536\", \"0.9736842105263158\", \"0.9832402234636871\"], \"83\": [\"0.904\", \"0.8545454545454545\", \"0.8907563025210085\", \"0.8863636363636364\"], \"84\": [\"0.9795918367346939\", \"0.9591836734693877\", \"1.0\", \"0.9716981132075472\"], \"85\": [\"0.956140350877193\", \"0.9423076923076923\", \"0.944954128440367\", \"0.9210526315789473\"], \"86\": [\"0.9941520467836257\", \"0.9877300613496932\", \"0.9887005649717514\", \"0.9067357512953368\"], \"87\": [\"0.819672131147541\", \"0.85\", \"0.8514851485148515\", \"0.9554140127388535\"], \"88\": [\"0.9655172413793104\", \"0.9482758620689655\", \"0.9568965517241379\", \"0.94375\"], \"89\": [\"1.0\", \"0.9903846153846154\", \"1.0\", \"1.0\"], \"90\": [\"0.7503805957867018\", \"0.6611691277657663\", \"0.7921130753222533\", \"0.8277562300309229\"], \"91\": [\"0.7419354838709677\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8421052631578947\", \"0.9333333333333333\"], \"93\": [\"0.84375\", \"0.8352941176470589\", \"0.7835051546391752\", \"0.9121621621621622\"], \"94\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.625\", \"0.925\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.8333333333333334\", \"0.6666666666666666\", \"0.8888888888888888\", \"0.8571428571428571\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.8125\", \"0.7333333333333333\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.6428571428571429\", \"0.6\", \"0.6842105263157895\", \"0.6\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.7142857142857143\", \"0.8\"], \"102\": [\"0.5\", \"0.5945945945945946\", \"0.6511627906976745\", \"0.6111111111111112\"], \"103\": [\"0.8214285714285714\", \"0.7272727272727273\", \"0.8076923076923077\", \"0.6896551724137931\"], \"104\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"105\": [\"0.45127331247553704\", \"0.42116439055367694\", \"0.46082969784674394\", \"0.3327267660544629\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.25\"], \"107\": [\"0.28205128205128205\", \"0.2146118721461187\", \"0.2772727272727273\", \"0.1404494382022472\"], \"108\": [\"0.1875\", \"0.2119205298013245\", \"0.21830985915492956\", \"0.13438735177865613\"], \"109\": [\"0.4534412955465587\", \"0.3669724770642202\", \"0.3991031390134529\", \"0.3518005540166205\"], \"110\": [\"0.49206349206349204\", \"0.47555555555555556\", \"0.5022026431718062\", \"0.3018867924528302\"], \"111\": [\"0.46\", \"0.3876651982378855\", \"0.4260869565217391\", \"0.28150134048257375\"], \"112\": [\"0.4578313253012048\", \"0.4104803493449782\", \"0.4826086956521739\", \"0.45714285714285713\"], \"113\": [\"0.5885416666666666\", \"0.5340909090909091\", \"0.5760869565217391\", \"0.3836065573770492\"], \"114\": [\"0.3855421686746988\", \"0.40869565217391307\", \"0.4661016949152542\", \"0.2647814910025707\"], \"115\": [\"0.45041322314049587\", \"0.4434389140271493\", \"0.4681818181818182\", \"0.37735849056603776\"], \"116\": [\"0.7024793388429752\", \"0.7092511013215859\", \"0.7543103448275862\", \"0.5627009646302251\"], \"117\": [\"0.4716981132075472\", \"0.4271356783919598\", \"0.4387755102040816\", \"0.391644908616188\"], \"118\": [\"0.6140350877192983\", \"0.514018691588785\", \"0.5211267605633803\", \"0.40591397849462363\"], \"119\": [\"0.40625\", \"0.43829787234042555\", \"0.4936708860759494\", \"0.355\"], \"120\": [\"0.11923455215185493\", \"0.13087699439043274\", \"0.1275230072783852\", \"0.13966226265715678\"], \"121\": [\"0.2962962962962963\", \"0.2222222222222222\", \"0.234375\", \"0.10416666666666667\"], \"122\": [\"0.01694915254237288\", \"0.07142857142857142\", \"0.06896551724137931\", \"0.12222222222222222\"], \"123\": [\"0.4098360655737705\", \"0.3389830508474576\", \"0.2459016393442623\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.0425531914893617\", \"0.07692307692307693\", \"0.19230769230769232\"], \"125\": [\"0.05405405405405406\", \"0.05714285714285714\", \"0.025\", \"0.0\"], \"126\": [\"0.04081632653061224\", \"0.0784313725490196\", \"0.09259259259259259\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.044444444444444446\", \"0.0\", \"0.10344827586206896\"], \"128\": [\"0.25\", \"0.4634146341463415\", \"0.4090909090909091\", \"0.425\"], \"129\": [\"0.021739130434782608\", \"0.046511627906976744\", \"0.018867924528301886\", \"0.012048192771084338\"], \"130\": [\"0.17073170731707318\", \"0.125\", \"0.16326530612244897\", \"0.07142857142857142\"], \"131\": [\"0.13793103448275862\", \"0.13636363636363635\", \"0.1\", \"0.3409090909090909\"], \"132\": [\"0.11363636363636363\", \"0.12244897959183673\", \"0.1836734693877551\", \"0.1016949152542373\"], \"133\": [\"0.09375\", \"0.08333333333333333\", \"0.16666666666666666\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.208955223880597\"], \"135\": [\"0.9388265841207017\", \"0.9136475576691024\", \"0.9344389133985408\", \"0.9467833894060748\"], \"136\": [\"0.6666666666666666\", \"1.0\", \"0.875\", \"0.9230769230769231\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.6\", \"0.7272727272727273\", \"0.875\"], \"139\": [\"1.0\", \"0.9545454545454546\", \"0.9\", \"0.967741935483871\"], \"140\": [\"1.0\", \"0.9705882352941176\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"1.0\"], \"142\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"0.9607843137254902\"], \"143\": [\"0.9230769230769231\", \"0.7142857142857143\", \"0.9285714285714286\", \"0.7586206896551724\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"0.96\", \"0.9047619047619048\", \"0.9565217391304348\", \"0.8974358974358975\"], \"146\": [\"0.972972972972973\", \"0.9361702127659575\", \"0.9807692307692307\", \"0.8923076923076924\"], \"147\": [\"0.9090909090909091\", \"0.8\", \"0.8695652173913043\", \"0.98\"], \"148\": [\"0.9117647058823529\", \"0.9523809523809523\", \"0.9\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8202969649398221\", \"0.7276455026455027\", \"0.7268849206349205\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.8333333333333334\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7037037037037037\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"0.875\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.6\", \"0.75\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.7\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3331907318315955\", \"0.3450885022573568\", \"0.33442997150425285\", \"0.3311644925271136\"], \"166\": [\"0.17391304347826086\", \"0.2631578947368421\", \"0.125\", \"0.12244897959183673\"], \"167\": [\"0.1076923076923077\", \"0.2\", \"0.20588235294117646\", \"0.19387755102040816\"], \"168\": [\"0.1\", \"0.13333333333333333\", \"0.14814814814814814\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.3181818181818182\", \"0.2727272727272727\", \"0.3225806451612903\"], \"170\": [\"0.453125\", \"0.5\", \"0.4507042253521127\", \"0.3853211009174312\"], \"171\": [\"0.265625\", \"0.27692307692307694\", \"0.25757575757575757\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3484848484848485\", \"0.2777777777777778\", \"0.48514851485148514\"], \"173\": [\"0.4444444444444444\", \"0.47619047619047616\", \"0.5\", \"0.3235294117647059\"], \"174\": [\"0.3076923076923077\", \"0.3880597014925373\", \"0.2676056338028169\", \"0.24074074074074073\"], \"175\": [\"0.41379310344827586\", \"0.3114754098360656\", \"0.3492063492063492\", \"0.35\"], \"176\": [\"0.5901639344262295\", \"0.6984126984126984\", \"0.7391304347826086\", \"0.6666666666666666\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.3333333333333333\", \"0.4803921568627451\"], \"178\": [\"0.5166666666666667\", \"0.3125\", \"0.43548387096774194\", \"0.3300970873786408\"], \"179\": [\"0.3484848484848485\", \"0.3333333333333333\", \"0.3194444444444444\", \"0.4421052631578947\"], \"180\": [\"0.14190445408932803\", \"0.13909998782121544\", \"0.1701947480063646\", \"0.12517363860159866\"], \"181\": [\"0.2777777777777778\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2222222222222222\"], \"182\": [\"0.2\", \"0.2\", \"0.038461538461538464\", \"0.030534351145038167\"], \"183\": [\"0.4230769230769231\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.4051724137931034\"], \"184\": [\"0.0\", \"0.05\", \"0.0\", \"0.3963963963963964\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.050505050505050504\"], \"186\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.019417475728155338\"], \"187\": [\"0.07142857142857142\", \"0.0\", \"0.17647058823529413\", \"0.06172839506172839\"], \"188\": [\"0.3333333333333333\", \"0.5\", \"0.42105263157894735\", \"0.18292682926829268\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.0423728813559322\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.1595744680851064\"], \"191\": [\"0.2222222222222222\", \"0.25\", \"0.09090909090909091\", \"0.08108108108108109\"], \"192\": [\"0.0\", \"0.17647058823529413\", \"0.23529411764705882\", \"0.05555555555555555\"], \"193\": [\"0.3\", \"0.0\", \"0.16666666666666666\", \"0.0449438202247191\"], \"194\": [\"0.0\", \"0.0\", \"0.125\", \"0.0\"], \"195\": [\"0.9340888278388279\", \"0.9755952380952381\", \"0.9621086642825772\", \"0.8973056892089453\"], \"196\": [\"0.9166666666666666\", \"1.0\", \"0.8888888888888888\", \"0.9714285714285714\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.5\", \"1.0\", \"0.8\", \"0.6111111111111112\"], \"199\": [\"1.0\", \"0.9166666666666666\", \"1.0\", \"0.6521739130434783\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.967741935483871\"], \"202\": [\"0.9375\", \"1.0\", \"1.0\", \"0.9622641509433962\"], \"203\": [\"1.0\", \"0.9375\", \"0.9545454545454546\", \"0.9615384615384616\"], \"204\": [\"0.9230769230769231\", \"0.9333333333333333\", \"1.0\", \"0.875\"], \"205\": [\"1.0\", \"0.9375\", \"1.0\", \"0.975\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.8\", \"0.9333333333333333\", \"1.0\", \"0.9193548387096774\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"1.0\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.5842490842490842\", \"0.509920634920635\", \"0.6486016628873772\", \"0.773755816893833\"], \"211\": [\"0.8333333333333334\", \"1.0\", \"0.8\", \"0.9565217391304348\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.8461538461538461\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.8823529411764706\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.0\", \"0.75\", \"1.0\", \"0.4444444444444444\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"1.0\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.4124708429098776\", \"0.4628128697461709\", \"0.5508536123022646\", \"0.3176701124993818\"], \"226\": [\"0.4583333333333333\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3063063063063063\"], \"227\": [\"0.2\", \"0.25925925925925924\", \"0.375\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.1375\"], \"229\": [\"0.3333333333333333\", \"0.36666666666666664\", \"0.4878048780487805\", \"0.18292682926829268\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.4634146341463415\", \"0.2713178294573643\"], \"231\": [\"0.5\", \"0.40625\", \"0.6\", \"0.22900763358778625\"], \"232\": [\"0.5357142857142857\", \"0.53125\", \"0.631578947368421\", \"0.4015748031496063\"], \"233\": [\"0.391304347826087\", \"0.6521739130434783\", \"0.65625\", \"0.42735042735042733\"], \"234\": [\"0.41379310344827586\", \"0.45161290322580644\", \"0.5365853658536586\", \"0.11023622047244094\"], \"235\": [\"0.4482758620689655\", \"0.4838709677419355\", \"0.5609756097560976\", \"0.3305084745762712\"], \"236\": [\"0.75\", \"0.6896551724137931\", \"0.75\", \"0.7404580152671756\"], \"237\": [\"0.2857142857142857\", \"0.5\", \"0.6486486486486487\", \"0.456\"], \"238\": [\"0.4166666666666667\", \"0.5\", \"0.5588235294117647\", \"0.34615384615384615\"], \"239\": [\"0.5666666666666667\", \"0.6875\", \"0.6410256410256411\", \"0.4925373134328358\"], \"240\": [\"0.1550310042295616\", \"0.1410894660894661\", \"0.1473947974546336\", \"0.14249189186163977\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.11764705882352941\"], \"242\": [\"0.03225806451612903\", \"0.15\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.4166666666666667\", \"0.5714285714285714\", \"0.125\"], \"244\": [\"0.09090909090909091\", \"0.05\", \"0.10344827586206896\", \"0.5384615384615384\"], \"245\": [\"0.14814814814814814\", \"0.0\", \"0.038461538461538464\", \"0.2\"], \"246\": [\"0.047619047619047616\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.45454545454545453\", \"0.45454545454545453\", \"0.14285714285714285\"], \"249\": [\"0.0\", \"0.05555555555555555\", \"0.08\", \"0.0\"], \"250\": [\"0.07142857142857142\", \"0.18181818181818182\", \"0.09090909090909091\", \"0.23076923076923078\"], \"251\": [\"0.3333333333333333\", \"0.0\", \"0.14285714285714285\", \"0.3333333333333333\"], \"252\": [\"0.1111111111111111\", \"0.0\", \"0.13043478260869565\", \"0.125\"], \"253\": [\"0.15384615384615385\", \"0.16666666666666666\", \"0.05\", \"0.18181818181818182\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9602427077852775\", \"0.9227122157904998\", \"0.9144758138444801\", \"0.890391156462585\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.5\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.4\", \"0.42857142857142855\", \"0.8\"], \"259\": [\"0.8888888888888888\", \"0.8888888888888888\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9375\", \"1.0\"], \"261\": [\"0.9473684210526315\", \"0.9473684210526315\", \"0.9565217391304348\", \"0.5333333333333333\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"0.9629629629629629\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.8888888888888888\", \"0.8\", \"0.8571428571428571\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.9545454545454546\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9545454545454546\", \"0.9285714285714286\", \"0.8421052631578947\", \"1.0\"], \"268\": [\"0.9629629629629629\", \"0.9411764705882353\", \"1.0\", \"0.9\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.46707657421943144\", \"0.6676870748299321\", \"0.5267857142857143\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.5\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.7692307692307693\", \"0.8333333333333334\", \"0.6666666666666666\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"278\": [\"0.9\", \"0.7142857142857143\", \"0.7142857142857143\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.5001908065575299\", \"0.5059764788213064\", \"0.46346635120589824\", \"0.39749146622211645\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.11764705882352941\"], \"287\": [\"0.23076923076923078\", \"0.34615384615384615\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.2222222222222222\"], \"289\": [\"0.4444444444444444\", \"0.2962962962962963\", \"0.3333333333333333\", \"0.5384615384615384\"], \"290\": [\"0.3611111111111111\", \"0.3103448275862069\", \"0.375\", \"0.5789473684210527\"], \"291\": [\"0.47368421052631576\", \"0.6428571428571429\", \"0.5365853658536586\", \"0.5714285714285714\"], \"292\": [\"0.7368421052631579\", \"0.5172413793103449\", \"0.6341463414634146\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.7272727272727273\", \"0.5714285714285714\", \"0.3333333333333333\"], \"294\": [\"0.45\", \"0.39285714285714285\", \"0.425\", \"0.3333333333333333\"], \"295\": [\"0.6486486486486487\", \"0.6666666666666666\", \"0.5\", \"0.4444444444444444\"], \"296\": [\"0.6363636363636364\", \"0.7586206896551724\", \"0.7\", \"0.9\"], \"297\": [\"0.5675675675675675\", \"0.4642857142857143\", \"0.4444444444444444\", \"0.2631578947368421\"], \"298\": [\"0.7027027027027027\", \"0.6153846153846154\", \"0.5365853658536586\", \"0.5\"], \"299\": [\"0.525\", \"0.6206896551724138\", \"0.5714285714285714\", \"0.42857142857142855\"], \"300\": [\"0.1469463570917117\", \"0.13135461005054608\", \"0.15366968200659187\", \"0.1498733315595946\"], \"301\": [\"0.2391304347826087\", \"0.29523809523809524\", \"0.32051282051282054\", \"0.18681318681318682\"], \"302\": [\"0.09900990099009901\", \"0.09009009009009009\", \"0.08974358974358974\", \"0.0990990990990991\"], \"303\": [\"0.3305785123966942\", \"0.3333333333333333\", \"0.325\", \"0.2641509433962264\"], \"304\": [\"0.0547945205479452\", \"0.09411764705882353\", \"0.09375\", \"0.27835051546391754\"], \"305\": [\"0.056338028169014086\", \"0.05714285714285714\", \"0.14035087719298245\", \"0.022988505747126436\"], \"306\": [\"0.04\", \"0.06741573033707865\", \"0.07042253521126761\", \"0.1559633027522936\"], \"307\": [\"0.0375\", \"0.011235955056179775\", \"0.018867924528301886\", \"0.031578947368421054\"], \"308\": [\"0.47692307692307695\", \"0.352112676056338\", \"0.38181818181818183\", \"0.21052631578947367\"], \"309\": [\"0.022727272727272728\", \"0.025\", \"0.017241379310344827\", \"0.022222222222222223\"], \"310\": [\"0.09333333333333334\", \"0.0963855421686747\", \"0.11475409836065574\", \"0.0898876404494382\"], \"311\": [\"0.20512820512820512\", \"0.07894736842105263\", \"0.1111111111111111\", \"0.5714285714285714\"], \"312\": [\"0.1875\", \"0.18604651162790697\", \"0.265625\", \"0.06521739130434782\"], \"313\": [\"0.21428571428571427\", \"0.1518987341772152\", \"0.171875\", \"0.1\"], \"314\": [\"0.0\", \"0.0\", \"0.030303030303030304\", \"0.0\"], \"315\": [\"0.9295222170180396\", \"0.932458689086653\", \"0.9225334207275214\", \"0.9205154657992932\"], \"316\": [\"0.86\", \"0.9705882352941176\", \"0.8275862068965517\", \"0.8536585365853658\"], \"317\": [\"1.0\", \"1.0\", \"0.9655172413793104\", \"0.9523809523809523\"], \"318\": [\"0.6666666666666666\", \"0.7419354838709677\", \"0.7037037037037037\", \"0.7692307692307693\"], \"319\": [\"0.9710144927536232\", \"0.9259259259259259\", \"0.9302325581395349\", \"0.9428571428571428\"], \"320\": [\"1.0\", \"1.0\", \"0.98\", \"1.0\"], \"321\": [\"0.9850746268656716\", \"0.94\", \"0.9722222222222222\", \"0.9130434782608695\"], \"322\": [\"1.0\", \"0.96\", \"1.0\", \"0.972972972972973\"], \"323\": [\"0.8571428571428571\", \"0.8676470588235294\", \"0.8076923076923077\", \"0.9285714285714286\"], \"324\": [\"0.9814814814814815\", \"0.9491525423728814\", \"1.0\", \"0.9523809523809523\"], \"325\": [\"0.9552238805970149\", \"0.9464285714285714\", \"0.8913043478260869\", \"0.7906976744186046\"], \"326\": [\"0.9902912621359223\", \"0.9900990099009901\", \"1.0\", \"0.9518072289156626\"], \"327\": [\"0.7741935483870968\", \"0.8301886792452831\", \"0.9069767441860465\", \"0.975\"], \"328\": [\"0.9722222222222222\", \"0.95\", \"0.9302325581395349\", \"0.8846153846153846\"], \"329\": [\"1.0\", \"0.9824561403508771\", \"1.0\", \"1.0\"], \"330\": [\"0.7442568785890488\", \"0.6790118092691623\", \"0.8369942062846646\", \"0.723518392995958\"], \"331\": [\"0.7586206896551724\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.851063829787234\", \"0.8181818181818182\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9310344827586207\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.75\", \"0.6666666666666666\", \"0.8333333333333334\", \"0.8947368421052632\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7380952380952381\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.8\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.7\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5172413793103449\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.7857142857142857\", \"0.5714285714285714\"], \"344\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"345\": [\"0.46115996499908746\", \"0.41235144012073616\", \"0.4363357131497031\", \"0.3508912706988956\"], \"346\": [\"0.3805309734513274\", \"0.308411214953271\", \"0.3116883116883117\", \"0.3211009174311927\"], \"347\": [\"0.3106060606060606\", \"0.21705426356589147\", \"0.2828282828282828\", \"0.16666666666666666\"], \"348\": [\"0.14736842105263157\", \"0.24210526315789474\", \"0.2602739726027397\", \"0.20408163265306123\"], \"349\": [\"0.49264705882352944\", \"0.3937007874015748\", \"0.40816326530612246\", \"0.32038834951456313\"], \"350\": [\"0.5144927536231884\", \"0.5111111111111111\", \"0.5\", \"0.34615384615384615\"], \"351\": [\"0.4782608695652174\", \"0.36153846153846153\", \"0.3465346534653465\", \"0.18584070796460178\"], \"352\": [\"0.4460431654676259\", \"0.35294117647058826\", \"0.5094339622641509\", \"0.28125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5526315789473685\", \"0.4642857142857143\"], \"354\": [\"0.381294964028777\", \"0.417910447761194\", \"0.46226415094339623\", \"0.3125\"], \"355\": [\"0.48484848484848486\", \"0.4140625\", \"0.43157894736842106\", \"0.2956521739130435\"], \"356\": [\"0.7669172932330827\", \"0.7407407407407407\", \"0.7692307692307693\", \"0.79\"], \"357\": [\"0.4247787610619469\", \"0.38596491228070173\", \"0.45348837209302323\", \"0.312\"], \"358\": [\"0.56\", \"0.4596774193548387\", \"0.43010752688172044\", \"0.3898305084745763\"], \"359\": [\"0.4084507042253521\", \"0.4057971014492754\", \"0.3904761904761905\", \"0.5227272727272727\"], \"360\": [\"0.13222209948257632\", \"0.11045798937107018\", \"0.13261570417529836\", \"0.14053076770309197\"], \"361\": [\"0.3116883116883117\", \"0.10714285714285714\", \"0.2753623188405797\", \"0.2694063926940639\"], \"362\": [\"0.1348314606741573\", \"0.08974358974358974\", \"0.09278350515463918\", \"0.1308016877637131\"], \"363\": [\"0.45555555555555555\", \"0.4268292682926829\", \"0.4672897196261682\", \"0.4314516129032258\"], \"364\": [\"0.029411764705882353\", \"0.06153846153846154\", \"0.05\", \"0.05747126436781609\"], \"365\": [\"0.0\", \"0.10344827586206896\", \"0.04477611940298507\", \"0.13861386138613863\"], \"366\": [\"0.03076923076923077\", \"0.0\", \"0.043478260869565216\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.06944444444444445\", \"0.07874015748031496\"], \"368\": [\"0.3181818181818182\", \"0.34545454545454546\", \"0.3230769230769231\", \"0.33678756476683935\"], \"369\": [\"0.04285714285714286\", \"0.0\", \"0.028169014084507043\", \"0.03414634146341464\"], \"370\": [\"0.029850746268656716\", \"0.02040816326530612\", \"0.08695652173913043\", \"0.0625\"], \"371\": [\"0.10869565217391304\", \"0.11428571428571428\", \"0.05714285714285714\", \"0.27672955974842767\"], \"372\": [\"0.12962962962962962\", \"0.12\", \"0.14864864864864866\", \"0.03289473684210526\"], \"373\": [\"0.1951219512195122\", \"0.0975609756097561\", \"0.1694915254237288\", \"0.07453416149068323\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.00510204081632653\"], \"375\": [\"0.93865294797817\", \"0.9208623705424565\", \"0.9184367536978485\", \"0.9301487639759868\"], \"376\": [\"0.7567567567567568\", \"0.8536585365853658\", \"0.8412698412698413\", \"0.86\"], \"377\": [\"1.0\", \"1.0\", \"0.9428571428571428\", \"0.9375\"], \"378\": [\"0.6666666666666666\", \"0.6\", \"0.48\", \"0.6666666666666666\"], \"379\": [\"0.9782608695652174\", \"0.9375\", \"0.9423076923076923\", \"0.9894736842105263\"], \"380\": [\"1.0\", \"0.9743589743589743\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.95\", \"0.9859154929577465\"], \"383\": [\"0.9791666666666666\", \"0.8333333333333334\", \"0.9552238805970149\", \"0.8552631578947368\"], \"384\": [\"0.9772727272727273\", \"0.9743589743589743\", \"1.0\", \"0.984375\"], \"385\": [\"0.9574468085106383\", \"0.9375\", \"0.9841269841269841\", \"0.9724770642201835\"], \"386\": [\"1.0\", \"0.9838709677419355\", \"0.979381443298969\", \"0.8727272727272727\"], \"387\": [\"0.8666666666666667\", \"0.8723404255319149\", \"0.8103448275862069\", \"0.9487179487179487\"], \"388\": [\"0.958904109589041\", \"0.9464285714285714\", \"0.9726027397260274\", \"0.9722222222222222\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6877970668786996\", \"0.5342618473280495\", \"0.7163506991093199\", \"0.8431994225778257\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.8181818181818182\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.7936507936507936\", \"0.9385964912280702\"], \"394\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.5714285714285714\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7307692307692307\", \"0.875\", \"0.8552631578947368\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.7692307692307693\"], \"401\": [\"1.0\", \"0.8\", \"0.5\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5\", \"0.45454545454545453\"], \"403\": [\"0.7272727272727273\", \"0.5714285714285714\", \"0.8333333333333334\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.44004082717457116\", \"0.4317335829457151\", \"0.47855976684945184\", \"0.32161781404777523\"], \"406\": [\"0.345679012345679\", \"0.4117647058823529\", \"0.5145631067961165\", \"0.21182266009852216\"], \"407\": [\"0.24509803921568626\", \"0.2111111111111111\", \"0.2727272727272727\", \"0.1271186440677966\"], \"408\": [\"0.24615384615384617\", \"0.16071428571428573\", \"0.17391304347826086\", \"0.09032258064516129\"], \"409\": [\"0.40540540540540543\", \"0.32967032967032966\", \"0.392\", \"0.3643410852713178\"], \"410\": [\"0.4649122807017544\", \"0.4222222222222222\", \"0.5038759689922481\", \"0.27800829875518673\"], \"411\": [\"0.4375\", \"0.422680412371134\", \"0.4883720930232558\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.4596774193548387\", \"0.5447470817120622\"], \"413\": [\"0.5108695652173914\", \"0.49295774647887325\", \"0.5925925925925926\", \"0.33678756476683935\"], \"414\": [\"0.39090909090909093\", \"0.3958333333333333\", \"0.46923076923076923\", \"0.2413793103448276\"], \"415\": [\"0.4090909090909091\", \"0.4838709677419355\", \"0.496\", \"0.4140625\"], \"416\": [\"0.6238532110091743\", \"0.6630434782608695\", \"0.7421875\", \"0.4549763033175355\"], \"417\": [\"0.5252525252525253\", \"0.4823529411764706\", \"0.42727272727272725\", \"0.43023255813953487\"], \"418\": [\"0.6796116504854369\", \"0.5888888888888889\", \"0.5916666666666667\", \"0.41338582677165353\"], \"419\": [\"0.40350877192982454\", \"0.4845360824742268\", \"0.5757575757575758\", \"0.27238805970149255\"], \"420\": [\"0.13310939085989032\", \"0.12764355814767434\", \"0.12270129693974231\", \"0.14383479184721423\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.058823529411764705\", \"0.038461538461538464\"], \"423\": [\"0.32432432432432434\", \"0.3055555555555556\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03333333333333333\", \"0.06060606060606061\", \"0.4166666666666667\"], \"425\": [\"0.08333333333333333\", \"0.05263157894736842\", \"0.0\", \"0.0\"], \"426\": [\"0.0625\", \"0.03225806451612903\", \"0.11428571428571428\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.037037037037037035\", \"0.0\", \"0.13043478260869565\"], \"428\": [\"0.32\", \"0.4583333333333333\", \"0.375\", \"0.16666666666666666\"], \"429\": [\"0.03333333333333333\", \"0.0\", \"0.03125\", \"0.0\"], \"430\": [\"0.14285714285714285\", \"0.1724137931034483\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.1111111111111111\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.1875\", \"0.125\", \"0.08\"], \"433\": [\"0.08333333333333333\", \"0.125\", \"0.20833333333333334\", \"0.2727272727272727\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9290293040293041\", \"0.9034037658125451\", \"0.9313895534290272\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.9\", \"1.0\"], \"440\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.875\", \"1.0\"], \"442\": [\"1.0\", \"0.9375\", \"1.0\", \"0.8\"], \"443\": [\"0.875\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9117647058823529\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8181818181818182\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9090909090909091\", \"0.8947368421052632\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8511381475667189\", \"0.639075630252101\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.7857142857142857\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"0.8\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.75\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.29699419261565124\", \"0.3609064517578566\", \"0.33548282375472904\", \"0.22609632431061\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.21951219512195122\", \"0.07407407407407407\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.30952380952380953\", \"0.225\", \"0.2222222222222222\"], \"470\": [\"0.4358974358974359\", \"0.5609756097560976\", \"0.5116279069767442\", \"0.6785714285714286\"], \"471\": [\"0.23076923076923078\", \"0.2857142857142857\", \"0.18421052631578946\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.36585365853658536\", \"0.3023255813953488\", \"0.16666666666666666\"], \"473\": [\"0.45161290322580644\", \"0.5\", \"0.5454545454545454\", \"0.16666666666666666\"], \"474\": [\"0.275\", \"0.4186046511627907\", \"0.2619047619047619\", \"0.25\"], \"475\": [\"0.3333333333333333\", \"0.3333333333333333\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.7948717948717948\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.2571428571428571\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.4358974358974359\", \"0.2631578947368421\", \"0.4722222222222222\", \"0.2727272727272727\"], \"479\": [\"0.2926829268292683\", \"0.32558139534883723\", \"0.32558139534883723\", \"0.03571428571428571\"], \"480\": [\"0.09297161172161171\", \"0.13094288134514181\", \"0.1326188689191785\", \"0.14368282395551332\"], \"481\": [\"0.1875\", \"0.19047619047619047\", \"0.25\", \"0.058823529411764705\"], \"482\": [\"0.0\", \"0.13636363636363635\", \"0.08333333333333333\", \"0.15625\"], \"483\": [\"0.5416666666666666\", \"0.391304347826087\", \"0.16666666666666666\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.058823529411764705\", \"0.10526315789473684\", \"0.09259259259259259\"], \"485\": [\"0.0\", \"0.0625\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05263157894736842\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.08571428571428572\"], \"488\": [\"0.13333333333333333\", \"0.47058823529411764\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.1111111111111111\", \"0.0\", \"0.016129032258064516\"], \"490\": [\"0.23076923076923078\", \"0.05263157894736842\", \"0.09090909090909091\", \"0.1111111111111111\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.3142857142857143\"], \"492\": [\"0.0\", \"0.0\", \"0.29411764705882354\", \"0.11764705882352941\"], \"493\": [\"0.125\", \"0.0\", \"0.1111111111111111\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.35\"], \"495\": [\"0.9635854341736695\", \"0.9365079365079365\", \"0.9401439204070783\", \"0.9440289858837501\"], \"496\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.9230769230769231\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.6666666666666666\", \"0.8\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"0.9629629629629629\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9782608695652174\"], \"503\": [\"1.0\", \"0.7777777777777778\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8888888888888888\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8478260869565217\"], \"507\": [\"1.0\", \"0.7777777777777778\", \"0.9166666666666666\", \"0.9787234042553191\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.9090909090909091\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7285714285714285\", \"0.6707482993197279\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"0.5\", \"0.6666666666666666\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.8\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"0.8333333333333334\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.6666666666666666\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.39054952103579105\", \"0.3182374690526864\", \"0.3326565455951891\", \"0.3700917774819926\"], \"526\": [\"0.3157894736842105\", \"0.22727272727272727\", \"0.18181818181818182\", \"0.15789473684210525\"], \"527\": [\"0.12\", \"0.17391304347826086\", \"0.18518518518518517\", \"0.23943661971830985\"], \"528\": [\"0.08333333333333333\", \"0.125\", \"0.16666666666666666\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.3333333333333333\", \"0.34615384615384615\", \"0.3466666666666667\"], \"530\": [\"0.48\", \"0.4\", \"0.35714285714285715\", \"0.2839506172839506\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.35714285714285715\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.2413793103448276\", \"0.5844155844155844\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.3333333333333333\", \"0.27586206896551724\", \"0.2375\"], \"535\": [\"0.5454545454545454\", \"0.28\", \"0.25925925925925924\", \"0.4444444444444444\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6190476190476191\"], \"537\": [\"0.4\", \"0.2916666666666667\", \"0.4782608695652174\", \"0.6052631578947368\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.38461538461538464\", \"0.345679012345679\"], \"539\": [\"0.44\", \"0.34615384615384615\", \"0.3103448275862069\", \"0.6119402985074627\"], \"540\": [\"0.14173370901378063\", \"0.13031525043854597\", \"0.14351981400010655\", \"0.141466821116307\"], \"541\": [\"0.27413127413127414\", \"0.23387096774193547\", \"0.2824427480916031\", \"0.2127659574468085\"], \"542\": [\"0.10197368421052631\", \"0.10774410774410774\", \"0.09764309764309764\", \"0.09931506849315068\"], \"543\": [\"0.41369047619047616\", \"0.4012738853503185\", \"0.4376899696048632\", \"0.3431542461005199\"], \"544\": [\"0.048034934497816595\", \"0.08677685950413223\", \"0.0728744939271255\", \"0.21822033898305085\"], \"545\": [\"0.0547945205479452\", \"0.07075471698113207\", \"0.05909090909090909\", \"0.07956989247311828\"], \"546\": [\"0.039647577092511016\", \"0.049107142857142856\", \"0.0635593220338983\", \"0.06097560975609756\"], \"547\": [\"0.043478260869565216\", \"0.03333333333333333\", \"0.04854368932038835\", \"0.06382978723404255\"], \"548\": [\"0.3755868544600939\", \"0.3711340206185567\", \"0.36633663366336633\", \"0.2979683972911964\"], \"549\": [\"0.020833333333333332\", \"0.026785714285714284\", \"0.03418803418803419\", \"0.027559055118110236\"], \"550\": [\"0.09259259259259259\", \"0.07692307692307693\", \"0.10909090909090909\", \"0.09669811320754718\"], \"551\": [\"0.16428571428571428\", \"0.11504424778761062\", \"0.08928571428571429\", \"0.30689655172413793\"], \"552\": [\"0.13488372093023257\", \"0.14285714285714285\", \"0.17647058823529413\", \"0.05897435897435897\"], \"553\": [\"0.22033898305084745\", \"0.10880829015544041\", \"0.15196078431372548\", \"0.07729468599033816\"], \"554\": [\"0.0\", \"0.0\", \"0.020100502512562814\", \"0.03731343283582089\"], \"555\": [\"0.9365988342313647\", \"0.9291284563353369\", \"0.929652834298313\", \"0.9295580959292421\"], \"556\": [\"0.851063829787234\", \"0.9259259259259259\", \"0.8590604026845637\", \"0.8819444444444444\"], \"557\": [\"0.9895833333333334\", \"0.9883720930232558\", \"0.9736842105263158\", \"0.935064935064935\"], \"558\": [\"0.703125\", \"0.6521739130434783\", \"0.6219512195121951\", \"0.7261904761904762\"], \"559\": [\"0.9473684210526315\", \"0.9361702127659575\", \"0.9512195121951219\", \"0.9312169312169312\"], \"560\": [\"0.988950276243094\", \"0.9824561403508771\", \"0.9895287958115183\", \"1.0\"], \"561\": [\"0.9826589595375722\", \"0.9559748427672956\", \"0.9771428571428571\", \"0.9289940828402367\"], \"562\": [\"0.9844559585492227\", \"0.976878612716763\", \"0.9804878048780488\", \"0.9789473684210527\"], \"563\": [\"0.9144385026737968\", \"0.8677248677248677\", \"0.9043062200956937\", \"0.8853211009174312\"], \"564\": [\"0.98125\", \"0.9685534591194969\", \"0.9887005649717514\", \"0.9673202614379085\"], \"565\": [\"0.9565217391304348\", \"0.9428571428571428\", \"0.9581151832460733\", \"0.9282700421940928\"], \"566\": [\"0.9884615384615385\", \"0.9777777777777777\", \"0.9899665551839465\", \"0.9353099730458221\"], \"567\": [\"0.8648648648648649\", \"0.8805031446540881\", \"0.8789473684210526\", \"0.955719557195572\"], \"568\": [\"0.9596412556053812\", \"0.9578947368421052\", \"0.9420289855072463\", \"0.9595141700404858\"], \"569\": [\"1.0\", \"0.994535519125683\", \"1.0\", \"1.0\"], \"570\": [\"0.7095821637351534\", \"0.6701680619138815\", \"0.7876582550825294\", \"0.826863016443639\"], \"571\": [\"0.7717391304347826\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.8661417322834646\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.90625\", \"0.9206349206349206\"], \"573\": [\"0.879746835443038\", \"0.84\", \"0.8228571428571428\", \"0.8959276018099548\"], \"574\": [\"0.55\", \"0.7\", \"0.6923076923076923\", \"0.8879310344827587\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.75\", \"0.6111111111111112\", \"0.7894736842105263\", \"0.7142857142857143\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7142857142857143\", \"0.8\"], \"578\": [\"0.8333333333333334\", \"0.7422680412371134\", \"0.7872340425531915\", \"0.8407643312101911\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.75\", \"0.7068965517241379\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.7692307692307693\", \"0.7876106194690266\"], \"582\": [\"0.5370370370370371\", \"0.6274509803921569\", \"0.6290322580645161\", \"0.6571428571428571\"], \"583\": [\"0.8125\", \"0.7241379310344828\", \"0.7209302325581395\", \"0.7619047619047619\"], \"584\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"585\": [\"0.45019792413476545\", \"0.43749158332902266\", \"0.4662505547608729\", \"0.331339758461629\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.4050632911392405\", \"0.23782771535580524\"], \"587\": [\"0.25815217391304346\", \"0.24285714285714285\", \"0.2928759894459103\", \"0.12040133779264214\"], \"588\": [\"0.1859504132231405\", \"0.19313304721030042\", \"0.21610169491525424\", \"0.13863636363636364\"], \"589\": [\"0.4263157894736842\", \"0.37393767705382436\", \"0.4051948051948052\", \"0.3229357798165138\"], \"590\": [\"0.4637305699481865\", \"0.4602739726027397\", \"0.4772727272727273\", \"0.3141025641025641\"], \"591\": [\"0.4381443298969072\", \"0.41643835616438357\", \"0.4362244897959184\", \"0.25363489499192243\"], \"592\": [\"0.4896907216494845\", \"0.4543010752688172\", \"0.5062972292191436\", \"0.4421553090332805\"], \"593\": [\"0.5625\", \"0.5734265734265734\", \"0.5962145110410094\", \"0.38293650793650796\"], \"594\": [\"0.4005102040816326\", \"0.41397849462365593\", \"0.43640897755610975\", \"0.23052959501557632\"], \"595\": [\"0.4731182795698925\", \"0.46218487394957986\", \"0.48284960422163586\", \"0.3648424543946932\"], \"596\": [\"0.6871657754010695\", \"0.7252747252747253\", \"0.7437185929648241\", \"0.6332116788321168\"], \"597\": [\"0.4624277456647399\", \"0.42168674698795183\", \"0.4785100286532951\", \"0.41373801916932906\"], \"598\": [\"0.6079545454545454\", \"0.5141242937853108\", \"0.529891304347826\", \"0.38287560581583197\"], \"599\": [\"0.4575\", \"0.47643979057591623\", \"0.5208845208845209\", \"0.40092879256965946\"], \"600\": [\"0.1476509761123425\", \"0.1346574748651364\", \"0.14807438235896836\", \"0.1413716383184272\"], \"601\": [\"0.2671232876712329\", \"0.2611464968152866\", \"0.2857142857142857\", \"0.2073732718894009\"], \"602\": [\"0.10303030303030303\", \"0.10344827586206896\", \"0.08783783783783784\", \"0.06343283582089553\"], \"603\": [\"0.3548387096774194\", \"0.3743016759776536\", \"0.41916167664670656\", \"0.32793522267206476\"], \"604\": [\"0.05555555555555555\", \"0.08088235294117647\", \"0.072\", \"0.34913793103448276\"], \"605\": [\"0.06666666666666667\", \"0.06896551724137931\", \"0.08108108108108109\", \"0.03553299492385787\"], \"606\": [\"0.047619047619047616\", \"0.05714285714285714\", \"0.07575757575757576\", \"0.0847457627118644\"], \"607\": [\"0.040983606557377046\", \"0.023622047244094488\", \"0.047619047619047616\", \"0.05527638190954774\"], \"608\": [\"0.415929203539823\", \"0.3805309734513274\", \"0.3627450980392157\", \"0.19230769230769232\"], \"609\": [\"0.014705882352941176\", \"0.0234375\", \"0.03305785123966942\", \"0.03056768558951965\"], \"610\": [\"0.11382113821138211\", \"0.09230769230769231\", \"0.12173913043478261\", \"0.11057692307692307\"], \"611\": [\"0.18840579710144928\", \"0.11290322580645161\", \"0.07407407407407407\", \"0.3645833333333333\"], \"612\": [\"0.15267175572519084\", \"0.18840579710144928\", \"0.20689655172413793\", \"0.06349206349206349\"], \"613\": [\"0.2457627118644068\", \"0.11811023622047244\", \"0.16964285714285715\", \"0.09424083769633508\"], \"614\": [\"0.0\", \"0.0\", \"0.03571428571428571\", \"0.0\"], \"615\": [\"0.9342102989849421\", \"0.9334210036254339\", \"0.9345687246395652\", \"0.9209422736564626\"], \"616\": [\"0.88\", \"0.9545454545454546\", \"0.8769230769230769\", \"0.9102564102564102\"], \"617\": [\"0.9821428571428571\", \"1.0\", \"0.984375\", \"0.8888888888888888\"], \"618\": [\"0.6857142857142857\", \"0.7045454545454546\", \"0.7111111111111111\", \"0.7083333333333334\"], \"619\": [\"0.9578947368421052\", \"0.9425287356321839\", \"0.9425287356321839\", \"0.8412698412698413\"], \"620\": [\"1.0\", \"0.9906542056074766\", \"0.9900990099009901\", \"1.0\"], \"621\": [\"0.9894736842105263\", \"0.963855421686747\", \"0.975\", \"0.9491525423728814\"], \"622\": [\"0.98989898989899\", \"0.96875\", \"1.0\", \"0.9583333333333334\"], \"623\": [\"0.8796296296296297\", \"0.8727272727272727\", \"0.8818181818181818\", \"0.9469026548672567\"], \"624\": [\"0.9764705882352941\", \"0.9578947368421052\", \"0.978021978021978\", \"0.9393939393939394\"], \"625\": [\"0.9591836734693877\", \"0.9247311827956989\", \"0.9278350515463918\", \"0.8850574712643678\"], \"626\": [\"0.9868421052631579\", \"0.968944099378882\", \"1.0\", \"0.9798994974874372\"], \"627\": [\"0.8111111111111111\", \"0.8705882352941177\", \"0.90625\", \"0.9433962264150944\"], \"628\": [\"0.9805825242718447\", \"0.9583333333333334\", \"0.91\", \"0.9423076923076923\"], \"629\": [\"1.0\", \"0.9897959183673469\", \"1.0\", \"1.0\"], \"630\": [\"0.7389092369795136\", \"0.6759304185056064\", \"0.8190937777082355\", \"0.7544370763705553\"], \"631\": [\"0.8125\", \"0.9318181818181818\", \"0.84\", \"0.8653846153846154\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.85\"], \"633\": [\"0.8571428571428571\", \"0.8375\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.8901098901098901\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.8571428571428571\", \"0.7272727272727273\", \"0.8333333333333334\", \"0.8695652173913043\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.7833333333333333\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.6666666666666666\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.5405405405405406\", \"0.7027027027027027\", \"0.7272727272727273\", \"0.6666666666666666\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.6785714285714286\", \"0.75\"], \"644\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"645\": [\"0.440446459150375\", \"0.42510261878864913\", \"0.46122761607505225\", \"0.32615800612559154\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.35185185185185186\", \"0.29218106995884774\"], \"647\": [\"0.270935960591133\", \"0.23902439024390243\", \"0.3181818181818182\", \"0.08727272727272728\"], \"648\": [\"0.16666666666666666\", \"0.21678321678321677\", \"0.24806201550387597\", \"0.17\"], \"649\": [\"0.43333333333333335\", \"0.3961352657004831\", \"0.41414141414141414\", \"0.25980392156862747\"], \"650\": [\"0.47417840375586856\", \"0.4953271028037383\", \"0.49504950495049505\", \"0.3402777777777778\"], \"651\": [\"0.4392523364485981\", \"0.37735849056603776\", \"0.39\", \"0.20588235294117646\"], \"652\": [\"0.4558139534883721\", \"0.42857142857142855\", \"0.5169082125603864\", \"0.32857142857142857\"], \"653\": [\"0.5900621118012422\", \"0.5783132530120482\", \"0.5987654320987654\", \"0.421259842519685\"], \"654\": [\"0.3824884792626728\", \"0.4212962962962963\", \"0.4320388349514563\", \"0.21830985915492956\"], \"655\": [\"0.4630541871921182\", \"0.4215686274509804\", \"0.4712041884816754\", \"0.29389312977099236\"], \"656\": [\"0.7281553398058253\", \"0.7393364928909952\", \"0.7596153846153846\", \"0.76171875\"], \"657\": [\"0.3967391304347826\", \"0.3978494623655914\", \"0.4860335195530726\", \"0.36101083032490977\"], \"658\": [\"0.531578947368421\", \"0.45098039215686275\", \"0.4945652173913043\", \"0.36162361623616235\"], \"659\": [\"0.45248868778280543\", \"0.4369369369369369\", \"0.4807692307692308\", \"0.46440677966101696\"], \"660\": [\"0.1333867466706706\", \"0.12197964588582617\", \"0.13770426307812497\", \"0.13960555433407368\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2782608695652174\", \"0.21666666666666667\"], \"662\": [\"0.10071942446043165\", \"0.11382113821138211\", \"0.10738255033557047\", \"0.12974683544303797\"], \"663\": [\"0.4866666666666667\", \"0.43703703703703706\", \"0.4567901234567901\", \"0.35454545454545455\"], \"664\": [\"0.038834951456310676\", \"0.09433962264150944\", \"0.07377049180327869\", \"0.09166666666666666\"], \"665\": [\"0.04040404040404041\", \"0.07291666666666667\", \"0.03669724770642202\", \"0.11194029850746269\"], \"666\": [\"0.0297029702970297\", \"0.03571428571428571\", \"0.04807692307692308\", \"0.0390625\"], \"667\": [\"0.047058823529411764\", \"0.04819277108433735\", \"0.04950495049504951\", \"0.07344632768361582\"], \"668\": [\"0.33\", \"0.35802469135802467\", \"0.37\", \"0.3716475095785441\"], \"669\": [\"0.028846153846153848\", \"0.03125\", \"0.035398230088495575\", \"0.025089605734767026\"], \"670\": [\"0.06451612903225806\", \"0.05128205128205128\", \"0.09523809523809523\", \"0.08333333333333333\"], \"671\": [\"0.14084507042253522\", \"0.11764705882352941\", \"0.10344827586206896\", \"0.27835051546391754\"], \"672\": [\"0.10714285714285714\", \"0.06976744186046512\", \"0.14285714285714285\", \"0.05472636815920398\"], \"673\": [\"0.1694915254237288\", \"0.09090909090909091\", \"0.13043478260869565\", \"0.06278026905829596\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9396421350323848\", \"0.9220924677068109\", \"0.9233724987753907\", \"0.9301819355485296\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8452380952380952\", \"0.8484848484848485\"], \"677\": [\"1.0\", \"0.972972972972973\", \"0.96\", \"0.96\"], \"678\": [\"0.7241379310344828\", \"0.56\", \"0.5135135135135135\", \"0.75\"], \"679\": [\"0.9342105263157895\", \"0.9259259259259259\", \"0.961038961038961\", \"0.9761904761904762\"], \"680\": [\"0.975\", \"0.96875\", \"0.9888888888888889\", \"1.0\"], \"681\": [\"0.9743589743589743\", \"0.9473684210526315\", \"0.9789473684210527\", \"0.9181818181818182\"], \"682\": [\"0.9787234042553191\", \"0.987012987012987\", \"0.9591836734693877\", \"0.9894179894179894\"], \"683\": [\"0.9620253164556962\", \"0.8607594936708861\", \"0.9292929292929293\", \"0.819047619047619\"], \"684\": [\"0.9866666666666667\", \"0.984375\", \"1.0\", \"0.9885057471264368\"], \"685\": [\"0.9534883720930233\", \"0.9634146341463414\", \"0.9893617021276596\", \"0.9533333333333334\"], \"686\": [\"0.9907407407407407\", \"0.9908256880733946\", \"0.9787234042553191\", \"0.8837209302325582\"], \"687\": [\"0.9157894736842105\", \"0.8918918918918919\", \"0.851063829787234\", \"0.9636363636363636\"], \"688\": [\"0.9416666666666667\", \"0.9574468085106383\", \"0.9719626168224299\", \"0.972027972027972\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6642635505380603\", \"0.6526643990929705\", \"0.7112926529932314\", \"0.8291058679328652\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8666666666666667\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.8888888888888888\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8428571428571429\", \"0.8043478260869565\", \"0.9285714285714286\"], \"694\": [\"0.4444444444444444\", \"0.7142857142857143\", \"0.75\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.5555555555555556\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.725\", \"0.8409090909090909\", \"0.8362068965517241\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.72\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.6666666666666666\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5172413793103449\", \"0.6470588235294118\"], \"703\": [\"0.5882352941176471\", \"0.6\", \"0.8\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.462035012368655\", \"0.4535518716910922\", \"0.4708278174364068\", \"0.33260458878166077\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.461038961038961\", \"0.19243986254295534\"], \"707\": [\"0.24242424242424243\", \"0.2482758620689655\", \"0.26519337016574585\", \"0.14860681114551083\"], \"708\": [\"0.21428571428571427\", \"0.15555555555555556\", \"0.17757009345794392\", \"0.1125\"], \"709\": [\"0.4176470588235294\", \"0.3424657534246575\", \"0.39572192513368987\", \"0.36070381231671556\"], \"710\": [\"0.4508670520231214\", \"0.4105960264900662\", \"0.4587628865979381\", \"0.2916666666666667\"], \"711\": [\"0.4367816091954023\", \"0.47058823529411764\", \"0.484375\", \"0.2910662824207493\"], \"712\": [\"0.5317919075144508\", \"0.49032258064516127\", \"0.49473684210526314\", \"0.5327635327635327\"], \"713\": [\"0.5314685314685315\", \"0.5666666666666667\", \"0.5935483870967742\", \"0.344\"], \"714\": [\"0.4228571428571429\", \"0.40384615384615385\", \"0.441025641025641\", \"0.24022346368715083\"], \"715\": [\"0.48520710059171596\", \"0.5163398692810458\", \"0.4946808510638298\", \"0.41935483870967744\"], \"716\": [\"0.6369047619047619\", \"0.7058823529411765\", \"0.7263157894736842\", \"0.5205479452054794\"], \"717\": [\"0.5370370370370371\", \"0.4520547945205479\", \"0.47058823529411764\", \"0.45558739255014324\"], \"718\": [\"0.6975308641975309\", \"0.6\", \"0.5652173913043478\", \"0.3994252873563218\"], \"719\": [\"0.46368715083798884\", \"0.53125\", \"0.5628140703517588\", \"0.3475783475783476\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.15273329089126092\", \"0.14305283523507434\", \"0.16360035639360643\", \"0.12619393192514555\"], \"1\": [\"0.3181818181818182\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.19626168224299065\"], \"2\": [\"0.10909090909090909\", \"0.1702127659574468\", \"0.06779661016949153\", \"0.026845637583892617\"], \"3\": [\"0.45161290322580644\", \"0.43636363636363634\", \"0.647887323943662\", \"0.37593984962406013\"], \"4\": [\"0.043478260869565216\", \"0.046511627906976744\", \"0.06\", \"0.40476190476190477\"], \"5\": [\"0.12244897959183673\", \"0.023255813953488372\", \"0.019230769230769232\", \"0.0603448275862069\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.029411764705882353\", \"0.01904761904761905\"], \"7\": [\"0.037037037037037035\", \"0.0\", \"0.13333333333333333\", \"0.052083333333333336\"], \"8\": [\"0.35555555555555557\", \"0.4827586206896552\", \"0.4634146341463415\", \"0.18947368421052632\"], \"9\": [\"0.0\", \"0.02702702702702703\", \"0.0425531914893617\", \"0.037037037037037035\"], \"10\": [\"0.07142857142857142\", \"0.08333333333333333\", \"0.05405405405405406\", \"0.17307692307692307\"], \"11\": [\"0.26666666666666666\", \"0.16666666666666666\", \"0.11538461538461539\", \"0.10256410256410256\"], \"12\": [\"0.07692307692307693\", \"0.08571428571428572\", \"0.1590909090909091\", \"0.07608695652173914\"], \"13\": [\"0.25806451612903225\", \"0.08695652173913043\", \"0.1111111111111111\", \"0.05319148936170213\"], \"14\": [\"0.0\", \"0.0\", \"0.06060606060606061\", \"0.0\"], \"15\": [\"0.958340497194697\", \"0.9467932628176989\", \"0.9396966065420338\", \"0.9026205898051435\"], \"16\": [\"0.9615384615384616\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.875\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.875\", \"0.6666666666666666\", \"0.5833333333333334\", \"0.6818181818181818\"], \"19\": [\"0.9166666666666666\", \"0.8888888888888888\", \"1.0\", \"0.6896551724137931\"], \"20\": [\"1.0\", \"1.0\", \"0.967741935483871\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.9696969696969697\", \"0.9795918367346939\", \"0.84\"], \"22\": [\"0.9302325581395349\", \"1.0\", \"1.0\", \"0.9661016949152542\"], \"23\": [\"0.96\", \"0.9375\", \"0.9047619047619048\", \"0.9666666666666667\"], \"24\": [\"0.9655172413793104\", \"0.9583333333333334\", \"1.0\", \"0.9\"], \"25\": [\"0.9523809523809523\", \"0.972972972972973\", \"1.0\", \"0.9803921568627451\"], \"26\": [\"0.975\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.9354838709677419\", \"0.9230769230769231\", \"0.9230769230769231\", \"0.9365079365079365\"], \"28\": [\"0.9743589743589743\", \"0.9736842105263158\", \"0.9148936170212766\", \"0.9672131147540983\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.6405574873627612\", \"0.6185701203558347\", \"0.8377176957739617\", \"0.7236828543219521\"], \"31\": [\"0.9333333333333333\", \"0.9285714285714286\", \"0.8\", \"0.7777777777777778\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9655172413793104\", \"0.9230769230769231\", \"0.9019607843137255\", \"0.8771929824561403\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.875\", \"0.8260869565217391\", \"0.9\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.6\", \"0.6\", \"0.7\", \"0.6363636363636364\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.7142857142857143\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.4520327990050611\", \"0.48205212469255027\", \"0.5062167117632171\", \"0.3316215545637452\"], \"46\": [\"0.45454545454545453\", \"0.574468085106383\", \"0.47619047619047616\", \"0.328125\"], \"47\": [\"0.234375\", \"0.2641509433962264\", \"0.3037974683544304\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3333333333333333\", \"0.2807017543859649\", \"0.4125\", \"0.21052631578947367\"], \"50\": [\"0.328125\", \"0.3\", \"0.37037037037037035\", \"0.2635135135135135\"], \"51\": [\"0.4852941176470588\", \"0.5333333333333333\", \"0.5925925925925926\", \"0.2896551724137931\"], \"52\": [\"0.6060606060606061\", \"0.5573770491803278\", \"0.6708860759493671\", \"0.38513513513513514\"], \"53\": [\"0.4528301886792453\", \"0.6666666666666666\", \"0.6333333333333333\", \"0.42962962962962964\"], \"54\": [\"0.4057971014492754\", \"0.3898305084745763\", \"0.4444444444444444\", \"0.12162162162162163\"], \"55\": [\"0.6060606060606061\", \"0.6206896551724138\", \"0.5679012345679012\", \"0.36764705882352944\"], \"56\": [\"0.639344262295082\", \"0.7413793103448276\", \"0.7125\", \"0.7682119205298014\"], \"57\": [\"0.4461538461538462\", \"0.42857142857142855\", \"0.4931506849315068\", \"0.4097222222222222\"], \"58\": [\"0.6229508196721312\", \"0.6379310344827587\", \"0.5733333333333334\", \"0.39864864864864863\"], \"59\": [\"0.5428571428571428\", \"0.639344262295082\", \"0.6172839506172839\", \"0.4838709677419355\"], \"60\": [\"0.13818436240787577\", \"0.12567134268710053\", \"0.14325841831687391\", \"0.14212622493922467\"], \"61\": [\"0.27647058823529413\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24675324675324675\"], \"62\": [\"0.11398963730569948\", \"0.08762886597938144\", \"0.09340659340659341\", \"0.11931818181818182\"], \"63\": [\"0.386046511627907\", \"0.37894736842105264\", \"0.4020618556701031\", \"0.384180790960452\"], \"64\": [\"0.0375\", \"0.07926829268292683\", \"0.0738255033557047\", \"0.13058419243986255\"], \"65\": [\"0.027972027972027972\", \"0.07194244604316546\", \"0.08333333333333333\", \"0.09900990099009901\"], \"66\": [\"0.029411764705882353\", \"0.04285714285714286\", \"0.051094890510948905\", \"0.07368421052631578\"], \"67\": [\"0.04861111111111111\", \"0.02857142857142857\", \"0.04838709677419355\", \"0.05726872246696035\"], \"68\": [\"0.3925925925925926\", \"0.35714285714285715\", \"0.35294117647058826\", \"0.3\"], \"69\": [\"0.03048780487804878\", \"0.013605442176870748\", \"0.02158273381294964\", \"0.02875399361022364\"], \"70\": [\"0.057971014492753624\", \"0.072\", \"0.1\", \"0.07630522088353414\"], \"71\": [\"0.15853658536585366\", \"0.1\", \"0.0967741935483871\", \"0.34782608695652173\"], \"72\": [\"0.16546762589928057\", \"0.15602836879432624\", \"0.19727891156462585\", \"0.0421455938697318\"], \"73\": [\"0.20952380952380953\", \"0.1415929203539823\", \"0.17699115044247787\", \"0.08\"], \"74\": [\"0.0\", \"0.0\", \"0.008620689655172414\", \"0.003937007874015748\"], \"75\": [\"0.9337233195512686\", \"0.9298838232690381\", \"0.9208641761600829\", \"0.9301183384186364\"], \"76\": [\"0.8255813953488372\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8602150537634409\"], \"77\": [\"1.0\", \"1.0\", \"0.9649122807017544\", \"0.9387755102040817\"], \"78\": [\"0.6829268292682927\", \"0.717391304347826\", \"0.5777777777777777\", \"0.7446808510638298\"], \"79\": [\"0.96875\", \"0.9305555555555556\", \"0.9444444444444444\", \"0.9818181818181818\"], \"80\": [\"1.0\", \"0.9896907216494846\", \"0.9906542056074766\", \"1.0\"], \"81\": [\"0.9833333333333333\", \"0.96875\", \"0.9803921568627451\", \"0.9396551724137931\"], \"82\": [\"1.0\", \"0.96875\", \"0.9739130434782609\", \"0.9827586206896551\"], \"83\": [\"0.9090909090909091\", \"0.8636363636363636\", \"0.8916666666666667\", \"0.8854961832061069\"], \"84\": [\"0.9782608695652174\", \"0.9550561797752809\", \"1.0\", \"0.9659090909090909\"], \"85\": [\"0.9491525423728814\", \"0.9459459459459459\", \"0.944954128440367\", \"0.9276315789473685\"], \"86\": [\"0.9942528735632183\", \"0.9879518072289156\", \"0.9943502824858758\", \"0.9072164948453608\"], \"87\": [\"0.8205128205128205\", \"0.8421052631578947\", \"0.8478260869565217\", \"0.95\"], \"88\": [\"0.9602649006622517\", \"0.9512195121951219\", \"0.9523809523809523\", \"0.9375\"], \"89\": [\"1.0\", \"0.9906542056074766\", \"0.991869918699187\", \"1.0\"], \"90\": [\"0.7362023896802123\", \"0.6671681940589503\", \"0.7672766783855663\", \"0.8198263525813411\"], \"91\": [\"0.7580645161290323\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8947368421052632\", \"0.9333333333333333\"], \"93\": [\"0.8645833333333334\", \"0.8470588235294118\", \"0.8041237113402062\", \"0.918918918918919\"], \"94\": [\"0.6666666666666666\", \"0.7222222222222222\", \"0.6875\", \"0.95\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.7777777777777778\", \"0.75\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.828125\", \"0.75\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.5714285714285714\", \"0.6\", \"0.6842105263157895\", \"0.6333333333333333\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.8571428571428571\", \"0.8\"], \"102\": [\"0.5227272727272727\", \"0.5945945945945946\", \"0.6744186046511628\", \"0.6111111111111112\"], \"103\": [\"0.7857142857142857\", \"0.7272727272727273\", \"0.7692307692307693\", \"0.6206896551724138\"], \"104\": [\"0.0\", \"0.0\", \"0.5\", \"1.0\"], \"105\": [\"0.4397300904049831\", \"0.41578733552952857\", \"0.45277873070336316\", \"0.32334133359189254\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.2564102564102564\"], \"107\": [\"0.2692307692307692\", \"0.1917808219178082\", \"0.25\", \"0.12921348314606743\"], \"108\": [\"0.175\", \"0.2185430463576159\", \"0.18309859154929578\", \"0.1383399209486166\"], \"109\": [\"0.3765182186234818\", \"0.3073394495412844\", \"0.3811659192825112\", \"0.29916897506925205\"], \"110\": [\"0.44841269841269843\", \"0.4266666666666667\", \"0.4669603524229075\", \"0.2641509433962264\"], \"111\": [\"0.472\", \"0.40969162995594716\", \"0.43478260869565216\", \"0.29222520107238603\"], \"112\": [\"0.4497991967871486\", \"0.40611353711790393\", \"0.48695652173913045\", \"0.44415584415584414\"], \"113\": [\"0.5729166666666666\", \"0.5397727272727273\", \"0.5815217391304348\", \"0.380327868852459\"], \"114\": [\"0.3614457831325301\", \"0.3695652173913043\", \"0.423728813559322\", \"0.2185089974293059\"], \"115\": [\"0.4628099173553719\", \"0.4751131221719457\", \"0.4681818181818182\", \"0.38005390835579517\"], \"116\": [\"0.7148760330578512\", \"0.7224669603524229\", \"0.7586206896551724\", \"0.5659163987138264\"], \"117\": [\"0.4528301886792453\", \"0.4020100502512563\", \"0.3979591836734694\", \"0.3472584856396867\"], \"118\": [\"0.6359649122807017\", \"0.5467289719626168\", \"0.5633802816901409\", \"0.4435483870967742\"], \"119\": [\"0.3984375\", \"0.451063829787234\", \"0.5147679324894515\", \"0.3675\"], \"120\": [\"0.11983265615675727\", \"0.13483566739620328\", \"0.12892316007688034\", \"0.1392284973193455\"], \"121\": [\"0.3018867924528302\", \"0.2222222222222222\", \"0.24193548387096775\", \"0.10526315789473684\"], \"122\": [\"0.01694915254237288\", \"0.06779661016949153\", \"0.06557377049180328\", \"0.11827956989247312\"], \"123\": [\"0.4098360655737705\", \"0.3442622950819672\", \"0.24193548387096775\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.057692307692307696\", \"0.09259259259259259\", \"0.18292682926829268\"], \"125\": [\"0.046511627906976744\", \"0.05128205128205128\", \"0.023809523809523808\", \"0.0\"], \"126\": [\"0.041666666666666664\", \"0.08\", \"0.09615384615384616\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.0425531914893617\", \"0.0\", \"0.0967741935483871\"], \"128\": [\"0.24390243902439024\", \"0.47619047619047616\", \"0.4090909090909091\", \"0.43037974683544306\"], \"129\": [\"0.02040816326530612\", \"0.0425531914893617\", \"0.017241379310344827\", \"0.011363636363636364\"], \"130\": [\"0.19047619047619047\", \"0.13333333333333333\", \"0.16666666666666666\", \"0.0684931506849315\"], \"131\": [\"0.13793103448275862\", \"0.14285714285714285\", \"0.1\", \"0.36585365853658536\"], \"132\": [\"0.11363636363636363\", \"0.14\", \"0.19607843137254902\", \"0.0967741935483871\"], \"133\": [\"0.09090909090909091\", \"0.08695652173913043\", \"0.15384615384615385\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.2\"], \"135\": [\"0.943104463104463\", \"0.9242676093505614\", \"0.9389763014763014\", \"0.9468084988132369\"], \"136\": [\"0.6923076923076923\", \"1.0\", \"0.9\", \"0.9285714285714286\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.625\", \"0.7\", \"0.875\"], \"139\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"0.9629629629629629\"], \"140\": [\"1.0\", \"0.9666666666666667\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.95\", \"1.0\"], \"142\": [\"1.0\", \"0.9545454545454546\", \"1.0\", \"0.9574468085106383\"], \"143\": [\"0.92\", \"0.7407407407407407\", \"0.9285714285714286\", \"0.7666666666666667\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"1.0\", \"0.9166666666666666\", \"0.9583333333333334\", \"0.8888888888888888\"], \"146\": [\"0.972972972972973\", \"0.9375\", \"0.9807692307692307\", \"0.8970588235294118\"], \"147\": [\"0.9090909090909091\", \"0.8421052631578947\", \"0.9047619047619048\", \"0.9787234042553191\"], \"148\": [\"0.9090909090909091\", \"0.9565217391304348\", \"0.8787878787878788\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8292255363683935\", \"0.7642195767195767\", \"0.7375992063492064\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.875\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7407407407407407\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"1.0\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.7\", \"0.8333333333333334\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.6\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3222709878276123\", \"0.3310249122181836\", \"0.3297864992616851\", \"0.31489174313762014\"], \"166\": [\"0.1956521739130435\", \"0.2631578947368421\", \"0.16071428571428573\", \"0.1326530612244898\"], \"167\": [\"0.1076923076923077\", \"0.15384615384615385\", \"0.16176470588235295\", \"0.16326530612244897\"], \"168\": [\"0.1\", \"0.1111111111111111\", \"0.12962962962962962\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.25757575757575757\", \"0.25757575757575757\", \"0.27956989247311825\"], \"170\": [\"0.359375\", \"0.4393939393939394\", \"0.4225352112676056\", \"0.3486238532110092\"], \"171\": [\"0.28125\", \"0.2923076923076923\", \"0.2878787878787879\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3181818181818182\", \"0.25\", \"0.44554455445544555\"], \"173\": [\"0.42592592592592593\", \"0.47619047619047616\", \"0.5\", \"0.3382352941176471\"], \"174\": [\"0.26153846153846155\", \"0.3283582089552239\", \"0.19718309859154928\", \"0.19444444444444445\"], \"175\": [\"0.41379310344827586\", \"0.36065573770491804\", \"0.36507936507936506\", \"0.32\"], \"176\": [\"0.5901639344262295\", \"0.7142857142857143\", \"0.7391304347826086\", \"0.7011494252873564\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.31666666666666665\", \"0.45098039215686275\"], \"178\": [\"0.5\", \"0.34375\", \"0.46774193548387094\", \"0.3300970873786408\"], \"179\": [\"0.3333333333333333\", \"0.30434782608695654\", \"0.3611111111111111\", \"0.4105263157894737\"], \"180\": [\"0.14559789196012107\", \"0.13907184259183183\", \"0.17051992306064184\", \"0.1256514344289988\"], \"181\": [\"0.3\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2127659574468085\"], \"182\": [\"0.19230769230769232\", \"0.2\", \"0.037037037037037035\", \"0.030534351145038167\"], \"183\": [\"0.4444444444444444\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.40869565217391307\"], \"184\": [\"0.0\", \"0.045454545454545456\", \"0.0\", \"0.3893805309734513\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.04807692307692308\"], \"186\": [\"0.0\", \"0.0\", \"0.0625\", \"0.019801980198019802\"], \"187\": [\"0.058823529411764705\", \"0.0\", \"0.1875\", \"0.06329113924050633\"], \"188\": [\"0.3181818181818182\", \"0.5\", \"0.4444444444444444\", \"0.1951219512195122\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.04132231404958678\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.16483516483516483\"], \"191\": [\"0.2\", \"0.2727272727272727\", \"0.09090909090909091\", \"0.08333333333333333\"], \"192\": [\"0.05\", \"0.15789473684210525\", \"0.21052631578947367\", \"0.06666666666666667\"], \"193\": [\"0.3157894736842105\", \"0.0\", \"0.16666666666666666\", \"0.03529411764705882\"], \"194\": [\"0.0\", \"0.0\", \"0.11764705882352941\", \"0.0\"], \"195\": [\"0.9576007326007325\", \"0.974168192918193\", \"0.9622498274672188\", \"0.8922206468536306\"], \"196\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"0.925\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.631578947368421\"], \"199\": [\"1.0\", \"0.9\", \"1.0\", \"0.6190476190476191\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.9696969696969697\"], \"202\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"0.9636363636363636\"], \"203\": [\"1.0\", \"0.9375\", \"0.9565217391304348\", \"0.9807692307692307\"], \"204\": [\"0.9166666666666666\", \"0.9333333333333333\", \"1.0\", \"0.8461538461538461\"], \"205\": [\"1.0\", \"0.9444444444444444\", \"1.0\", \"0.9767441860465116\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.9\", \"0.9230769230769231\", \"1.0\", \"0.9322033898305084\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"0.9795918367346939\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.6373626373626374\", \"0.509920634920635\", \"0.6486016628873772\", \"0.7618256825212434\"], \"211\": [\"1.0\", \"1.0\", \"0.8\", \"0.8695652173913043\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.9230769230769231\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.9411764705882353\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.5\", \"0.75\", \"1.0\", \"0.5555555555555556\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"0.75\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.38686818505513143\", \"0.4644845590002931\", \"0.5440464678787851\", \"0.31998807687440645\"], \"226\": [\"0.4166666666666667\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3333333333333333\"], \"227\": [\"0.16\", \"0.25925925925925924\", \"0.35\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.15\"], \"229\": [\"0.26666666666666666\", \"0.3\", \"0.4634146341463415\", \"0.15853658536585366\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.3902439024390244\", \"0.23255813953488372\"], \"231\": [\"0.4666666666666667\", \"0.40625\", \"0.625\", \"0.24427480916030533\"], \"232\": [\"0.42857142857142855\", \"0.53125\", \"0.6578947368421053\", \"0.41732283464566927\"], \"233\": [\"0.34782608695652173\", \"0.6521739130434783\", \"0.6875\", \"0.4358974358974359\"], \"234\": [\"0.3793103448275862\", \"0.45161290322580644\", \"0.5121951219512195\", \"0.08661417322834646\"], \"235\": [\"0.4482758620689655\", \"0.5483870967741935\", \"0.6097560975609756\", \"0.3559322033898305\"], \"236\": [\"0.7142857142857143\", \"0.7241379310344828\", \"0.75\", \"0.7480916030534351\"], \"237\": [\"0.32142857142857145\", \"0.42857142857142855\", \"0.5945945945945946\", \"0.44\"], \"238\": [\"0.4583333333333333\", \"0.59375\", \"0.5588235294117647\", \"0.36923076923076925\"], \"239\": [\"0.5333333333333333\", \"0.65625\", \"0.6153846153846154\", \"0.4925373134328358\"], \"240\": [\"0.15359761287211096\", \"0.1453943675372247\", \"0.1532100908925443\", \"0.14332399626517273\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.07692307692307693\"], \"242\": [\"0.034482758620689655\", \"0.13636363636363635\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.44\", \"0.5714285714285714\", \"0.16666666666666666\"], \"244\": [\"0.08333333333333333\", \"0.047619047619047616\", \"0.10714285714285714\", \"0.5384615384615384\"], \"245\": [\"0.13793103448275862\", \"0.0\", \"0.037037037037037035\", \"0.16666666666666666\"], \"246\": [\"0.05\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.07142857142857142\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.46153846153846156\", \"0.4782608695652174\", \"0.15384615384615385\"], \"249\": [\"0.0\", \"0.05\", \"0.07407407407407407\", \"0.0\"], \"250\": [\"0.09090909090909091\", \"0.2\", \"0.09523809523809523\", \"0.23076923076923078\"], \"251\": [\"0.3\", \"0.0\", \"0.13333333333333333\", \"0.3333333333333333\"], \"252\": [\"0.10526315789473684\", \"0.0\", \"0.12\", \"0.11764705882352941\"], \"253\": [\"0.16666666666666666\", \"0.2\", \"0.05555555555555555\", \"0.2222222222222222\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9596222109533468\", \"0.932573019086177\", \"0.9186337692971926\", \"0.9199929971988795\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.625\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.5\", \"0.42857142857142855\", \"1.0\"], \"259\": [\"0.875\", \"0.875\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9333333333333333\", \"1.0\"], \"261\": [\"0.95\", \"0.95\", \"0.9583333333333334\", \"0.5882352941176471\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.9375\", \"0.8421052631578947\", \"0.875\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9310344827586207\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.95\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9523809523809523\", \"0.9230769230769231\", \"0.8235294117647058\", \"1.0\"], \"268\": [\"0.9642857142857143\", \"0.9473684210526315\", \"1.0\", \"0.9166666666666666\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.48277516134658993\", \"0.7442176870748299\", \"0.5327380952380952\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.25\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.8461538461538461\", \"0.8333333333333334\", \"1.0\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"278\": [\"0.9\", \"0.8571428571428571\", \"0.7857142857142857\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.4992595029946473\", \"0.5025537931326108\", \"0.46808461814994917\", \"0.4169589023193624\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.29411764705882354\"], \"287\": [\"0.28205128205128205\", \"0.2692307692307692\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.16666666666666666\"], \"289\": [\"0.3888888888888889\", \"0.25925925925925924\", \"0.358974358974359\", \"0.5384615384615384\"], \"290\": [\"0.3055555555555556\", \"0.3103448275862069\", \"0.35\", \"0.47368421052631576\"], \"291\": [\"0.5\", \"0.6785714285714286\", \"0.5609756097560976\", \"0.7142857142857143\"], \"292\": [\"0.7368421052631579\", \"0.5862068965517241\", \"0.6829268292682927\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.6818181818181818\", \"0.5714285714285714\", \"0.3888888888888889\"], \"294\": [\"0.425\", \"0.32142857142857145\", \"0.375\", \"0.3333333333333333\"], \"295\": [\"0.7297297297297297\", \"0.7037037037037037\", \"0.525\", \"0.4444444444444444\"], \"296\": [\"0.5757575757575758\", \"0.7586206896551724\", \"0.675\", \"0.9\"], \"297\": [\"0.5405405405405406\", \"0.42857142857142855\", \"0.3888888888888889\", \"0.21052631578947367\"], \"298\": [\"0.7297297297297297\", \"0.6923076923076923\", \"0.5853658536585366\", \"0.6111111111111112\"], \"299\": [\"0.55\", \"0.6206896551724138\", \"0.6190476190476191\", \"0.42857142857142855\"], \"300\": [\"0.14675105488977042\", \"0.1311619182711909\", \"0.1487350636805715\", \"0.14489222749017472\"], \"301\": [\"0.25\", \"0.29523809523809524\", \"0.3125\", \"0.18888888888888888\"], \"302\": [\"0.09523809523809523\", \"0.08771929824561403\", \"0.0875\", \"0.09821428571428571\"], \"303\": [\"0.3387096774193548\", \"0.3394495412844037\", \"0.3132530120481928\", \"0.2641509433962264\"], \"304\": [\"0.046511627906976744\", \"0.08791208791208792\", \"0.09230769230769231\", \"0.2828282828282828\"], \"305\": [\"0.05333333333333334\", \"0.05128205128205128\", \"0.13559322033898305\", \"0.021739130434782608\"], \"306\": [\"0.0273972602739726\", \"0.06818181818181818\", \"0.05714285714285714\", \"0.13725490196078433\"], \"307\": [\"0.036585365853658534\", \"0.011111111111111112\", \"0.018867924528301886\", \"0.030612244897959183\"], \"308\": [\"0.48484848484848486\", \"0.352112676056338\", \"0.375\", \"0.19736842105263158\"], \"309\": [\"0.021739130434782608\", \"0.022988505747126436\", \"0.015873015873015872\", \"0.020833333333333332\"], \"310\": [\"0.0821917808219178\", \"0.10126582278481013\", \"0.1111111111111111\", \"0.09411764705882353\"], \"311\": [\"0.21621621621621623\", \"0.08333333333333333\", \"0.1111111111111111\", \"0.5490196078431373\"], \"312\": [\"0.19047619047619047\", \"0.17777777777777778\", \"0.23943661971830985\", \"0.06451612903225806\"], \"313\": [\"0.2112676056338028\", \"0.15789473684210525\", \"0.19672131147540983\", \"0.07894736842105263\"], \"314\": [\"0.0\", \"0.0\", \"0.015873015873015872\", \"0.0\"], \"315\": [\"0.9332958366255417\", \"0.9325918611716458\", \"0.9150783604222589\", \"0.9139843320433642\"], \"316\": [\"0.88\", \"0.9705882352941176\", \"0.8148148148148148\", \"0.8571428571428571\"], \"317\": [\"1.0\", \"1.0\", \"0.9629629629629629\", \"0.95\"], \"318\": [\"0.7222222222222222\", \"0.7666666666666667\", \"0.6666666666666666\", \"0.7692307692307693\"], \"319\": [\"0.9642857142857143\", \"0.9166666666666666\", \"0.9285714285714286\", \"0.9696969696969697\"], \"320\": [\"1.0\", \"1.0\", \"0.9791666666666666\", \"1.0\"], \"321\": [\"0.9710144927536232\", \"0.9411764705882353\", \"0.9459459459459459\", \"0.8333333333333334\"], \"322\": [\"1.0\", \"0.9591836734693877\", \"1.0\", \"0.9705882352941176\"], \"323\": [\"0.868421052631579\", \"0.8676470588235294\", \"0.803921568627451\", \"0.9107142857142857\"], \"324\": [\"0.98\", \"0.9423076923076923\", \"1.0\", \"0.9444444444444444\"], \"325\": [\"0.9420289855072463\", \"0.95\", \"0.8863636363636364\", \"0.8085106382978723\"], \"326\": [\"0.9904761904761905\", \"0.9902912621359223\", \"1.0\", \"0.9506172839506173\"], \"327\": [\"0.7758620689655172\", \"0.8163265306122449\", \"0.8888888888888888\", \"0.9743589743589743\"], \"328\": [\"0.971830985915493\", \"0.9523809523809523\", \"0.9565217391304348\", \"0.8571428571428571\"], \"329\": [\"1.0\", \"0.9830508474576272\", \"0.9772727272727273\", \"1.0\"], \"330\": [\"0.7289231809133534\", \"0.680635185892539\", \"0.7944771994819434\", \"0.7009277414903466\"], \"331\": [\"0.7931034482758621\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.8936170212765957\", \"0.8409090909090909\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9655172413793104\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.5\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.7368421052631579\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7619047619047619\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.75\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.6\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5517241379310345\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.8571428571428571\", \"0.42857142857142855\"], \"344\": [\"0.0\", \"0.0\", \"0.5\", \"0.0\"], \"345\": [\"0.4465593976468852\", \"0.4029232108615651\", \"0.42072132056235123\", \"0.3466152263947072\"], \"346\": [\"0.3893805309734513\", \"0.308411214953271\", \"0.2857142857142857\", \"0.3302752293577982\"], \"347\": [\"0.2803030303030303\", \"0.1937984496124031\", \"0.26262626262626265\", \"0.15833333333333333\"], \"348\": [\"0.1368421052631579\", \"0.24210526315789474\", \"0.2191780821917808\", \"0.20408163265306123\"], \"349\": [\"0.39705882352941174\", \"0.3464566929133858\", \"0.3979591836734694\", \"0.3106796116504854\"], \"350\": [\"0.4855072463768116\", \"0.45185185185185184\", \"0.47959183673469385\", \"0.3076923076923077\"], \"351\": [\"0.4855072463768116\", \"0.36923076923076925\", \"0.3465346534653465\", \"0.22123893805309736\"], \"352\": [\"0.4316546762589928\", \"0.34558823529411764\", \"0.5094339622641509\", \"0.2578125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5394736842105263\", \"0.45535714285714285\"], \"354\": [\"0.35251798561151076\", \"0.3656716417910448\", \"0.41509433962264153\", \"0.265625\"], \"355\": [\"0.49242424242424243\", \"0.4453125\", \"0.4105263157894737\", \"0.33043478260869563\"], \"356\": [\"0.7819548872180451\", \"0.7555555555555555\", \"0.7692307692307693\", \"0.77\"], \"357\": [\"0.39823008849557523\", \"0.3508771929824561\", \"0.37209302325581395\", \"0.304\"], \"358\": [\"0.552\", \"0.4838709677419355\", \"0.4731182795698925\", \"0.4067796610169492\"], \"359\": [\"0.4084507042253521\", \"0.42028985507246375\", \"0.4095238095238095\", \"0.5303030303030303\"], \"360\": [\"0.13135317837561286\", \"0.11302665348742183\", \"0.13661176187653826\", \"0.14092457816298404\"], \"361\": [\"0.3076923076923077\", \"0.10714285714285714\", \"0.2835820895522388\", \"0.2706422018348624\"], \"362\": [\"0.13636363636363635\", \"0.0875\", \"0.09803921568627451\", \"0.12916666666666668\"], \"363\": [\"0.45054945054945056\", \"0.43209876543209874\", \"0.46846846846846846\", \"0.43548387096774194\"], \"364\": [\"0.02702702702702703\", \"0.0684931506849315\", \"0.05952380952380952\", \"0.052083333333333336\"], \"365\": [\"0.0\", \"0.09836065573770492\", \"0.0410958904109589\", \"0.13270142180094788\"], \"366\": [\"0.031746031746031744\", \"0.0\", \"0.04477611940298507\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.07042253521126761\", \"0.07751937984496124\"], \"368\": [\"0.30434782608695654\", \"0.36363636363636365\", \"0.3333333333333333\", \"0.3402061855670103\"], \"369\": [\"0.041666666666666664\", \"0.0\", \"0.02631578947368421\", \"0.03225806451612903\"], \"370\": [\"0.03076923076923077\", \"0.021739130434782608\", \"0.08955223880597014\", \"0.06707317073170732\"], \"371\": [\"0.1111111111111111\", \"0.11764705882352941\", \"0.08571428571428572\", \"0.28205128205128205\"], \"372\": [\"0.12727272727272726\", \"0.11764705882352941\", \"0.15789473684210525\", \"0.02976190476190476\"], \"373\": [\"0.20588235294117646\", \"0.10810810810810811\", \"0.15384615384615385\", \"0.08053691275167785\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.005208333333333333\"], \"375\": [\"0.9360523300101526\", \"0.9259229999013282\", \"0.9214586008070961\", \"0.9341160918815585\"], \"376\": [\"0.75\", \"0.8536585365853658\", \"0.8461538461538461\", \"0.8627450980392157\"], \"377\": [\"1.0\", \"1.0\", \"0.9666666666666667\", \"0.9310344827586207\"], \"378\": [\"0.6521739130434783\", \"0.625\", \"0.47619047619047616\", \"0.7142857142857143\"], \"379\": [\"0.975\", \"0.9583333333333334\", \"0.9583333333333334\", \"0.987012987012987\"], \"380\": [\"1.0\", \"0.9722222222222222\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.9508196721311475\", \"0.9857142857142858\"], \"383\": [\"0.9777777777777777\", \"0.8571428571428571\", \"0.9565217391304348\", \"0.8666666666666667\"], \"384\": [\"0.9761904761904762\", \"0.972972972972973\", \"1.0\", \"0.9807692307692307\"], \"385\": [\"0.9591836734693877\", \"0.9411764705882353\", \"0.9846153846153847\", \"0.9809523809523809\"], \"386\": [\"1.0\", \"0.9841269841269841\", \"0.9896907216494846\", \"0.8761061946902655\"], \"387\": [\"0.864406779661017\", \"0.8695652173913043\", \"0.8214285714285714\", \"0.9405940594059405\"], \"388\": [\"0.95\", \"0.95\", \"0.95\", \"0.975\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6813035603851931\", \"0.5489138619800641\", \"0.7445149951307586\", \"0.8502603441124313\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.9090909090909091\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.8253968253968254\", \"0.9473684210526315\"], \"394\": [\"0.6666666666666666\", \"0.8333333333333334\", \"0.7142857142857143\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7692307692307693\", \"0.875\", \"0.868421052631579\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.8461538461538461\"], \"401\": [\"1.0\", \"0.8\", \"0.75\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5454545454545454\", \"0.45454545454545453\"], \"403\": [\"0.6363636363636364\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.4323012829539704\", \"0.43216097181254515\", \"0.47638858054896366\", \"0.3102212517073302\"], \"406\": [\"0.3333333333333333\", \"0.4117647058823529\", \"0.5339805825242718\", \"0.21674876847290642\"], \"407\": [\"0.2549019607843137\", \"0.18888888888888888\", \"0.2396694214876033\", \"0.11440677966101695\"], \"408\": [\"0.23076923076923078\", \"0.17857142857142858\", \"0.14492753623188406\", \"0.0967741935483871\"], \"409\": [\"0.35135135135135137\", \"0.25274725274725274\", \"0.368\", \"0.29457364341085274\"], \"410\": [\"0.40350877192982454\", \"0.3888888888888889\", \"0.4573643410852713\", \"0.24066390041493776\"], \"411\": [\"0.45535714285714285\", \"0.4639175257731959\", \"0.5038759689922481\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.46774193548387094\", \"0.5369649805447471\"], \"413\": [\"0.4782608695652174\", \"0.5070422535211268\", \"0.6111111111111112\", \"0.33678756476683935\"], \"414\": [\"0.37272727272727274\", \"0.375\", \"0.4307692307692308\", \"0.19540229885057472\"], \"415\": [\"0.42727272727272725\", \"0.5161290322580645\", \"0.512\", \"0.40234375\"], \"416\": [\"0.6330275229357798\", \"0.6739130434782609\", \"0.75\", \"0.46919431279620855\"], \"417\": [\"0.5151515151515151\", \"0.47058823529411764\", \"0.41818181818181815\", \"0.3682170542635659\"], \"418\": [\"0.7378640776699029\", \"0.6333333333333333\", \"0.6333333333333333\", \"0.46062992125984253\"], \"419\": [\"0.38596491228070173\", \"0.4948453608247423\", \"0.5984848484848485\", \"0.2873134328358209\"], \"420\": [\"0.13318058291006699\", \"0.13155724407444924\", \"0.12309633802600553\", \"0.1435996089256959\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.05555555555555555\", \"0.037037037037037035\"], \"423\": [\"0.32432432432432434\", \"0.32432432432432434\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03125\", \"0.058823529411764705\", \"0.4\"], \"425\": [\"0.07142857142857142\", \"0.045454545454545456\", \"0.0\", \"0.0\"], \"426\": [\"0.06451612903225806\", \"0.03333333333333333\", \"0.11764705882352941\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.034482758620689655\", \"0.0\", \"0.125\"], \"428\": [\"0.3076923076923077\", \"0.4583333333333333\", \"0.375\", \"0.17391304347826086\"], \"429\": [\"0.030303030303030304\", \"0.0\", \"0.029411764705882353\", \"0.0\"], \"430\": [\"0.1724137931034483\", \"0.17857142857142858\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.125\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.20588235294117646\", \"0.125\", \"0.08\"], \"433\": [\"0.08\", \"0.13333333333333333\", \"0.21739130434782608\", \"0.2857142857142857\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9339285714285716\", \"0.9160534119180737\", \"0.9319639059770639\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"440\": [\"1.0\", \"0.9523809523809523\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"442\": [\"1.0\", \"0.9285714285714286\", \"1.0\", \"0.75\"], \"443\": [\"0.8666666666666667\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"1.0\", \"0.8666666666666667\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9142857142857143\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8888888888888888\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9230769230769231\", \"0.9\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8654238618524331\", \"0.6531062424969988\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"1.0\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.875\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.2802647346883176\", \"0.349384662804933\", \"0.32735299546334046\", \"0.20742319849462706\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.17073170731707318\", \"0.037037037037037035\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.2619047619047619\", \"0.2\", \"0.16666666666666666\"], \"470\": [\"0.3333333333333333\", \"0.4878048780487805\", \"0.46511627906976744\", \"0.5714285714285714\"], \"471\": [\"0.2564102564102564\", \"0.30952380952380953\", \"0.21052631578947367\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.3170731707317073\", \"0.27906976744186046\", \"0.125\"], \"473\": [\"0.41935483870967744\", \"0.5\", \"0.5454545454545454\", \"0.20833333333333334\"], \"474\": [\"0.2\", \"0.3488372093023256\", \"0.21428571428571427\", \"0.14285714285714285\"], \"475\": [\"0.3333333333333333\", \"0.3611111111111111\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.8205128205128205\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.22857142857142856\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.41025641025641024\", \"0.3157894736842105\", \"0.5\", \"0.3181818181818182\"], \"479\": [\"0.2682926829268293\", \"0.3023255813953488\", \"0.3488372093023256\", \"0.03571428571428571\"], \"480\": [\"0.09386446886446886\", \"0.13341343689972615\", \"0.13531728401089302\", \"0.141722906573062\"], \"481\": [\"0.2\", \"0.19047619047619047\", \"0.2727272727272727\", \"0.05970149253731343\"], \"482\": [\"0.0\", \"0.12\", \"0.08\", \"0.15151515151515152\"], \"483\": [\"0.5416666666666666\", \"0.375\", \"0.16\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.1\", \"0.15\", \"0.08771929824561403\"], \"485\": [\"0.0\", \"0.058823529411764705\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05555555555555555\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.07894736842105263\"], \"488\": [\"0.13333333333333333\", \"0.5\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.10526315789473684\", \"0.0\", \"0.015625\"], \"490\": [\"0.23076923076923078\", \"0.058823529411764705\", \"0.09523809523809523\", \"0.10416666666666667\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.34375\"], \"492\": [\"0.0\", \"0.0\", \"0.3157894736842105\", \"0.10810810810810811\"], \"493\": [\"0.125\", \"0.0\", \"0.0625\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.32558139534883723\"], \"495\": [\"0.9659663865546219\", \"0.9410714285714287\", \"0.9492538580884446\", \"0.9438227912729573\"], \"496\": [\"0.7\", \"1.0\", \"0.8571428571428571\", \"0.9285714285714286\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.5\", \"0.75\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"1.0\", \"1.0\", \"0.9583333333333334\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"503\": [\"1.0\", \"0.875\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8787878787878788\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8571428571428571\"], \"507\": [\"1.0\", \"0.8\", \"1.0\", \"0.9772727272727273\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.8461538461538461\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7714285714285715\", \"0.6826530612244898\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.9\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"1.0\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.3333333333333333\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.388594633817746\", \"0.29861392230957445\", \"0.3334404363314251\", \"0.3542374246966694\"], \"526\": [\"0.3684210526315789\", \"0.22727272727272727\", \"0.2727272727272727\", \"0.17105263157894737\"], \"527\": [\"0.12\", \"0.043478260869565216\", \"0.14814814814814814\", \"0.2112676056338028\"], \"528\": [\"0.08333333333333333\", \"0.0625\", \"0.125\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.25\", \"0.34615384615384615\", \"0.30666666666666664\"], \"530\": [\"0.4\", \"0.36\", \"0.35714285714285715\", \"0.2716049382716049\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.39285714285714285\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.20689655172413793\", \"0.5454545454545454\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.2916666666666667\", \"0.1724137931034483\", \"0.2125\"], \"535\": [\"0.5454545454545454\", \"0.36\", \"0.2962962962962963\", \"0.4027777777777778\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6666666666666666\"], \"537\": [\"0.4\", \"0.3333333333333333\", \"0.43478260869565216\", \"0.5657894736842105\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.4230769230769231\", \"0.3333333333333333\"], \"539\": [\"0.44\", \"0.3076923076923077\", \"0.3793103448275862\", \"0.5671641791044776\"], \"540\": [\"0.1419739231433052\", \"0.13155867677779745\", \"0.14393140082472458\", \"0.1405336037027293\"], \"541\": [\"0.2796934865900383\", \"0.23387096774193547\", \"0.2835249042145594\", \"0.21146245059288538\"], \"542\": [\"0.10097719869706841\", \"0.10457516339869281\", \"0.09740259740259741\", \"0.09966216216216216\"], \"543\": [\"0.41642228739002934\", \"0.4069400630914827\", \"0.4332344213649852\", \"0.3460207612456747\"], \"544\": [\"0.043824701195219126\", \"0.08396946564885496\", \"0.07509881422924901\", \"0.20883534136546184\"], \"545\": [\"0.05084745762711865\", \"0.06607929515418502\", \"0.05555555555555555\", \"0.07551020408163266\"], \"546\": [\"0.03587443946188341\", \"0.05069124423963134\", \"0.06167400881057269\", \"0.056133056133056136\"], \"547\": [\"0.04285714285714286\", \"0.03333333333333333\", \"0.054455445544554455\", \"0.06266318537859007\"], \"548\": [\"0.3698630136986301\", \"0.3756345177664975\", \"0.375\", \"0.3002257336343115\"], \"549\": [\"0.0199203187250996\", \"0.025\", \"0.032\", \"0.026217228464419477\"], \"550\": [\"0.09523809523809523\", \"0.08290155440414508\", \"0.10232558139534884\", \"0.09929078014184398\"], \"551\": [\"0.16312056737588654\", \"0.11926605504587157\", \"0.09649122807017543\", \"0.312280701754386\"], \"552\": [\"0.14414414414414414\", \"0.14224137931034483\", \"0.1729957805907173\", \"0.057971014492753624\"], \"553\": [\"0.22485207100591717\", \"0.11731843575418995\", \"0.1595744680851064\", \"0.0737913486005089\"], \"554\": [\"0.0\", \"0.0\", \"0.015706806282722512\", \"0.03740648379052369\"], \"555\": [\"0.9390573638141892\", \"0.9319388452329943\", \"0.9291288698214392\", \"0.9291349003364309\"], \"556\": [\"0.8633093525179856\", \"0.9259259259259259\", \"0.86\", \"0.8709677419354839\"], \"557\": [\"0.989247311827957\", \"0.987012987012987\", \"0.9805825242718447\", \"0.9420289855072463\"], \"558\": [\"0.7288135593220338\", \"0.6818181818181818\", \"0.6081081081081081\", \"0.7469879518072289\"], \"559\": [\"0.9395973154362416\", \"0.9338842975206612\", \"0.9556962025316456\", \"0.9263803680981595\"], \"560\": [\"0.9878048780487805\", \"0.9807692307692307\", \"0.9887005649717514\", \"1.0\"], \"561\": [\"0.9774011299435028\", \"0.9578313253012049\", \"0.9728260869565217\", \"0.9166666666666666\"], \"562\": [\"0.9842105263157894\", \"0.976878612716763\", \"0.9856459330143541\", \"0.9784172661870504\"], \"563\": [\"0.9171270718232044\", \"0.8763440860215054\", \"0.909952606635071\", \"0.8899082568807339\"], \"564\": [\"0.9798657718120806\", \"0.965034965034965\", \"0.9875776397515528\", \"0.9606299212598425\"], \"565\": [\"0.9578947368421052\", \"0.9473684210526315\", \"0.9489795918367347\", \"0.9327731092436975\"], \"566\": [\"0.9884169884169884\", \"0.9781021897810219\", \"0.9932659932659933\", \"0.9361702127659575\"], \"567\": [\"0.8764044943820225\", \"0.8807947019867549\", \"0.8793103448275862\", \"0.9554655870445344\"], \"568\": [\"0.9567099567099567\", \"0.9607843137254902\", \"0.9417040358744395\", \"0.9514925373134329\"], \"569\": [\"1.0\", \"0.9945945945945946\", \"0.9954545454545455\", \"1.0\"], \"570\": [\"0.7097630228610455\", \"0.6768508999975685\", \"0.7793725927774845\", \"0.8210949110019226\"], \"571\": [\"0.7934782608695652\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.84251968503937\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.9375\", \"0.9365079365079365\"], \"573\": [\"0.8987341772151899\", \"0.86\", \"0.8342857142857143\", \"0.9049773755656109\"], \"574\": [\"0.55\", \"0.7333333333333333\", \"0.7307692307692307\", \"0.896551724137931\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.6666666666666666\", \"0.6111111111111112\", \"0.7368421052631579\", \"0.6428571428571429\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7857142857142857\", \"0.8\"], \"578\": [\"0.84375\", \"0.7628865979381443\", \"0.7978723404255319\", \"0.8471337579617835\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.6875\", \"0.7241379310344828\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.8461538461538461\", \"0.7876106194690266\"], \"582\": [\"0.5925925925925926\", \"0.6470588235294118\", \"0.6612903225806451\", \"0.6857142857142857\"], \"583\": [\"0.7916666666666666\", \"0.7241379310344828\", \"0.6976744186046512\", \"0.6904761904761905\"], \"584\": [\"0.0\", \"0.0\", \"0.75\", \"1.0\"], \"585\": [\"0.4395850304353547\", \"0.43240168278124\", \"0.461166942497301\", \"0.32342944966573356\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.40822784810126583\", \"0.25280898876404495\"], \"587\": [\"0.25\", \"0.21714285714285714\", \"0.26649076517150394\", \"0.10869565217391304\"], \"588\": [\"0.17768595041322313\", \"0.19313304721030042\", \"0.1906779661016949\", \"0.1409090909090909\"], \"589\": [\"0.3684210526315789\", \"0.32011331444759206\", \"0.3922077922077922\", \"0.27706422018348625\"], \"590\": [\"0.41968911917098445\", \"0.4191780821917808\", \"0.44191919191919193\", \"0.27403846153846156\"], \"591\": [\"0.44587628865979384\", \"0.43561643835616437\", \"0.45663265306122447\", \"0.2665589660743134\"], \"592\": [\"0.48195876288659795\", \"0.4543010752688172\", \"0.5188916876574308\", \"0.43106180665610144\"], \"593\": [\"0.5460526315789473\", \"0.5699300699300699\", \"0.6056782334384858\", \"0.38492063492063494\"], \"594\": [\"0.37244897959183676\", \"0.3709677419354839\", \"0.39650872817955113\", \"0.19003115264797507\"], \"595\": [\"0.489247311827957\", \"0.5042016806722689\", \"0.49076517150395776\", \"0.3681592039800995\"], \"596\": [\"0.6844919786096256\", \"0.7362637362637363\", \"0.7412060301507538\", \"0.6423357664233577\"], \"597\": [\"0.4508670520231214\", \"0.4006024096385542\", \"0.4383954154727794\", \"0.3769968051118211\"], \"598\": [\"0.6278409090909091\", \"0.5536723163841808\", \"0.5706521739130435\", \"0.41195476575121165\"], \"599\": [\"0.45\", \"0.4816753926701571\", \"0.538083538083538\", \"0.4024767801857585\"], \"600\": [\"0.1483527691764027\", \"0.1351706109233721\", \"0.14498230881836002\", \"0.13963745431404612\"], \"601\": [\"0.27702702702702703\", \"0.2611464968152866\", \"0.28187919463087246\", \"0.2037914691943128\"], \"602\": [\"0.09941520467836257\", \"0.1016949152542373\", \"0.08496732026143791\", \"0.06642066420664207\"], \"603\": [\"0.3631578947368421\", \"0.3812154696132597\", \"0.4093567251461988\", \"0.32926829268292684\"], \"604\": [\"0.04964539007092199\", \"0.07534246575342465\", \"0.0703125\", \"0.3459915611814346\"], \"605\": [\"0.0625\", \"0.0625\", \"0.07627118644067797\", \"0.03333333333333333\"], \"606\": [\"0.04\", \"0.057971014492753624\", \"0.07086614173228346\", \"0.07488986784140969\"], \"607\": [\"0.04\", \"0.023255813953488372\", \"0.04854368932038835\", \"0.05472636815920398\"], \"608\": [\"0.41379310344827586\", \"0.37719298245614036\", \"0.36633663366336633\", \"0.19230769230769232\"], \"609\": [\"0.013888888888888888\", \"0.021739130434782608\", \"0.031007751937984496\", \"0.029045643153526972\"], \"610\": [\"0.11475409836065574\", \"0.09836065573770492\", \"0.10619469026548672\", \"0.115\"], \"611\": [\"0.19117647058823528\", \"0.11864406779661017\", \"0.07272727272727272\", \"0.36082474226804123\"], \"612\": [\"0.1678832116788321\", \"0.18620689655172415\", \"0.1968503937007874\", \"0.06735751295336788\"], \"613\": [\"0.24369747899159663\", \"0.1271186440677966\", \"0.18691588785046728\", \"0.08196721311475409\"], \"614\": [\"0.0\", \"0.0\", \"0.027522935779816515\", \"0.0\"], \"615\": [\"0.9403417776442519\", \"0.9355910712984066\", \"0.930099847858345\", \"0.9182739483146827\"], \"616\": [\"0.9041095890410958\", \"0.9545454545454546\", \"0.873015873015873\", \"0.8928571428571429\"], \"617\": [\"0.98\", \"1.0\", \"0.9830508474576272\", \"0.9166666666666666\"], \"618\": [\"0.7419354838709677\", \"0.7380952380952381\", \"0.6829268292682927\", \"0.7142857142857143\"], \"619\": [\"0.95\", \"0.935064935064935\", \"0.9404761904761905\", \"0.8448275862068966\"], \"620\": [\"1.0\", \"0.9894736842105263\", \"0.9893617021276596\", \"1.0\"], \"621\": [\"0.9791666666666666\", \"0.9647058823529412\", \"0.9647058823529412\", \"0.9117647058823529\"], \"622\": [\"0.9895833333333334\", \"0.9680851063829787\", \"1.0\", \"0.9574468085106383\"], \"623\": [\"0.8857142857142857\", \"0.8715596330275229\", \"0.8828828828828829\", \"0.9469026548672567\"], \"624\": [\"0.974025974025974\", \"0.9529411764705882\", \"0.9759036144578314\", \"0.9259259259259259\"], \"625\": [\"0.9595959595959596\", \"0.9306930693069307\", \"0.9090909090909091\", \"0.8947368421052632\"], \"626\": [\"0.9869281045751634\", \"0.9695121951219512\", \"1.0\", \"0.9797979797979798\"], \"627\": [\"0.8333333333333334\", \"0.8717948717948718\", \"0.9058823529411765\", \"0.9509803921568627\"], \"628\": [\"0.9803921568627451\", \"0.9619047619047619\", \"0.9238095238095239\", \"0.9196428571428571\"], \"629\": [\"1.0\", \"0.98989898989899\", \"0.9902912621359223\", \"1.0\"], \"630\": [\"0.7414462591593927\", \"0.6796466347218226\", \"0.7931970553829418\", \"0.7417690939044361\"], \"631\": [\"0.8541666666666666\", \"0.9318181818181818\", \"0.84\", \"0.8269230769230769\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.9\"], \"633\": [\"0.8961038961038961\", \"0.8625\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.9010989010989011\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.7142857142857143\", \"0.7272727272727273\", \"0.75\", \"0.7391304347826086\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.8\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.5714285714285714\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.6216216216216216\", \"0.7297297297297297\", \"0.7575757575757576\", \"0.7222222222222222\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.7142857142857143\", \"0.625\"], \"644\": [\"0.0\", \"0.0\", \"0.75\", \"0.0\"], \"645\": [\"0.42404879045016547\", \"0.41786523815153326\", \"0.4512375627371884\", \"0.3232824120224721\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.3395061728395062\", \"0.30864197530864196\"], \"647\": [\"0.2413793103448276\", \"0.22439024390243903\", \"0.29292929292929293\", \"0.08\"], \"648\": [\"0.1597222222222222\", \"0.21678321678321677\", \"0.21705426356589147\", \"0.175\"], \"649\": [\"0.3619047619047619\", \"0.34782608695652173\", \"0.398989898989899\", \"0.24019607843137256\"], \"650\": [\"0.43661971830985913\", \"0.4392523364485981\", \"0.4603960396039604\", \"0.2951388888888889\"], \"651\": [\"0.4392523364485981\", \"0.3867924528301887\", \"0.41\", \"0.22794117647058823\"], \"652\": [\"0.4418604651162791\", \"0.41935483870967744\", \"0.5265700483091788\", \"0.32142857142857145\"], \"653\": [\"0.577639751552795\", \"0.572289156626506\", \"0.6049382716049383\", \"0.421259842519685\"], \"654\": [\"0.3456221198156682\", \"0.375\", \"0.3932038834951456\", \"0.176056338028169\"], \"655\": [\"0.46798029556650245\", \"0.46078431372549017\", \"0.4712041884816754\", \"0.3244274809160305\"], \"656\": [\"0.7330097087378641\", \"0.7535545023696683\", \"0.7548076923076923\", \"0.7578125\"], \"657\": [\"0.3804347826086957\", \"0.3655913978494624\", \"0.4301675977653631\", \"0.35018050541516244\"], \"658\": [\"0.5263157894736842\", \"0.4950980392156863\", \"0.5271739130434783\", \"0.3800738007380074\"], \"659\": [\"0.4434389140271493\", \"0.44144144144144143\", \"0.49038461538461536\", \"0.46779661016949153\"], \"660\": [\"0.13286561948577566\", \"0.12399848481782974\", \"0.14148590740971567\", \"0.13964734427507192\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2857142857142857\", \"0.21694915254237288\"], \"662\": [\"0.10294117647058823\", \"0.10852713178294573\", \"0.10967741935483871\", \"0.1277258566978193\"], \"663\": [\"0.48344370860927155\", \"0.4411764705882353\", \"0.4578313253012048\", \"0.35843373493975905\"], \"664\": [\"0.03636363636363636\", \"0.09482758620689655\", \"0.08\", \"0.0842911877394636\"], \"665\": [\"0.037037037037037035\", \"0.0707070707070707\", \"0.034482758620689655\", \"0.10714285714285714\"], \"666\": [\"0.030612244897959183\", \"0.0379746835443038\", \"0.05\", \"0.03937007874015748\"], \"667\": [\"0.047058823529411764\", \"0.04938271604938271\", \"0.06060606060606061\", \"0.07142857142857142\"], \"668\": [\"0.32038834951456313\", \"0.37349397590361444\", \"0.3838383838383838\", \"0.37547892720306514\"], \"669\": [\"0.028037383177570093\", \"0.029411764705882353\", \"0.03305785123966942\", \"0.023890784982935155\"], \"670\": [\"0.06818181818181818\", \"0.056338028169014086\", \"0.09803921568627451\", \"0.08520179372197309\"], \"671\": [\"0.136986301369863\", \"0.12\", \"0.11864406779661017\", \"0.2872340425531915\"], \"672\": [\"0.10588235294117647\", \"0.06896551724137931\", \"0.14545454545454545\", \"0.049773755656108594\"], \"673\": [\"0.18\", \"0.09836065573770492\", \"0.12345679012345678\", \"0.06666666666666667\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9379994521659577\", \"0.9256928567269173\", \"0.9271918875246634\", \"0.9334628827451698\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8505747126436781\", \"0.8450704225352113\"], \"677\": [\"1.0\", \"0.967741935483871\", \"0.9772727272727273\", \"0.9555555555555556\"], \"678\": [\"0.7142857142857143\", \"0.5833333333333334\", \"0.5151515151515151\", \"0.7941176470588235\"], \"679\": [\"0.927536231884058\", \"0.9318181818181818\", \"0.972972972972973\", \"0.9714285714285714\"], \"680\": [\"0.971830985915493\", \"0.9672131147540983\", \"0.9879518072289156\", \"1.0\"], \"681\": [\"0.9753086419753086\", \"0.9506172839506173\", \"0.9797979797979798\", \"0.9196428571428571\"], \"682\": [\"0.9787234042553191\", \"0.9873417721518988\", \"0.97\", \"0.9891304347826086\"], \"683\": [\"0.9605263157894737\", \"0.8831168831168831\", \"0.94\", \"0.8285714285714286\"], \"684\": [\"0.9861111111111112\", \"0.9827586206896551\", \"1.0\", \"0.9863013698630136\"], \"685\": [\"0.9560439560439561\", \"0.9662921348314607\", \"0.9896907216494846\", \"0.958041958041958\"], \"686\": [\"0.9905660377358491\", \"0.990909090909091\", \"0.9857142857142858\", \"0.8876404494382022\"], \"687\": [\"0.9148936170212766\", \"0.8904109589041096\", \"0.8539325842696629\", \"0.9586206896551724\"], \"688\": [\"0.937984496124031\", \"0.9595959595959596\", \"0.9576271186440678\", \"0.9743589743589743\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6600618698657914\", \"0.6623582766439909\", \"0.7332017201046971\", \"0.8327601802324978\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8533333333333334\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.9444444444444444\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8571428571428571\", \"0.8260869565217391\", \"0.9444444444444444\"], \"694\": [\"0.4444444444444444\", \"0.7857142857142857\", \"0.8333333333333334\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.6666666666666666\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.775\", \"0.8636363636363636\", \"0.8448275862068966\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.76\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.7777777777777778\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5517241379310345\", \"0.6470588235294118\"], \"703\": [\"0.5294117647058824\", \"0.6\", \"0.6666666666666666\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.45840658144282337\", \"0.451355609565453\", \"0.470924535891532\", \"0.32120336471113614\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.4805194805194805\", \"0.20618556701030927\"], \"707\": [\"0.2606060606060606\", \"0.20689655172413793\", \"0.23756906077348067\", \"0.13312693498452013\"], \"708\": [\"0.20408163265306123\", \"0.15555555555555556\", \"0.1588785046728972\", \"0.1125\"], \"709\": [\"0.3764705882352941\", \"0.2808219178082192\", \"0.3850267379679144\", \"0.2991202346041056\"], \"710\": [\"0.3988439306358382\", \"0.39072847682119205\", \"0.422680412371134\", \"0.25595238095238093\"], \"711\": [\"0.4540229885057471\", \"0.5032679738562091\", \"0.5052083333333334\", \"0.2968299711815562\"], \"712\": [\"0.5317919075144508\", \"0.5032258064516129\", \"0.5105263157894737\", \"0.5185185185185185\"], \"713\": [\"0.5104895104895105\", \"0.5666666666666667\", \"0.6064516129032258\", \"0.348\"], \"714\": [\"0.4057142857142857\", \"0.36538461538461536\", \"0.4\", \"0.2011173184357542\"], \"715\": [\"0.514792899408284\", \"0.5620915032679739\", \"0.5106382978723404\", \"0.40175953079178883\"], \"716\": [\"0.625\", \"0.7124183006535948\", \"0.7263157894736842\", \"0.541095890410959\"], \"717\": [\"0.5308641975308642\", \"0.4452054794520548\", \"0.4470588235294118\", \"0.3982808022922636\"], \"718\": [\"0.7469135802469136\", \"0.6333333333333333\", \"0.6141304347826086\", \"0.4367816091954023\"], \"719\": [\"0.4581005586592179\", \"0.5375\", \"0.5879396984924623\", \"0.3475783475783476\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\", \"25\": \"0.7\", \"26\": \"0.7\", \"27\": \"0.7\", \"28\": \"0.7\", \"29\": \"0.7\", \"30\": \"0.7\", \"31\": \"0.7\", \"32\": \"0.7\", \"33\": \"0.7\", \"34\": \"0.7\", \"35\": \"0.7\", \"36\": \"0.7\", \"37\": \"0.7\", \"38\": \"0.7\", \"39\": \"0.7\", \"40\": \"0.7\", \"41\": \"0.7\", \"42\": \"0.7\", \"43\": \"0.7\", \"44\": \"0.7\", \"45\": \"0.7\", \"46\": \"0.7\", \"47\": \"0.7\", \"48\": \"0.7\", \"49\": \"0.7\", \"50\": \"0.7\", \"51\": \"0.7\", \"52\": \"0.7\", \"53\": \"0.7\", \"54\": \"0.7\", \"55\": \"0.7\", \"56\": \"0.7\", \"57\": \"0.7\", \"58\": \"0.7\", \"59\": \"0.7\", \"60\": \"0.7\", \"61\": \"0.7\", \"62\": \"0.7\", \"63\": \"0.7\", \"64\": \"0.7\", \"65\": \"0.7\", \"66\": \"0.7\", \"67\": \"0.7\", \"68\": \"0.7\", \"69\": \"0.7\", \"70\": \"0.7\", \"71\": \"0.7\", \"72\": \"0.7\", \"73\": \"0.7\", \"74\": \"0.7\", \"75\": \"0.7\", \"76\": \"0.7\", \"77\": \"0.7\", \"78\": \"0.7\", \"79\": \"0.7\", \"80\": \"0.7\", \"81\": \"0.7\", \"82\": \"0.7\", \"83\": \"0.7\", \"84\": \"0.7\", \"85\": \"0.7\", \"86\": \"0.7\", \"87\": \"0.7\", \"88\": \"0.7\", \"89\": \"0.7\", \"90\": \"0.7\", \"91\": \"0.7\", \"92\": \"0.7\", \"93\": \"0.7\", \"94\": \"0.7\", \"95\": \"0.7\", \"96\": \"0.7\", \"97\": \"0.7\", \"98\": \"0.7\", \"99\": \"0.7\", \"100\": \"0.7\", \"101\": \"0.7\", \"102\": \"0.7\", \"103\": \"0.7\", \"104\": \"0.7\", \"105\": \"0.7\", \"106\": \"0.7\", \"107\": \"0.7\", \"108\": \"0.7\", \"109\": \"0.7\", \"110\": \"0.7\", \"111\": \"0.7\", \"112\": \"0.7\", \"113\": \"0.7\", \"114\": \"0.7\", \"115\": \"0.7\", \"116\": \"0.7\", \"117\": \"0.7\", \"118\": \"0.7\", \"119\": \"0.7\", \"120\": \"0.7\", \"121\": \"0.7\", \"122\": \"0.7\", \"123\": \"0.7\", \"124\": \"0.7\", \"125\": \"0.7\", \"126\": \"0.7\", \"127\": \"0.7\", \"128\": \"0.7\", \"129\": \"0.7\", \"130\": \"0.7\", \"131\": \"0.7\", \"132\": \"0.7\", \"133\": \"0.7\", \"134\": \"0.7\", \"135\": \"0.7\", \"136\": \"0.7\", \"137\": \"0.7\", \"138\": \"0.7\", \"139\": \"0.7\", \"140\": \"0.7\", \"141\": \"0.7\", \"142\": \"0.7\", \"143\": \"0.7\", \"144\": \"0.7\", \"145\": \"0.7\", \"146\": \"0.7\", \"147\": \"0.7\", \"148\": \"0.7\", \"149\": \"0.7\", \"150\": \"0.7\", \"151\": \"0.7\", \"152\": \"0.7\", \"153\": \"0.7\", \"154\": \"0.7\", \"155\": \"0.7\", \"156\": \"0.7\", \"157\": \"0.7\", \"158\": \"0.7\", \"159\": \"0.7\", \"160\": \"0.7\", \"161\": \"0.7\", \"162\": \"0.7\", \"163\": \"0.7\", \"164\": \"0.7\", \"165\": \"0.7\", \"166\": \"0.7\", \"167\": \"0.7\", \"168\": \"0.7\", \"169\": \"0.7\", \"170\": \"0.7\", \"171\": \"0.7\", \"172\": \"0.7\", \"173\": \"0.7\", \"174\": \"0.7\", \"175\": \"0.7\", \"176\": \"0.7\", \"177\": \"0.7\", \"178\": \"0.7\", \"179\": \"0.7\", \"180\": \"0.7\", \"181\": \"0.7\", \"182\": \"0.7\", \"183\": \"0.7\", \"184\": \"0.7\", \"185\": \"0.7\", \"186\": \"0.7\", \"187\": \"0.7\", \"188\": \"0.7\", \"189\": \"0.7\", \"190\": \"0.7\", \"191\": \"0.7\", \"192\": \"0.7\", \"193\": \"0.7\", \"194\": \"0.7\", \"195\": \"0.7\", \"196\": \"0.7\", \"197\": \"0.7\", \"198\": \"0.7\", \"199\": \"0.7\", \"200\": \"0.7\", \"201\": \"0.7\", \"202\": \"0.7\", \"203\": \"0.7\", \"204\": \"0.7\", \"205\": \"0.7\", \"206\": \"0.7\", \"207\": \"0.7\", \"208\": \"0.7\", \"209\": \"0.7\", \"210\": \"0.7\", \"211\": \"0.7\", \"212\": \"0.7\", \"213\": \"0.7\", \"214\": \"0.7\", \"215\": \"0.7\", \"216\": \"0.7\", \"217\": \"0.7\", \"218\": \"0.7\", \"219\": \"0.7\", \"220\": \"0.7\", \"221\": \"0.7\", \"222\": \"0.7\", \"223\": \"0.7\", \"224\": \"0.7\", \"225\": \"0.7\", \"226\": \"0.7\", \"227\": \"0.7\", \"228\": \"0.7\", \"229\": \"0.7\", \"230\": \"0.7\", \"231\": \"0.7\", \"232\": \"0.7\", \"233\": \"0.7\", \"234\": \"0.7\", \"235\": \"0.7\", \"236\": \"0.7\", \"237\": \"0.7\", \"238\": \"0.7\", \"239\": \"0.7\", \"240\": \"0.7\", \"241\": \"0.7\", \"242\": \"0.7\", \"243\": \"0.7\", \"244\": \"0.7\", \"245\": \"0.7\", \"246\": \"0.7\", \"247\": \"0.7\", \"248\": \"0.7\", \"249\": \"0.7\", \"250\": \"0.7\", \"251\": \"0.7\", \"252\": \"0.7\", \"253\": \"0.7\", \"254\": \"0.7\", \"255\": \"0.7\", \"256\": \"0.7\", \"257\": \"0.7\", \"258\": \"0.7\", \"259\": \"0.7\", \"260\": \"0.7\", \"261\": \"0.7\", \"262\": \"0.7\", \"263\": \"0.7\", \"264\": \"0.7\", \"265\": \"0.7\", \"266\": \"0.7\", \"267\": \"0.7\", \"268\": \"0.7\", \"269\": \"0.7\", \"270\": \"0.7\", \"271\": \"0.7\", \"272\": \"0.7\", \"273\": \"0.7\", \"274\": \"0.7\", \"275\": \"0.7\", \"276\": \"0.7\", \"277\": \"0.7\", \"278\": \"0.7\", \"279\": \"0.7\", \"280\": \"0.7\", \"281\": \"0.7\", \"282\": \"0.7\", \"283\": \"0.7\", \"284\": \"0.7\", \"285\": \"0.7\", \"286\": \"0.7\", \"287\": \"0.7\", \"288\": \"0.7\", \"289\": \"0.7\", \"290\": \"0.7\", \"291\": \"0.7\", \"292\": \"0.7\", \"293\": \"0.7\", \"294\": \"0.7\", \"295\": \"0.7\", \"296\": \"0.7\", \"297\": \"0.7\", \"298\": \"0.7\", \"299\": \"0.7\", \"300\": \"0.7\", \"301\": \"0.7\", \"302\": \"0.7\", \"303\": \"0.7\", \"304\": \"0.7\", \"305\": \"0.7\", \"306\": \"0.7\", \"307\": \"0.7\", \"308\": \"0.7\", \"309\": \"0.7\", \"310\": \"0.7\", \"311\": \"0.7\", \"312\": \"0.7\", \"313\": \"0.7\", \"314\": \"0.7\", \"315\": \"0.7\", \"316\": \"0.7\", \"317\": \"0.7\", \"318\": \"0.7\", \"319\": \"0.7\", \"320\": \"0.7\", \"321\": \"0.7\", \"322\": \"0.7\", \"323\": \"0.7\", \"324\": \"0.7\", \"325\": \"0.7\", \"326\": \"0.7\", \"327\": \"0.7\", \"328\": \"0.7\", \"329\": \"0.7\", \"330\": \"0.7\", \"331\": \"0.7\", \"332\": \"0.7\", \"333\": \"0.7\", \"334\": \"0.7\", \"335\": \"0.7\", \"336\": \"0.7\", \"337\": \"0.7\", \"338\": \"0.7\", \"339\": \"0.7\", \"340\": \"0.7\", \"341\": \"0.7\", \"342\": \"0.7\", \"343\": \"0.7\", \"344\": \"0.7\", \"345\": \"0.7\", \"346\": \"0.7\", \"347\": \"0.7\", \"348\": \"0.7\", \"349\": \"0.7\", \"350\": \"0.7\", \"351\": \"0.7\", \"352\": \"0.7\", \"353\": \"0.7\", \"354\": \"0.7\", \"355\": \"0.7\", \"356\": \"0.7\", \"357\": \"0.7\", \"358\": \"0.7\", \"359\": \"0.7\", \"360\": \"0.7\", \"361\": \"0.7\", \"362\": \"0.7\", \"363\": \"0.7\", \"364\": \"0.7\", \"365\": \"0.7\", \"366\": \"0.7\", \"367\": \"0.7\", \"368\": \"0.7\", \"369\": \"0.7\", \"370\": \"0.7\", \"371\": \"0.7\", \"372\": \"0.7\", \"373\": \"0.7\", \"374\": \"0.7\", \"375\": \"0.7\", \"376\": \"0.7\", \"377\": \"0.7\", \"378\": \"0.7\", \"379\": \"0.7\", \"380\": \"0.7\", \"381\": \"0.7\", \"382\": \"0.7\", \"383\": \"0.7\", \"384\": \"0.7\", \"385\": \"0.7\", \"386\": \"0.7\", \"387\": \"0.7\", \"388\": \"0.7\", \"389\": \"0.7\", \"390\": \"0.7\", \"391\": \"0.7\", \"392\": \"0.7\", \"393\": \"0.7\", \"394\": \"0.7\", \"395\": \"0.7\", \"396\": \"0.7\", \"397\": \"0.7\", \"398\": \"0.7\", \"399\": \"0.7\", \"400\": \"0.7\", \"401\": \"0.7\", \"402\": \"0.7\", \"403\": \"0.7\", \"404\": \"0.7\", \"405\": \"0.7\", \"406\": \"0.7\", \"407\": \"0.7\", \"408\": \"0.7\", \"409\": \"0.7\", \"410\": \"0.7\", \"411\": \"0.7\", \"412\": \"0.7\", \"413\": \"0.7\", \"414\": \"0.7\", \"415\": \"0.7\", \"416\": \"0.7\", \"417\": \"0.7\", \"418\": \"0.7\", \"419\": \"0.7\", \"420\": \"0.7\", \"421\": \"0.7\", \"422\": \"0.7\", \"423\": \"0.7\", \"424\": \"0.7\", \"425\": \"0.7\", \"426\": \"0.7\", \"427\": \"0.7\", \"428\": \"0.7\", \"429\": \"0.7\", \"430\": \"0.7\", \"431\": \"0.7\", \"432\": \"0.7\", \"433\": \"0.7\", \"434\": \"0.7\", \"435\": \"0.7\", \"436\": \"0.7\", \"437\": \"0.7\", \"438\": \"0.7\", \"439\": \"0.7\", \"440\": \"0.7\", \"441\": \"0.7\", \"442\": \"0.7\", \"443\": \"0.7\", \"444\": \"0.7\", \"445\": \"0.7\", \"446\": \"0.7\", \"447\": \"0.7\", \"448\": \"0.7\", \"449\": \"0.7\", \"450\": \"0.7\", \"451\": \"0.7\", \"452\": \"0.7\", \"453\": \"0.7\", \"454\": \"0.7\", \"455\": \"0.7\", \"456\": \"0.7\", \"457\": \"0.7\", \"458\": \"0.7\", \"459\": \"0.7\", \"460\": \"0.7\", \"461\": \"0.7\", \"462\": \"0.7\", \"463\": \"0.7\", \"464\": \"0.7\", \"465\": \"0.7\", \"466\": \"0.7\", \"467\": \"0.7\", \"468\": \"0.7\", \"469\": \"0.7\", \"470\": \"0.7\", \"471\": \"0.7\", \"472\": \"0.7\", \"473\": \"0.7\", \"474\": \"0.7\", \"475\": \"0.7\", \"476\": \"0.7\", \"477\": \"0.7\", \"478\": \"0.7\", \"479\": \"0.7\", \"480\": \"0.7\", \"481\": \"0.7\", \"482\": \"0.7\", \"483\": \"0.7\", \"484\": \"0.7\", \"485\": \"0.7\", \"486\": \"0.7\", \"487\": \"0.7\", \"488\": \"0.7\", \"489\": \"0.7\", \"490\": \"0.7\", \"491\": \"0.7\", \"492\": \"0.7\", \"493\": \"0.7\", \"494\": \"0.7\", \"495\": \"0.7\", \"496\": \"0.7\", \"497\": \"0.7\", \"498\": \"0.7\", \"499\": \"0.7\", \"500\": \"0.7\", \"501\": \"0.7\", \"502\": \"0.7\", \"503\": \"0.7\", \"504\": \"0.7\", \"505\": \"0.7\", \"506\": \"0.7\", \"507\": \"0.7\", \"508\": \"0.7\", \"509\": \"0.7\", \"510\": \"0.7\", \"511\": \"0.7\", \"512\": \"0.7\", \"513\": \"0.7\", \"514\": \"0.7\", \"515\": \"0.7\", \"516\": \"0.7\", \"517\": \"0.7\", \"518\": \"0.7\", \"519\": \"0.7\", \"520\": \"0.7\", \"521\": \"0.7\", \"522\": \"0.7\", \"523\": \"0.7\", \"524\": \"0.7\", \"525\": \"0.7\", \"526\": \"0.7\", \"527\": \"0.7\", \"528\": \"0.7\", \"529\": \"0.7\", \"530\": \"0.7\", \"531\": \"0.7\", \"532\": \"0.7\", \"533\": \"0.7\", \"534\": \"0.7\", \"535\": \"0.7\", \"536\": \"0.7\", \"537\": \"0.7\", \"538\": \"0.7\", \"539\": \"0.7\", \"540\": \"0.7\", \"541\": \"0.7\", \"542\": \"0.7\", \"543\": \"0.7\", \"544\": \"0.7\", \"545\": \"0.7\", \"546\": \"0.7\", \"547\": \"0.7\", \"548\": \"0.7\", \"549\": \"0.7\", \"550\": \"0.7\", \"551\": \"0.7\", \"552\": \"0.7\", \"553\": \"0.7\", \"554\": \"0.7\", \"555\": \"0.7\", \"556\": \"0.7\", \"557\": \"0.7\", \"558\": \"0.7\", \"559\": \"0.7\", \"560\": \"0.7\", \"561\": \"0.7\", \"562\": \"0.7\", \"563\": \"0.7\", \"564\": \"0.7\", \"565\": \"0.7\", \"566\": \"0.7\", \"567\": \"0.7\", \"568\": \"0.7\", \"569\": \"0.7\", \"570\": \"0.7\", \"571\": \"0.7\", \"572\": \"0.7\", \"573\": \"0.7\", \"574\": \"0.7\", \"575\": \"0.7\", \"576\": \"0.7\", \"577\": \"0.7\", \"578\": \"0.7\", \"579\": \"0.7\", \"580\": \"0.7\", \"581\": \"0.7\", \"582\": \"0.7\", \"583\": \"0.7\", \"584\": \"0.7\", \"585\": \"0.7\", \"586\": \"0.7\", \"587\": \"0.7\", \"588\": \"0.7\", \"589\": \"0.7\", \"590\": \"0.7\", \"591\": \"0.7\", \"592\": \"0.7\", \"593\": \"0.7\", \"594\": \"0.7\", \"595\": \"0.7\", \"596\": \"0.7\", \"597\": \"0.7\", \"598\": \"0.7\", \"599\": \"0.7\", \"600\": \"0.7\", \"601\": \"0.7\", \"602\": \"0.7\", \"603\": \"0.7\", \"604\": \"0.7\", \"605\": \"0.7\", \"606\": \"0.7\", \"607\": \"0.7\", \"608\": \"0.7\", \"609\": \"0.7\", \"610\": \"0.7\", \"611\": \"0.7\", \"612\": \"0.7\", \"613\": \"0.7\", \"614\": \"0.7\", \"615\": \"0.7\", \"616\": \"0.7\", \"617\": \"0.7\", \"618\": \"0.7\", \"619\": \"0.7\", \"620\": \"0.7\", \"621\": \"0.7\", \"622\": \"0.7\", \"623\": \"0.7\", \"624\": \"0.7\", \"625\": \"0.7\", \"626\": \"0.7\", \"627\": \"0.7\", \"628\": \"0.7\", \"629\": \"0.7\", \"630\": \"0.7\", \"631\": \"0.7\", \"632\": \"0.7\", \"633\": \"0.7\", \"634\": \"0.7\", \"635\": \"0.7\", \"636\": \"0.7\", \"637\": \"0.7\", \"638\": \"0.7\", \"639\": \"0.7\", \"640\": \"0.7\", \"641\": \"0.7\", \"642\": \"0.7\", \"643\": \"0.7\", \"644\": \"0.7\", \"645\": \"0.7\", \"646\": \"0.7\", \"647\": \"0.7\", \"648\": \"0.7\", \"649\": \"0.7\", \"650\": \"0.7\", \"651\": \"0.7\", \"652\": \"0.7\", \"653\": \"0.7\", \"654\": \"0.7\", \"655\": \"0.7\", \"656\": \"0.7\", \"657\": \"0.7\", \"658\": \"0.7\", \"659\": \"0.7\", \"660\": \"0.7\", \"661\": \"0.7\", \"662\": \"0.7\", \"663\": \"0.7\", \"664\": \"0.7\", \"665\": \"0.7\", \"666\": \"0.7\", \"667\": \"0.7\", \"668\": \"0.7\", \"669\": \"0.7\", \"670\": \"0.7\", \"671\": \"0.7\", \"672\": \"0.7\", \"673\": \"0.7\", \"674\": \"0.7\", \"675\": \"0.7\", \"676\": \"0.7\", \"677\": \"0.7\", \"678\": \"0.7\", \"679\": \"0.7\", \"680\": \"0.7\", \"681\": \"0.7\", \"682\": \"0.7\", \"683\": \"0.7\", \"684\": \"0.7\", \"685\": \"0.7\", \"686\": \"0.7\", \"687\": \"0.7\", \"688\": \"0.7\", \"689\": \"0.7\", \"690\": \"0.7\", \"691\": \"0.7\", \"692\": \"0.7\", \"693\": \"0.7\", \"694\": \"0.7\", \"695\": \"0.7\", \"696\": \"0.7\", \"697\": \"0.7\", \"698\": \"0.7\", \"699\": \"0.7\", \"700\": \"0.7\", \"701\": \"0.7\", \"702\": \"0.7\", \"703\": \"0.7\", \"704\": \"0.7\", \"705\": \"0.7\", \"706\": \"0.7\", \"707\": \"0.7\", \"708\": \"0.7\", \"709\": \"0.7\", \"710\": \"0.7\", \"711\": \"0.7\", \"712\": \"0.7\", \"713\": \"0.7\", \"714\": \"0.7\", \"715\": \"0.7\", \"716\": \"0.7\", \"717\": \"0.7\", \"718\": \"0.7\", \"719\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"neutral\", \"7\": \"positive\", \"8\": \"negative\", \"9\": \"positive\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"positive\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"negative\", \"16\": \"neutral\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"neutral\", \"23\": \"neutral\", \"24\": \"negative\", \"25\": \"positive\", \"26\": \"neutral\", \"27\": \"neutral\", \"28\": \"neutral\", \"29\": \"neutral\", \"30\": \"positive\", \"31\": \"neutral\", \"32\": \"negative\", \"33\": \"negative\", \"34\": \"positive\", \"35\": \"negative\", \"36\": \"negative\", \"37\": \"positive\", \"38\": \"negative\", \"39\": \"positive\", \"40\": \"positive\", \"41\": \"positive\", \"42\": \"positive\", \"43\": \"negative\", \"44\": \"positive\", \"45\": \"negative\", \"46\": \"negative\", \"47\": \"negative\", \"48\": \"neutral\", \"49\": \"negative\", \"50\": \"neutral\", \"51\": \"negative\", \"52\": \"negative\", \"53\": \"negative\", \"54\": \"negative\", \"55\": \"negative\", \"56\": \"positive\", \"57\": \"neutral\", \"58\": \"negative\", \"59\": \"negative\", \"60\": \"neutral\", \"61\": \"neutral\", \"62\": \"neutral\", \"63\": \"neutral\", \"64\": \"positive\", \"65\": \"positive\", \"66\": \"positive\", \"67\": \"neutral\", \"68\": \"negative\", \"69\": \"neutral\", \"70\": \"neutral\", \"71\": \"positive\", \"72\": \"negative\", \"73\": \"negative\", \"74\": \"neutral\", \"75\": \"neutral\", \"76\": \"neutral\", \"77\": \"negative\", \"78\": \"neutral\", \"79\": \"neutral\", \"80\": \"neutral\", \"81\": \"neutral\", \"82\": \"neutral\", \"83\": \"neutral\", \"84\": \"neutral\", \"85\": \"negative\", \"86\": \"negative\", \"87\": \"positive\", \"88\": \"neutral\", \"89\": \"neutral\", \"90\": \"positive\", \"91\": \"positive\", \"92\": \"negative\", \"93\": \"positive\", \"94\": \"positive\", \"95\": \"neutral\", \"96\": \"positive\", \"97\": \"negative\", \"98\": \"positive\", \"99\": \"positive\", \"100\": \"neutral\", \"101\": \"negative\", \"102\": \"positive\", \"103\": \"negative\", \"104\": \"positive\", \"105\": \"negative\", \"106\": \"negative\", \"107\": \"negative\", \"108\": \"negative\", \"109\": \"negative\", \"110\": \"negative\", \"111\": \"negative\", \"112\": \"neutral\", \"113\": \"negative\", \"114\": \"negative\", \"115\": \"negative\", \"116\": \"negative\", \"117\": \"negative\", \"118\": \"negative\", \"119\": \"neutral\", \"120\": \"neutral\", \"121\": \"negative\", \"122\": \"positive\", \"123\": \"negative\", \"124\": \"positive\", \"125\": \"negative\", \"126\": \"neutral\", \"127\": \"positive\", \"128\": \"positive\", \"129\": \"neutral\", \"130\": \"negative\", \"131\": \"positive\", \"132\": \"neutral\", \"133\": \"neutral\", \"134\": \"positive\", \"135\": \"neutral\", \"136\": \"positive\", \"137\": \"neutral\", \"138\": \"positive\", \"139\": \"negative\", \"140\": \"neutral\", \"141\": \"neutral\", \"142\": \"neutral\", \"143\": \"negative\", \"144\": \"neutral\", \"145\": \"negative\", \"146\": \"negative\", \"147\": \"positive\", \"148\": \"positive\", \"149\": \"neutral\", \"150\": \"neutral\", \"151\": \"positive\", \"152\": \"neutral\", \"153\": \"negative\", \"154\": \"negative\", \"155\": \"negative\", \"156\": \"negative\", \"157\": \"negative\", \"158\": \"positive\", \"159\": \"neutral\", \"160\": \"negative\", \"161\": \"negative\", \"162\": \"positive\", \"163\": \"positive\", \"164\": \"positive\", \"165\": \"neutral\", \"166\": \"negative\", \"167\": \"positive\", \"168\": \"positive\", \"169\": \"positive\", \"170\": \"negative\", \"171\": \"negative\", \"172\": \"positive\", \"173\": \"negative\", \"174\": \"negative\", \"175\": \"negative\", \"176\": \"positive\", \"177\": \"positive\", \"178\": \"negative\", \"179\": \"positive\", \"180\": \"neutral\", \"181\": \"negative\", \"182\": \"negative\", \"183\": \"positive\", \"184\": \"positive\", \"185\": \"negative\", \"186\": \"positive\", \"187\": \"positive\", \"188\": \"negative\", \"189\": \"positive\", \"190\": \"positive\", \"191\": \"negative\", \"192\": \"positive\", \"193\": \"negative\", \"194\": \"positive\", \"195\": \"negative\", \"196\": \"neutral\", \"197\": \"negative\", \"198\": \"positive\", \"199\": \"negative\", \"200\": \"neutral\", \"201\": \"neutral\", \"202\": \"neutral\", \"203\": \"neutral\", \"204\": \"neutral\", \"205\": \"neutral\", \"206\": \"neutral\", \"207\": \"positive\", \"208\": \"negative\", \"209\": \"neutral\", \"210\": \"positive\", \"211\": \"positive\", \"212\": \"negative\", \"213\": \"neutral\", \"214\": \"positive\", \"215\": \"negative\", \"216\": \"positive\", \"217\": \"positive\", \"218\": \"negative\", \"219\": \"positive\", \"220\": \"negative\", \"221\": \"neutral\", \"222\": \"positive\", \"223\": \"positive\", \"224\": \"positive\", \"225\": \"negative\", \"226\": \"negative\", \"227\": \"negative\", \"228\": \"positive\", \"229\": \"negative\", \"230\": \"neutral\", \"231\": \"negative\", \"232\": \"negative\", \"233\": \"positive\", \"234\": \"negative\", \"235\": \"negative\", \"236\": \"neutral\", \"237\": \"positive\", \"238\": \"negative\", \"239\": \"negative\", \"240\": \"neutral\", \"241\": \"negative\", \"242\": \"negative\", \"243\": \"negative\", \"244\": \"positive\", \"245\": \"positive\", \"246\": \"negative\", \"247\": \"neutral\", \"248\": \"negative\", \"249\": \"neutral\", \"250\": \"positive\", \"251\": \"positive\", \"252\": \"positive\", \"253\": \"neutral\", \"254\": \"neutral\", \"255\": \"negative\", \"256\": \"negative\", \"257\": \"neutral\", \"258\": \"negative\", \"259\": \"neutral\", \"260\": \"neutral\", \"261\": \"negative\", \"262\": \"positive\", \"263\": \"negative\", \"264\": \"neutral\", \"265\": \"positive\", \"266\": \"positive\", \"267\": \"neutral\", \"268\": \"negative\", \"269\": \"neutral\", \"270\": \"neutral\", \"271\": \"negative\", \"272\": \"negative\", \"273\": \"negative\", \"274\": \"positive\", \"275\": \"positive\", \"276\": \"negative\", \"277\": \"neutral\", \"278\": \"negative\", \"279\": \"neutral\", \"280\": \"positive\", \"281\": \"positive\", \"282\": \"positive\", \"283\": \"positive\", \"284\": \"neutral\", \"285\": \"negative\", \"286\": \"negative\", \"287\": \"negative\", \"288\": \"neutral\", \"289\": \"positive\", \"290\": \"positive\", \"291\": \"positive\", \"292\": \"negative\", \"293\": \"negative\", \"294\": \"negative\", \"295\": \"negative\", \"296\": \"positive\", \"297\": \"negative\", \"298\": \"negative\", \"299\": \"negative\", \"300\": \"neutral\", \"301\": \"negative\", \"302\": \"neutral\", \"303\": \"negative\", \"304\": \"positive\", \"305\": \"neutral\", \"306\": \"positive\", \"307\": \"neutral\", \"308\": \"negative\", \"309\": \"neutral\", \"310\": \"neutral\", \"311\": \"positive\", \"312\": \"negative\", \"313\": \"negative\", \"314\": \"neutral\", \"315\": \"neutral\", \"316\": \"negative\", \"317\": \"negative\", \"318\": \"positive\", \"319\": \"neutral\", \"320\": \"neutral\", \"321\": \"negative\", \"322\": \"neutral\", \"323\": \"positive\", \"324\": \"neutral\", \"325\": \"negative\", \"326\": \"negative\", \"327\": \"positive\", \"328\": \"negative\", \"329\": \"neutral\", \"330\": \"neutral\", \"331\": \"negative\", \"332\": \"negative\", \"333\": \"negative\", \"334\": \"positive\", \"335\": \"negative\", \"336\": \"positive\", \"337\": \"neutral\", \"338\": \"positive\", \"339\": \"neutral\", \"340\": \"negative\", \"341\": \"positive\", \"342\": \"positive\", \"343\": \"negative\", \"344\": \"positive\", \"345\": \"negative\", \"346\": \"negative\", \"347\": \"negative\", \"348\": \"positive\", \"349\": \"negative\", \"350\": \"negative\", \"351\": \"negative\", \"352\": \"negative\", \"353\": \"negative\", \"354\": \"negative\", \"355\": \"negative\", \"356\": \"neutral\", \"357\": \"negative\", \"358\": \"negative\", \"359\": \"positive\", \"360\": \"neutral\", \"361\": \"neutral\", \"362\": \"neutral\", \"363\": \"neutral\", \"364\": \"neutral\", \"365\": \"positive\", \"366\": \"neutral\", \"367\": \"neutral\", \"368\": \"neutral\", \"369\": \"neutral\", \"370\": \"positive\", \"371\": \"positive\", \"372\": \"negative\", \"373\": \"negative\", \"374\": \"neutral\", \"375\": \"neutral\", \"376\": \"positive\", \"377\": \"negative\", \"378\": \"negative\", \"379\": \"neutral\", \"380\": \"neutral\", \"381\": \"neutral\", \"382\": \"neutral\", \"383\": \"negative\", \"384\": \"neutral\", \"385\": \"neutral\", \"386\": \"negative\", \"387\": \"positive\", \"388\": \"neutral\", \"389\": \"neutral\", \"390\": \"positive\", \"391\": \"positive\", \"392\": \"negative\", \"393\": \"positive\", \"394\": \"positive\", \"395\": \"positive\", \"396\": \"positive\", \"397\": \"negative\", \"398\": \"negative\", \"399\": \"positive\", \"400\": \"positive\", \"401\": \"negative\", \"402\": \"neutral\", \"403\": \"positive\", \"404\": \"positive\", \"405\": \"negative\", \"406\": \"negative\", \"407\": \"negative\", \"408\": \"negative\", \"409\": \"neutral\", \"410\": \"negative\", \"411\": \"negative\", \"412\": \"positive\", \"413\": \"negative\", \"414\": \"negative\", \"415\": \"neutral\", \"416\": \"negative\", \"417\": \"negative\", \"418\": \"negative\", \"419\": \"negative\", \"420\": \"neutral\", \"421\": \"negative\", \"422\": \"neutral\", \"423\": \"negative\", \"424\": \"positive\", \"425\": \"negative\", \"426\": \"neutral\", \"427\": \"positive\", \"428\": \"negative\", \"429\": \"neutral\", \"430\": \"negative\", \"431\": \"positive\", \"432\": \"negative\", \"433\": \"positive\", \"434\": \"neutral\", \"435\": \"neutral\", \"436\": \"neutral\", \"437\": \"neutral\", \"438\": \"neutral\", \"439\": \"negative\", \"440\": \"neutral\", \"441\": \"negative\", \"442\": \"negative\", \"443\": \"positive\", \"444\": \"neutral\", \"445\": \"positive\", \"446\": \"positive\", \"447\": \"positive\", \"448\": \"neutral\", \"449\": \"neutral\", \"450\": \"negative\", \"451\": \"positive\", \"452\": \"neutral\", \"453\": \"negative\", \"454\": \"negative\", \"455\": \"negative\", \"456\": \"negative\", \"457\": \"negative\", \"458\": \"positive\", \"459\": \"negative\", \"460\": \"negative\", \"461\": \"positive\", \"462\": \"positive\", \"463\": \"neutral\", \"464\": \"neutral\", \"465\": \"negative\", \"466\": \"negative\", \"467\": \"neutral\", \"468\": \"neutral\", \"469\": \"negative\", \"470\": \"positive\", \"471\": \"negative\", \"472\": \"negative\", \"473\": \"negative\", \"474\": \"negative\", \"475\": \"negative\", \"476\": \"positive\", \"477\": \"negative\", \"478\": \"negative\", \"479\": \"negative\", \"480\": \"positive\", \"481\": \"negative\", \"482\": \"positive\", \"483\": \"negative\", \"484\": \"positive\", \"485\": \"neutral\", \"486\": \"neutral\", \"487\": \"positive\", \"488\": \"positive\", \"489\": \"neutral\", \"490\": \"negative\", \"491\": \"positive\", \"492\": \"positive\", \"493\": \"negative\", \"494\": \"positive\", \"495\": \"neutral\", \"496\": \"positive\", \"497\": \"neutral\", \"498\": \"negative\", \"499\": \"negative\", \"500\": \"neutral\", \"501\": \"neutral\", \"502\": \"neutral\", \"503\": \"negative\", \"504\": \"neutral\", \"505\": \"negative\", \"506\": \"negative\", \"507\": \"neutral\", \"508\": \"positive\", \"509\": \"neutral\", \"510\": \"positive\", \"511\": \"positive\", \"512\": \"positive\", \"513\": \"negative\", \"514\": \"positive\", \"515\": \"neutral\", \"516\": \"positive\", \"517\": \"positive\", \"518\": \"negative\", \"519\": \"positive\", \"520\": \"negative\", \"521\": \"negative\", \"522\": \"positive\", \"523\": \"neutral\", \"524\": \"positive\", \"525\": \"neutral\", \"526\": \"negative\", \"527\": \"positive\", \"528\": \"positive\", \"529\": \"neutral\", \"530\": \"negative\", \"531\": \"negative\", \"532\": \"positive\", \"533\": \"neutral\", \"534\": \"negative\", \"535\": \"negative\", \"536\": \"positive\", \"537\": \"positive\", \"538\": \"negative\", \"539\": \"positive\", \"540\": \"neutral\", \"541\": \"negative\", \"542\": \"neutral\", \"543\": \"negative\", \"544\": \"positive\", \"545\": \"neutral\", \"546\": \"neutral\", \"547\": \"neutral\", \"548\": \"negative\", \"549\": \"neutral\", \"550\": \"neutral\", \"551\": \"positive\", \"552\": \"negative\", \"553\": \"negative\", \"554\": \"positive\", \"555\": \"neutral\", \"556\": \"neutral\", \"557\": \"negative\", \"558\": \"neutral\", \"559\": \"neutral\", \"560\": \"neutral\", \"561\": \"negative\", \"562\": \"neutral\", \"563\": \"neutral\", \"564\": \"neutral\", \"565\": \"neutral\", \"566\": \"negative\", \"567\": \"positive\", \"568\": \"neutral\", \"569\": \"neutral\", \"570\": \"positive\", \"571\": \"positive\", \"572\": \"negative\", \"573\": \"neutral\", \"574\": \"positive\", \"575\": \"positive\", \"576\": \"neutral\", \"577\": \"positive\", \"578\": \"neutral\", \"579\": \"positive\", \"580\": \"positive\", \"581\": \"negative\", \"582\": \"positive\", \"583\": \"negative\", \"584\": \"positive\", \"585\": \"negative\", \"586\": \"negative\", \"587\": \"negative\", \"588\": \"negative\", \"589\": \"negative\", \"590\": \"negative\", \"591\": \"negative\", \"592\": \"neutral\", \"593\": \"negative\", \"594\": \"negative\", \"595\": \"negative\", \"596\": \"negative\", \"597\": \"neutral\", \"598\": \"negative\", \"599\": \"negative\", \"600\": \"neutral\", \"601\": \"negative\", \"602\": \"negative\", \"603\": \"neutral\", \"604\": \"positive\", \"605\": \"neutral\", \"606\": \"positive\", \"607\": \"neutral\", \"608\": \"negative\", \"609\": \"neutral\", \"610\": \"neutral\", \"611\": \"positive\", \"612\": \"negative\", \"613\": \"negative\", \"614\": \"neutral\", \"615\": \"neutral\", \"616\": \"neutral\", \"617\": \"negative\", \"618\": \"neutral\", \"619\": \"negative\", \"620\": \"neutral\", \"621\": \"negative\", \"622\": \"neutral\", \"623\": \"positive\", \"624\": \"neutral\", \"625\": \"negative\", \"626\": \"neutral\", \"627\": \"positive\", \"628\": \"negative\", \"629\": \"neutral\", \"630\": \"positive\", \"631\": \"neutral\", \"632\": \"negative\", \"633\": \"neutral\", \"634\": \"positive\", \"635\": \"neutral\", \"636\": \"positive\", \"637\": \"positive\", \"638\": \"positive\", \"639\": \"positive\", \"640\": \"negative\", \"641\": \"positive\", \"642\": \"positive\", \"643\": \"negative\", \"644\": \"positive\", \"645\": \"negative\", \"646\": \"negative\", \"647\": \"negative\", \"648\": \"neutral\", \"649\": \"negative\", \"650\": \"negative\", \"651\": \"negative\", \"652\": \"negative\", \"653\": \"negative\", \"654\": \"negative\", \"655\": \"negative\", \"656\": \"positive\", \"657\": \"neutral\", \"658\": \"negative\", \"659\": \"neutral\", \"660\": \"neutral\", \"661\": \"negative\", \"662\": \"neutral\", \"663\": \"negative\", \"664\": \"positive\", \"665\": \"positive\", \"666\": \"neutral\", \"667\": \"neutral\", \"668\": \"positive\", \"669\": \"neutral\", \"670\": \"positive\", \"671\": \"positive\", \"672\": \"neutral\", \"673\": \"negative\", \"674\": \"positive\", \"675\": \"neutral\", \"676\": \"neutral\", \"677\": \"negative\", \"678\": \"neutral\", \"679\": \"positive\", \"680\": \"neutral\", \"681\": \"negative\", \"682\": \"neutral\", \"683\": \"negative\", \"684\": \"neutral\", \"685\": \"neutral\", \"686\": \"negative\", \"687\": \"positive\", \"688\": \"positive\", \"689\": \"neutral\", \"690\": \"positive\", \"691\": \"positive\", \"692\": \"negative\", \"693\": \"neutral\", \"694\": \"positive\", \"695\": \"positive\", \"696\": \"neutral\", \"697\": \"positive\", \"698\": \"negative\", \"699\": \"positive\", \"700\": \"positive\", \"701\": \"negative\", \"702\": \"positive\", \"703\": \"positive\", \"704\": \"positive\", \"705\": \"negative\", \"706\": \"negative\", \"707\": \"negative\", \"708\": \"negative\", \"709\": \"negative\", \"710\": \"negative\", \"711\": \"negative\", \"712\": \"neutral\", \"713\": \"negative\", \"714\": \"negative\", \"715\": \"negative\", \"716\": \"negative\", \"717\": \"negative\", \"718\": \"negative\", \"719\": \"negative\"}"); - var passed_all = JSON.parse("{\"0\": false, \"1\": false, \"2\": false, \"3\": false, \"4\": false, \"5\": false, \"6\": false, \"7\": false, \"8\": false, \"9\": false, \"10\": false, \"11\": false, \"12\": false, \"13\": false, \"14\": false, \"15\": true, \"16\": true, \"17\": true, \"18\": false, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true, \"25\": true, \"26\": true, \"27\": true, \"28\": true, \"29\": true, \"30\": true, \"31\": true, \"32\": true, \"33\": true, \"34\": true, \"35\": true, \"36\": false, \"37\": true, \"38\": true, \"39\": true, \"40\": true, \"41\": true, \"42\": false, \"43\": true, \"44\": false, \"45\": false, \"46\": false, \"47\": false, \"48\": false, \"49\": false, \"50\": false, \"51\": false, \"52\": false, \"53\": false, \"54\": false, \"55\": false, \"56\": true, \"57\": false, \"58\": false, \"59\": false, \"60\": false, \"61\": false, \"62\": false, \"63\": false, \"64\": false, \"65\": false, \"66\": false, \"67\": false, \"68\": false, \"69\": false, \"70\": false, \"71\": false, \"72\": false, \"73\": false, \"74\": false, \"75\": true, \"76\": true, \"77\": true, \"78\": true, \"79\": true, \"80\": true, \"81\": true, \"82\": true, \"83\": true, \"84\": true, \"85\": true, \"86\": true, \"87\": true, \"88\": true, \"89\": true, \"90\": true, \"91\": true, \"92\": true, \"93\": true, \"94\": true, \"95\": true, \"96\": true, \"97\": true, \"98\": true, \"99\": true, \"100\": false, \"101\": true, \"102\": false, \"103\": false, \"104\": true, \"105\": false, \"106\": false, \"107\": false, \"108\": false, \"109\": false, \"110\": false, \"111\": false, \"112\": false, \"113\": false, \"114\": false, \"115\": false, \"116\": false, \"117\": false, \"118\": false, \"119\": false, \"120\": false, \"121\": false, \"122\": false, \"123\": false, \"124\": false, \"125\": false, \"126\": false, \"127\": false, \"128\": false, \"129\": false, \"130\": false, \"131\": false, \"132\": false, \"133\": false, \"134\": false, \"135\": true, \"136\": true, \"137\": true, \"138\": true, \"139\": true, \"140\": true, \"141\": true, \"142\": true, \"143\": true, \"144\": true, \"145\": true, \"146\": true, \"147\": true, \"148\": true, \"149\": true, \"150\": true, \"151\": true, \"152\": true, \"153\": true, \"154\": true, \"155\": false, \"156\": true, \"157\": true, \"158\": true, \"159\": true, \"160\": false, \"161\": false, \"162\": true, \"163\": true, \"164\": true, \"165\": false, \"166\": false, \"167\": false, \"168\": false, \"169\": false, \"170\": false, \"171\": false, \"172\": false, \"173\": false, \"174\": false, \"175\": false, \"176\": false, \"177\": false, \"178\": false, \"179\": false, \"180\": false, \"181\": false, \"182\": false, \"183\": false, \"184\": false, \"185\": false, \"186\": false, \"187\": false, \"188\": false, \"189\": false, \"190\": false, \"191\": false, \"192\": false, \"193\": false, \"194\": false, \"195\": true, \"196\": true, \"197\": false, \"198\": false, \"199\": false, \"200\": true, \"201\": true, \"202\": true, \"203\": true, \"204\": true, \"205\": true, \"206\": true, \"207\": true, \"208\": true, \"209\": true, \"210\": true, \"211\": true, \"212\": true, \"213\": true, \"214\": true, \"215\": true, \"216\": false, \"217\": true, \"218\": true, \"219\": true, \"220\": true, \"221\": true, \"222\": false, \"223\": true, \"224\": false, \"225\": false, \"226\": false, \"227\": false, \"228\": false, \"229\": false, \"230\": false, \"231\": false, \"232\": false, \"233\": false, \"234\": false, \"235\": false, \"236\": true, \"237\": false, \"238\": false, \"239\": false, \"240\": false, \"241\": false, \"242\": false, \"243\": false, \"244\": false, \"245\": false, \"246\": false, \"247\": false, \"248\": false, \"249\": false, \"250\": false, \"251\": false, \"252\": false, \"253\": false, \"254\": false, \"255\": true, \"256\": false, \"257\": true, \"258\": true, \"259\": true, \"260\": true, \"261\": false, \"262\": true, \"263\": true, \"264\": true, \"265\": true, \"266\": true, \"267\": true, \"268\": true, \"269\": true, \"270\": false, \"271\": false, \"272\": false, \"273\": false, \"274\": true, \"275\": true, \"276\": false, \"277\": false, \"278\": false, \"279\": false, \"280\": true, \"281\": true, \"282\": true, \"283\": false, \"284\": false, \"285\": false, \"286\": false, \"287\": false, \"288\": false, \"289\": false, \"290\": false, \"291\": false, \"292\": false, \"293\": false, \"294\": false, \"295\": false, \"296\": true, \"297\": false, \"298\": false, \"299\": false, \"300\": false, \"301\": false, \"302\": false, \"303\": false, \"304\": false, \"305\": false, \"306\": false, \"307\": false, \"308\": false, \"309\": false, \"310\": false, \"311\": false, \"312\": false, \"313\": false, \"314\": false, \"315\": true, \"316\": true, \"317\": true, \"318\": true, \"319\": true, \"320\": true, \"321\": true, \"322\": true, \"323\": true, \"324\": true, \"325\": true, \"326\": true, \"327\": true, \"328\": true, \"329\": true, \"330\": true, \"331\": true, \"332\": true, \"333\": true, \"334\": true, \"335\": true, \"336\": true, \"337\": true, \"338\": true, \"339\": false, \"340\": false, \"341\": true, \"342\": true, \"343\": false, \"344\": false, \"345\": false, \"346\": false, \"347\": false, \"348\": false, \"349\": false, \"350\": false, \"351\": false, \"352\": false, \"353\": false, \"354\": false, \"355\": false, \"356\": true, \"357\": false, \"358\": false, \"359\": false, \"360\": false, \"361\": false, \"362\": false, \"363\": false, \"364\": false, \"365\": false, \"366\": false, \"367\": false, \"368\": false, \"369\": false, \"370\": false, \"371\": false, \"372\": false, \"373\": false, \"374\": false, \"375\": true, \"376\": true, \"377\": true, \"378\": false, \"379\": true, \"380\": true, \"381\": true, \"382\": true, \"383\": true, \"384\": true, \"385\": true, \"386\": true, \"387\": true, \"388\": true, \"389\": true, \"390\": true, \"391\": true, \"392\": true, \"393\": true, \"394\": true, \"395\": true, \"396\": true, \"397\": true, \"398\": true, \"399\": true, \"400\": true, \"401\": true, \"402\": false, \"403\": true, \"404\": true, \"405\": false, \"406\": false, \"407\": false, \"408\": false, \"409\": false, \"410\": false, \"411\": false, \"412\": false, \"413\": false, \"414\": false, \"415\": false, \"416\": false, \"417\": false, \"418\": false, \"419\": false, \"420\": false, \"421\": false, \"422\": false, \"423\": false, \"424\": false, \"425\": false, \"426\": false, \"427\": false, \"428\": false, \"429\": false, \"430\": false, \"431\": false, \"432\": false, \"433\": false, \"434\": false, \"435\": false, \"436\": false, \"437\": true, \"438\": true, \"439\": true, \"440\": true, \"441\": true, \"442\": true, \"443\": true, \"444\": true, \"445\": true, \"446\": true, \"447\": true, \"448\": true, \"449\": true, \"450\": false, \"451\": true, \"452\": true, \"453\": true, \"454\": true, \"455\": false, \"456\": true, \"457\": true, \"458\": true, \"459\": false, \"460\": false, \"461\": true, \"462\": true, \"463\": true, \"464\": false, \"465\": false, \"466\": false, \"467\": false, \"468\": false, \"469\": false, \"470\": false, \"471\": false, \"472\": false, \"473\": false, \"474\": false, \"475\": false, \"476\": true, \"477\": false, \"478\": false, \"479\": false, \"480\": false, \"481\": false, \"482\": false, \"483\": false, \"484\": false, \"485\": false, \"486\": false, \"487\": false, \"488\": false, \"489\": false, \"490\": false, \"491\": false, \"492\": false, \"493\": false, \"494\": false, \"495\": true, \"496\": true, \"497\": true, \"498\": true, \"499\": true, \"500\": true, \"501\": true, \"502\": true, \"503\": true, \"504\": true, \"505\": true, \"506\": true, \"507\": true, \"508\": true, \"509\": true, \"510\": true, \"511\": true, \"512\": true, \"513\": true, \"514\": true, \"515\": false, \"516\": true, \"517\": true, \"518\": true, \"519\": true, \"520\": false, \"521\": false, \"522\": true, \"523\": false, \"524\": true, \"525\": false, \"526\": false, \"527\": false, \"528\": false, \"529\": false, \"530\": false, \"531\": false, \"532\": false, \"533\": false, \"534\": false, \"535\": false, \"536\": false, \"537\": false, \"538\": false, \"539\": false, \"540\": false, \"541\": false, \"542\": false, \"543\": false, \"544\": false, \"545\": false, \"546\": false, \"547\": false, \"548\": false, \"549\": false, \"550\": false, \"551\": false, \"552\": false, \"553\": false, \"554\": false, \"555\": true, \"556\": true, \"557\": true, \"558\": true, \"559\": true, \"560\": true, \"561\": true, \"562\": true, \"563\": true, \"564\": true, \"565\": true, \"566\": true, \"567\": true, \"568\": true, \"569\": true, \"570\": true, \"571\": true, \"572\": true, \"573\": true, \"574\": true, \"575\": true, \"576\": true, \"577\": true, \"578\": true, \"579\": true, \"580\": true, \"581\": true, \"582\": false, \"583\": true, \"584\": true, \"585\": false, \"586\": false, \"587\": false, \"588\": false, \"589\": false, \"590\": false, \"591\": false, \"592\": false, \"593\": false, \"594\": false, \"595\": false, \"596\": false, \"597\": false, \"598\": false, \"599\": false, \"600\": false, \"601\": false, \"602\": false, \"603\": false, \"604\": false, \"605\": false, \"606\": false, \"607\": false, \"608\": false, \"609\": false, \"610\": false, \"611\": false, \"612\": false, \"613\": false, \"614\": false, \"615\": true, \"616\": true, \"617\": true, \"618\": true, \"619\": true, \"620\": true, \"621\": true, \"622\": true, \"623\": true, \"624\": true, \"625\": true, \"626\": true, \"627\": true, \"628\": true, \"629\": true, \"630\": true, \"631\": true, \"632\": true, \"633\": true, \"634\": true, \"635\": true, \"636\": true, \"637\": true, \"638\": true, \"639\": false, \"640\": false, \"641\": true, \"642\": false, \"643\": true, \"644\": false, \"645\": false, \"646\": false, \"647\": false, \"648\": false, \"649\": false, \"650\": false, \"651\": false, \"652\": false, \"653\": false, \"654\": false, \"655\": false, \"656\": true, \"657\": false, \"658\": false, \"659\": false, \"660\": false, \"661\": false, \"662\": false, \"663\": false, \"664\": false, \"665\": false, \"666\": false, \"667\": false, \"668\": false, \"669\": false, \"670\": false, \"671\": false, \"672\": false, \"673\": false, \"674\": false, \"675\": true, \"676\": true, \"677\": true, \"678\": true, \"679\": true, \"680\": true, \"681\": true, \"682\": true, \"683\": true, \"684\": true, \"685\": true, \"686\": true, \"687\": true, \"688\": true, \"689\": true, \"690\": true, \"691\": true, \"692\": true, \"693\": true, \"694\": true, \"695\": true, \"696\": false, \"697\": true, \"698\": true, \"699\": true, \"700\": true, \"701\": true, \"702\": false, \"703\": true, \"704\": true, \"705\": false, \"706\": false, \"707\": false, \"708\": false, \"709\": false, \"710\": false, \"711\": false, \"712\": false, \"713\": false, \"714\": false, \"715\": false, \"716\": false, \"717\": false, \"718\": false, \"719\": false}"); + var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"neutral\", \"7\": \"positive\", \"8\": \"negative\", \"9\": \"positive\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"negative\", \"16\": \"negative\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"positive\", \"23\": \"neutral\", \"24\": \"negative\", \"25\": \"positive\", \"26\": \"neutral\", \"27\": \"neutral\", \"28\": \"neutral\", \"29\": \"neutral\", \"30\": \"positive\", \"31\": \"negative\", \"32\": \"negative\", \"33\": \"negative\", \"34\": \"positive\", \"35\": \"negative\", \"36\": \"negative\", \"37\": \"positive\", \"38\": \"negative\", \"39\": \"positive\", \"40\": \"positive\", \"41\": \"positive\", \"42\": \"positive\", \"43\": \"negative\", \"44\": \"positive\", \"45\": \"negative\", \"46\": \"negative\", \"47\": \"negative\", \"48\": \"neutral\", \"49\": \"negative\", \"50\": \"negative\", \"51\": \"negative\", \"52\": \"negative\", \"53\": \"negative\", \"54\": \"negative\", \"55\": \"negative\", \"56\": \"positive\", \"57\": \"neutral\", \"58\": \"negative\", \"59\": \"negative\", \"60\": \"neutral\", \"61\": \"neutral\", \"62\": \"neutral\", \"63\": \"neutral\", \"64\": \"positive\", \"65\": \"positive\", \"66\": \"positive\", \"67\": \"neutral\", \"68\": \"negative\", \"69\": \"neutral\", \"70\": \"neutral\", \"71\": \"positive\", \"72\": \"negative\", \"73\": \"negative\", \"74\": \"neutral\", \"75\": \"neutral\", \"76\": \"neutral\", \"77\": \"negative\", \"78\": \"neutral\", \"79\": \"neutral\", \"80\": \"neutral\", \"81\": \"negative\", \"82\": \"neutral\", \"83\": \"neutral\", \"84\": \"neutral\", \"85\": \"neutral\", \"86\": \"negative\", \"87\": \"positive\", \"88\": \"neutral\", \"89\": \"neutral\", \"90\": \"positive\", \"91\": \"positive\", \"92\": \"negative\", \"93\": \"positive\", \"94\": \"positive\", \"95\": \"neutral\", \"96\": \"positive\", \"97\": \"negative\", \"98\": \"neutral\", \"99\": \"positive\", \"100\": \"positive\", \"101\": \"negative\", \"102\": \"positive\", \"103\": \"negative\", \"104\": \"positive\", \"105\": \"negative\", \"106\": \"negative\", \"107\": \"negative\", \"108\": \"negative\", \"109\": \"negative\", \"110\": \"negative\", \"111\": \"negative\", \"112\": \"neutral\", \"113\": \"negative\", \"114\": \"negative\", \"115\": \"negative\", \"116\": \"negative\", \"117\": \"negative\", \"118\": \"negative\", \"119\": \"neutral\", \"120\": \"neutral\", \"121\": \"negative\", \"122\": \"positive\", \"123\": \"negative\", \"124\": \"positive\", \"125\": \"negative\", \"126\": \"neutral\", \"127\": \"positive\", \"128\": \"positive\", \"129\": \"neutral\", \"130\": \"negative\", \"131\": \"positive\", \"132\": \"neutral\", \"133\": \"neutral\", \"134\": \"positive\", \"135\": \"neutral\", \"136\": \"positive\", \"137\": \"neutral\", \"138\": \"positive\", \"139\": \"negative\", \"140\": \"neutral\", \"141\": \"neutral\", \"142\": \"neutral\", \"143\": \"negative\", \"144\": \"neutral\", \"145\": \"negative\", \"146\": \"negative\", \"147\": \"positive\", \"148\": \"positive\", \"149\": \"neutral\", \"150\": \"neutral\", \"151\": \"positive\", \"152\": \"neutral\", \"153\": \"negative\", \"154\": \"negative\", \"155\": \"negative\", \"156\": \"negative\", \"157\": \"negative\", \"158\": \"positive\", \"159\": \"neutral\", \"160\": \"negative\", \"161\": \"negative\", \"162\": \"positive\", \"163\": \"positive\", \"164\": \"positive\", \"165\": \"neutral\", \"166\": \"negative\", \"167\": \"positive\", \"168\": \"positive\", \"169\": \"neutral\", \"170\": \"neutral\", \"171\": \"negative\", \"172\": \"positive\", \"173\": \"negative\", \"174\": \"negative\", \"175\": \"negative\", \"176\": \"positive\", \"177\": \"positive\", \"178\": \"negative\", \"179\": \"positive\", \"180\": \"neutral\", \"181\": \"negative\", \"182\": \"negative\", \"183\": \"positive\", \"184\": \"positive\", \"185\": \"negative\", \"186\": \"positive\", \"187\": \"positive\", \"188\": \"negative\", \"189\": \"positive\", \"190\": \"positive\", \"191\": \"negative\", \"192\": \"positive\", \"193\": \"negative\", \"194\": \"positive\", \"195\": \"negative\", \"196\": \"negative\", \"197\": \"negative\", \"198\": \"negative\", \"199\": \"negative\", \"200\": \"neutral\", \"201\": \"neutral\", \"202\": \"positive\", \"203\": \"neutral\", \"204\": \"negative\", \"205\": \"neutral\", \"206\": \"neutral\", \"207\": \"positive\", \"208\": \"negative\", \"209\": \"neutral\", \"210\": \"positive\", \"211\": \"negative\", \"212\": \"negative\", \"213\": \"negative\", \"214\": \"positive\", \"215\": \"negative\", \"216\": \"positive\", \"217\": \"positive\", \"218\": \"negative\", \"219\": \"positive\", \"220\": \"negative\", \"221\": \"neutral\", \"222\": \"positive\", \"223\": \"negative\", \"224\": \"positive\", \"225\": \"negative\", \"226\": \"negative\", \"227\": \"negative\", \"228\": \"positive\", \"229\": \"negative\", \"230\": \"negative\", \"231\": \"negative\", \"232\": \"neutral\", \"233\": \"positive\", \"234\": \"negative\", \"235\": \"negative\", \"236\": \"positive\", \"237\": \"positive\", \"238\": \"negative\", \"239\": \"negative\", \"240\": \"neutral\", \"241\": \"negative\", \"242\": \"negative\", \"243\": \"negative\", \"244\": \"positive\", \"245\": \"positive\", \"246\": \"negative\", \"247\": \"neutral\", \"248\": \"negative\", \"249\": \"neutral\", \"250\": \"positive\", \"251\": \"positive\", \"252\": \"positive\", \"253\": \"neutral\", \"254\": \"neutral\", \"255\": \"negative\", \"256\": \"negative\", \"257\": \"neutral\", \"258\": \"neutral\", \"259\": \"positive\", \"260\": \"neutral\", \"261\": \"negative\", \"262\": \"positive\", \"263\": \"negative\", \"264\": \"neutral\", \"265\": \"positive\", \"266\": \"positive\", \"267\": \"neutral\", \"268\": \"neutral\", \"269\": \"neutral\", \"270\": \"neutral\", \"271\": \"negative\", \"272\": \"negative\", \"273\": \"neutral\", \"274\": \"positive\", \"275\": \"positive\", \"276\": \"negative\", \"277\": \"positive\", \"278\": \"negative\", \"279\": \"neutral\", \"280\": \"positive\", \"281\": \"positive\", \"282\": \"positive\", \"283\": \"positive\", \"284\": \"neutral\", \"285\": \"negative\", \"286\": \"negative\", \"287\": \"negative\", \"288\": \"neutral\", \"289\": \"positive\", \"290\": \"positive\", \"291\": \"positive\", \"292\": \"negative\", \"293\": \"negative\", \"294\": \"negative\", \"295\": \"negative\", \"296\": \"positive\", \"297\": \"negative\", \"298\": \"negative\", \"299\": \"negative\", \"300\": \"neutral\", \"301\": \"negative\", \"302\": \"neutral\", \"303\": \"negative\", \"304\": \"positive\", \"305\": \"neutral\", \"306\": \"positive\", \"307\": \"neutral\", \"308\": \"negative\", \"309\": \"neutral\", \"310\": \"neutral\", \"311\": \"positive\", \"312\": \"negative\", \"313\": \"negative\", \"314\": \"neutral\", \"315\": \"neutral\", \"316\": \"negative\", \"317\": \"negative\", \"318\": \"neutral\", \"319\": \"neutral\", \"320\": \"neutral\", \"321\": \"negative\", \"322\": \"neutral\", \"323\": \"neutral\", \"324\": \"neutral\", \"325\": \"negative\", \"326\": \"negative\", \"327\": \"positive\", \"328\": \"negative\", \"329\": \"neutral\", \"330\": \"neutral\", \"331\": \"negative\", \"332\": \"negative\", \"333\": \"negative\", \"334\": \"positive\", \"335\": \"negative\", \"336\": \"positive\", \"337\": \"neutral\", \"338\": \"neutral\", \"339\": \"neutral\", \"340\": \"negative\", \"341\": \"positive\", \"342\": \"positive\", \"343\": \"negative\", \"344\": \"positive\", \"345\": \"negative\", \"346\": \"negative\", \"347\": \"negative\", \"348\": \"positive\", \"349\": \"negative\", \"350\": \"negative\", \"351\": \"negative\", \"352\": \"negative\", \"353\": \"negative\", \"354\": \"negative\", \"355\": \"negative\", \"356\": \"neutral\", \"357\": \"negative\", \"358\": \"negative\", \"359\": \"positive\", \"360\": \"neutral\", \"361\": \"neutral\", \"362\": \"neutral\", \"363\": \"neutral\", \"364\": \"neutral\", \"365\": \"positive\", \"366\": \"neutral\", \"367\": \"neutral\", \"368\": \"neutral\", \"369\": \"neutral\", \"370\": \"positive\", \"371\": \"positive\", \"372\": \"negative\", \"373\": \"negative\", \"374\": \"neutral\", \"375\": \"neutral\", \"376\": \"positive\", \"377\": \"negative\", \"378\": \"neutral\", \"379\": \"neutral\", \"380\": \"neutral\", \"381\": \"neutral\", \"382\": \"neutral\", \"383\": \"negative\", \"384\": \"neutral\", \"385\": \"positive\", \"386\": \"negative\", \"387\": \"positive\", \"388\": \"neutral\", \"389\": \"neutral\", \"390\": \"positive\", \"391\": \"positive\", \"392\": \"negative\", \"393\": \"positive\", \"394\": \"positive\", \"395\": \"positive\", \"396\": \"positive\", \"397\": \"negative\", \"398\": \"negative\", \"399\": \"positive\", \"400\": \"positive\", \"401\": \"negative\", \"402\": \"neutral\", \"403\": \"positive\", \"404\": \"positive\", \"405\": \"negative\", \"406\": \"negative\", \"407\": \"negative\", \"408\": \"negative\", \"409\": \"neutral\", \"410\": \"negative\", \"411\": \"negative\", \"412\": \"positive\", \"413\": \"negative\", \"414\": \"negative\", \"415\": \"neutral\", \"416\": \"negative\", \"417\": \"negative\", \"418\": \"negative\", \"419\": \"negative\", \"420\": \"neutral\", \"421\": \"negative\", \"422\": \"neutral\", \"423\": \"negative\", \"424\": \"positive\", \"425\": \"negative\", \"426\": \"neutral\", \"427\": \"positive\", \"428\": \"negative\", \"429\": \"neutral\", \"430\": \"negative\", \"431\": \"positive\", \"432\": \"negative\", \"433\": \"positive\", \"434\": \"neutral\", \"435\": \"neutral\", \"436\": \"neutral\", \"437\": \"neutral\", \"438\": \"neutral\", \"439\": \"negative\", \"440\": \"neutral\", \"441\": \"negative\", \"442\": \"negative\", \"443\": \"positive\", \"444\": \"neutral\", \"445\": \"neutral\", \"446\": \"positive\", \"447\": \"positive\", \"448\": \"neutral\", \"449\": \"neutral\", \"450\": \"negative\", \"451\": \"positive\", \"452\": \"neutral\", \"453\": \"negative\", \"454\": \"negative\", \"455\": \"negative\", \"456\": \"negative\", \"457\": \"negative\", \"458\": \"positive\", \"459\": \"negative\", \"460\": \"negative\", \"461\": \"positive\", \"462\": \"positive\", \"463\": \"neutral\", \"464\": \"neutral\", \"465\": \"negative\", \"466\": \"negative\", \"467\": \"negative\", \"468\": \"neutral\", \"469\": \"negative\", \"470\": \"positive\", \"471\": \"negative\", \"472\": \"negative\", \"473\": \"negative\", \"474\": \"negative\", \"475\": \"negative\", \"476\": \"positive\", \"477\": \"negative\", \"478\": \"neutral\", \"479\": \"negative\", \"480\": \"positive\", \"481\": \"negative\", \"482\": \"positive\", \"483\": \"negative\", \"484\": \"positive\", \"485\": \"neutral\", \"486\": \"neutral\", \"487\": \"positive\", \"488\": \"positive\", \"489\": \"neutral\", \"490\": \"negative\", \"491\": \"positive\", \"492\": \"positive\", \"493\": \"negative\", \"494\": \"positive\", \"495\": \"neutral\", \"496\": \"positive\", \"497\": \"neutral\", \"498\": \"neutral\", \"499\": \"negative\", \"500\": \"neutral\", \"501\": \"neutral\", \"502\": \"neutral\", \"503\": \"negative\", \"504\": \"neutral\", \"505\": \"negative\", \"506\": \"negative\", \"507\": \"positive\", \"508\": \"positive\", \"509\": \"neutral\", \"510\": \"positive\", \"511\": \"positive\", \"512\": \"positive\", \"513\": \"negative\", \"514\": \"positive\", \"515\": \"neutral\", \"516\": \"positive\", \"517\": \"positive\", \"518\": \"negative\", \"519\": \"positive\", \"520\": \"negative\", \"521\": \"negative\", \"522\": \"positive\", \"523\": \"negative\", \"524\": \"positive\", \"525\": \"neutral\", \"526\": \"negative\", \"527\": \"positive\", \"528\": \"positive\", \"529\": \"neutral\", \"530\": \"negative\", \"531\": \"negative\", \"532\": \"positive\", \"533\": \"neutral\", \"534\": \"negative\", \"535\": \"negative\", \"536\": \"positive\", \"537\": \"positive\", \"538\": \"negative\", \"539\": \"positive\", \"540\": \"neutral\", \"541\": \"negative\", \"542\": \"neutral\", \"543\": \"negative\", \"544\": \"positive\", \"545\": \"neutral\", \"546\": \"neutral\", \"547\": \"neutral\", \"548\": \"negative\", \"549\": \"neutral\", \"550\": \"neutral\", \"551\": \"positive\", \"552\": \"negative\", \"553\": \"negative\", \"554\": \"positive\", \"555\": \"neutral\", \"556\": \"neutral\", \"557\": \"negative\", \"558\": \"neutral\", \"559\": \"neutral\", \"560\": \"neutral\", \"561\": \"negative\", \"562\": \"neutral\", \"563\": \"neutral\", \"564\": \"neutral\", \"565\": \"neutral\", \"566\": \"negative\", \"567\": \"positive\", \"568\": \"neutral\", \"569\": \"neutral\", \"570\": \"positive\", \"571\": \"neutral\", \"572\": \"negative\", \"573\": \"neutral\", \"574\": \"positive\", \"575\": \"positive\", \"576\": \"neutral\", \"577\": \"positive\", \"578\": \"neutral\", \"579\": \"positive\", \"580\": \"positive\", \"581\": \"negative\", \"582\": \"positive\", \"583\": \"negative\", \"584\": \"positive\", \"585\": \"negative\", \"586\": \"negative\", \"587\": \"negative\", \"588\": \"negative\", \"589\": \"negative\", \"590\": \"negative\", \"591\": \"negative\", \"592\": \"neutral\", \"593\": \"negative\", \"594\": \"negative\", \"595\": \"negative\", \"596\": \"negative\", \"597\": \"negative\", \"598\": \"negative\", \"599\": \"neutral\", \"600\": \"neutral\", \"601\": \"negative\", \"602\": \"negative\", \"603\": \"neutral\", \"604\": \"positive\", \"605\": \"neutral\", \"606\": \"positive\", \"607\": \"neutral\", \"608\": \"negative\", \"609\": \"neutral\", \"610\": \"neutral\", \"611\": \"positive\", \"612\": \"negative\", \"613\": \"negative\", \"614\": \"neutral\", \"615\": \"neutral\", \"616\": \"negative\", \"617\": \"negative\", \"618\": \"negative\", \"619\": \"negative\", \"620\": \"neutral\", \"621\": \"negative\", \"622\": \"neutral\", \"623\": \"positive\", \"624\": \"negative\", \"625\": \"negative\", \"626\": \"neutral\", \"627\": \"positive\", \"628\": \"negative\", \"629\": \"neutral\", \"630\": \"positive\", \"631\": \"negative\", \"632\": \"negative\", \"633\": \"negative\", \"634\": \"positive\", \"635\": \"neutral\", \"636\": \"neutral\", \"637\": \"positive\", \"638\": \"positive\", \"639\": \"positive\", \"640\": \"negative\", \"641\": \"positive\", \"642\": \"positive\", \"643\": \"negative\", \"644\": \"positive\", \"645\": \"negative\", \"646\": \"negative\", \"647\": \"negative\", \"648\": \"neutral\", \"649\": \"negative\", \"650\": \"negative\", \"651\": \"negative\", \"652\": \"negative\", \"653\": \"negative\", \"654\": \"negative\", \"655\": \"negative\", \"656\": \"neutral\", \"657\": \"neutral\", \"658\": \"negative\", \"659\": \"positive\", \"660\": \"neutral\", \"661\": \"neutral\", \"662\": \"neutral\", \"663\": \"negative\", \"664\": \"positive\", \"665\": \"positive\", \"666\": \"neutral\", \"667\": \"neutral\", \"668\": \"positive\", \"669\": \"neutral\", \"670\": \"neutral\", \"671\": \"positive\", \"672\": \"neutral\", \"673\": \"negative\", \"674\": \"positive\", \"675\": \"neutral\", \"676\": \"neutral\", \"677\": \"negative\", \"678\": \"positive\", \"679\": \"positive\", \"680\": \"positive\", \"681\": \"negative\", \"682\": \"neutral\", \"683\": \"negative\", \"684\": \"neutral\", \"685\": \"neutral\", \"686\": \"negative\", \"687\": \"neutral\", \"688\": \"positive\", \"689\": \"neutral\", \"690\": \"positive\", \"691\": \"positive\", \"692\": \"negative\", \"693\": \"neutral\", \"694\": \"positive\", \"695\": \"positive\", \"696\": \"neutral\", \"697\": \"positive\", \"698\": \"negative\", \"699\": \"positive\", \"700\": \"positive\", \"701\": \"negative\", \"702\": \"positive\", \"703\": \"positive\", \"704\": \"positive\", \"705\": \"negative\", \"706\": \"negative\", \"707\": \"negative\", \"708\": \"negative\", \"709\": \"negative\", \"710\": \"negative\", \"711\": \"negative\", \"712\": \"neutral\", \"713\": \"negative\", \"714\": \"negative\", \"715\": \"negative\", \"716\": \"negative\", \"717\": \"negative\", \"718\": \"negative\", \"719\": \"negative\"}"); + var passed_all = JSON.parse("{\"0\": false, \"1\": false, \"2\": false, \"3\": false, \"4\": false, \"5\": false, \"6\": false, \"7\": false, \"8\": false, \"9\": false, \"10\": false, \"11\": false, \"12\": false, \"13\": false, \"14\": false, \"15\": true, \"16\": true, \"17\": true, \"18\": false, \"19\": false, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true, \"25\": true, \"26\": true, \"27\": true, \"28\": true, \"29\": true, \"30\": true, \"31\": true, \"32\": true, \"33\": true, \"34\": true, \"35\": true, \"36\": false, \"37\": true, \"38\": true, \"39\": true, \"40\": true, \"41\": true, \"42\": false, \"43\": true, \"44\": false, \"45\": false, \"46\": false, \"47\": false, \"48\": false, \"49\": false, \"50\": false, \"51\": false, \"52\": false, \"53\": false, \"54\": false, \"55\": false, \"56\": true, \"57\": false, \"58\": false, \"59\": false, \"60\": false, \"61\": false, \"62\": false, \"63\": false, \"64\": false, \"65\": false, \"66\": false, \"67\": false, \"68\": false, \"69\": false, \"70\": false, \"71\": false, \"72\": false, \"73\": false, \"74\": false, \"75\": true, \"76\": true, \"77\": true, \"78\": true, \"79\": true, \"80\": true, \"81\": true, \"82\": true, \"83\": true, \"84\": true, \"85\": true, \"86\": true, \"87\": true, \"88\": true, \"89\": true, \"90\": true, \"91\": true, \"92\": true, \"93\": true, \"94\": true, \"95\": true, \"96\": true, \"97\": true, \"98\": true, \"99\": true, \"100\": false, \"101\": true, \"102\": false, \"103\": false, \"104\": true, \"105\": false, \"106\": false, \"107\": false, \"108\": false, \"109\": false, \"110\": false, \"111\": false, \"112\": false, \"113\": false, \"114\": false, \"115\": false, \"116\": false, \"117\": false, \"118\": false, \"119\": false, \"120\": false, \"121\": false, \"122\": false, \"123\": false, \"124\": false, \"125\": false, \"126\": false, \"127\": false, \"128\": false, \"129\": false, \"130\": false, \"131\": false, \"132\": false, \"133\": false, \"134\": false, \"135\": true, \"136\": true, \"137\": true, \"138\": true, \"139\": true, \"140\": true, \"141\": true, \"142\": true, \"143\": true, \"144\": true, \"145\": true, \"146\": true, \"147\": true, \"148\": true, \"149\": true, \"150\": true, \"151\": true, \"152\": true, \"153\": true, \"154\": true, \"155\": false, \"156\": true, \"157\": true, \"158\": true, \"159\": true, \"160\": false, \"161\": false, \"162\": true, \"163\": true, \"164\": true, \"165\": false, \"166\": false, \"167\": false, \"168\": false, \"169\": false, \"170\": false, \"171\": false, \"172\": false, \"173\": false, \"174\": false, \"175\": false, \"176\": true, \"177\": false, \"178\": false, \"179\": false, \"180\": false, \"181\": false, \"182\": false, \"183\": false, \"184\": false, \"185\": false, \"186\": false, \"187\": false, \"188\": false, \"189\": false, \"190\": false, \"191\": false, \"192\": false, \"193\": false, \"194\": false, \"195\": true, \"196\": true, \"197\": false, \"198\": false, \"199\": false, \"200\": true, \"201\": true, \"202\": true, \"203\": true, \"204\": true, \"205\": true, \"206\": true, \"207\": true, \"208\": true, \"209\": true, \"210\": true, \"211\": true, \"212\": true, \"213\": true, \"214\": true, \"215\": true, \"216\": false, \"217\": true, \"218\": true, \"219\": true, \"220\": true, \"221\": true, \"222\": false, \"223\": true, \"224\": false, \"225\": false, \"226\": false, \"227\": false, \"228\": false, \"229\": false, \"230\": false, \"231\": false, \"232\": false, \"233\": false, \"234\": false, \"235\": false, \"236\": true, \"237\": false, \"238\": false, \"239\": false, \"240\": false, \"241\": false, \"242\": false, \"243\": false, \"244\": false, \"245\": false, \"246\": false, \"247\": false, \"248\": false, \"249\": false, \"250\": false, \"251\": false, \"252\": false, \"253\": false, \"254\": false, \"255\": true, \"256\": false, \"257\": true, \"258\": true, \"259\": true, \"260\": true, \"261\": false, \"262\": true, \"263\": true, \"264\": true, \"265\": true, \"266\": true, \"267\": true, \"268\": true, \"269\": true, \"270\": false, \"271\": false, \"272\": false, \"273\": true, \"274\": true, \"275\": true, \"276\": false, \"277\": false, \"278\": false, \"279\": false, \"280\": true, \"281\": true, \"282\": true, \"283\": false, \"284\": false, \"285\": false, \"286\": false, \"287\": false, \"288\": false, \"289\": false, \"290\": false, \"291\": true, \"292\": false, \"293\": false, \"294\": false, \"295\": false, \"296\": true, \"297\": false, \"298\": false, \"299\": false, \"300\": false, \"301\": false, \"302\": false, \"303\": false, \"304\": false, \"305\": false, \"306\": false, \"307\": false, \"308\": false, \"309\": false, \"310\": false, \"311\": false, \"312\": false, \"313\": false, \"314\": false, \"315\": true, \"316\": true, \"317\": true, \"318\": true, \"319\": true, \"320\": true, \"321\": true, \"322\": true, \"323\": true, \"324\": true, \"325\": true, \"326\": true, \"327\": true, \"328\": true, \"329\": true, \"330\": true, \"331\": true, \"332\": true, \"333\": true, \"334\": true, \"335\": true, \"336\": true, \"337\": true, \"338\": true, \"339\": false, \"340\": false, \"341\": true, \"342\": true, \"343\": false, \"344\": false, \"345\": false, \"346\": false, \"347\": false, \"348\": false, \"349\": false, \"350\": false, \"351\": false, \"352\": false, \"353\": false, \"354\": false, \"355\": false, \"356\": true, \"357\": false, \"358\": false, \"359\": false, \"360\": false, \"361\": false, \"362\": false, \"363\": false, \"364\": false, \"365\": false, \"366\": false, \"367\": false, \"368\": false, \"369\": false, \"370\": false, \"371\": false, \"372\": false, \"373\": false, \"374\": false, \"375\": true, \"376\": true, \"377\": true, \"378\": true, \"379\": true, \"380\": true, \"381\": true, \"382\": true, \"383\": true, \"384\": true, \"385\": true, \"386\": true, \"387\": true, \"388\": true, \"389\": true, \"390\": true, \"391\": true, \"392\": true, \"393\": true, \"394\": true, \"395\": true, \"396\": true, \"397\": true, \"398\": true, \"399\": true, \"400\": true, \"401\": true, \"402\": false, \"403\": true, \"404\": true, \"405\": false, \"406\": false, \"407\": false, \"408\": false, \"409\": false, \"410\": false, \"411\": false, \"412\": false, \"413\": false, \"414\": false, \"415\": false, \"416\": false, \"417\": false, \"418\": false, \"419\": false, \"420\": false, \"421\": false, \"422\": false, \"423\": false, \"424\": false, \"425\": false, \"426\": false, \"427\": false, \"428\": false, \"429\": false, \"430\": false, \"431\": false, \"432\": false, \"433\": false, \"434\": false, \"435\": false, \"436\": false, \"437\": true, \"438\": true, \"439\": true, \"440\": true, \"441\": true, \"442\": true, \"443\": true, \"444\": true, \"445\": true, \"446\": true, \"447\": true, \"448\": true, \"449\": true, \"450\": false, \"451\": true, \"452\": true, \"453\": true, \"454\": true, \"455\": false, \"456\": true, \"457\": true, \"458\": true, \"459\": false, \"460\": false, \"461\": true, \"462\": true, \"463\": true, \"464\": false, \"465\": false, \"466\": false, \"467\": false, \"468\": false, \"469\": false, \"470\": false, \"471\": false, \"472\": false, \"473\": false, \"474\": false, \"475\": false, \"476\": true, \"477\": false, \"478\": false, \"479\": false, \"480\": false, \"481\": false, \"482\": false, \"483\": false, \"484\": false, \"485\": false, \"486\": false, \"487\": false, \"488\": false, \"489\": false, \"490\": false, \"491\": false, \"492\": false, \"493\": false, \"494\": false, \"495\": true, \"496\": true, \"497\": true, \"498\": true, \"499\": true, \"500\": true, \"501\": true, \"502\": true, \"503\": true, \"504\": true, \"505\": true, \"506\": true, \"507\": true, \"508\": true, \"509\": true, \"510\": true, \"511\": true, \"512\": true, \"513\": true, \"514\": true, \"515\": false, \"516\": true, \"517\": true, \"518\": true, \"519\": true, \"520\": false, \"521\": false, \"522\": true, \"523\": false, \"524\": true, \"525\": false, \"526\": false, \"527\": false, \"528\": false, \"529\": false, \"530\": false, \"531\": false, \"532\": false, \"533\": false, \"534\": false, \"535\": false, \"536\": false, \"537\": false, \"538\": false, \"539\": false, \"540\": false, \"541\": false, \"542\": false, \"543\": false, \"544\": false, \"545\": false, \"546\": false, \"547\": false, \"548\": false, \"549\": false, \"550\": false, \"551\": false, \"552\": false, \"553\": false, \"554\": false, \"555\": true, \"556\": true, \"557\": true, \"558\": true, \"559\": true, \"560\": true, \"561\": true, \"562\": true, \"563\": true, \"564\": true, \"565\": true, \"566\": true, \"567\": true, \"568\": true, \"569\": true, \"570\": true, \"571\": true, \"572\": true, \"573\": true, \"574\": true, \"575\": true, \"576\": false, \"577\": true, \"578\": true, \"579\": true, \"580\": true, \"581\": true, \"582\": false, \"583\": false, \"584\": true, \"585\": false, \"586\": false, \"587\": false, \"588\": false, \"589\": false, \"590\": false, \"591\": false, \"592\": false, \"593\": false, \"594\": false, \"595\": false, \"596\": false, \"597\": false, \"598\": false, \"599\": false, \"600\": false, \"601\": false, \"602\": false, \"603\": false, \"604\": false, \"605\": false, \"606\": false, \"607\": false, \"608\": false, \"609\": false, \"610\": false, \"611\": false, \"612\": false, \"613\": false, \"614\": false, \"615\": true, \"616\": true, \"617\": true, \"618\": true, \"619\": true, \"620\": true, \"621\": true, \"622\": true, \"623\": true, \"624\": true, \"625\": true, \"626\": true, \"627\": true, \"628\": true, \"629\": true, \"630\": true, \"631\": true, \"632\": true, \"633\": true, \"634\": true, \"635\": true, \"636\": true, \"637\": true, \"638\": true, \"639\": false, \"640\": false, \"641\": true, \"642\": true, \"643\": false, \"644\": false, \"645\": false, \"646\": false, \"647\": false, \"648\": false, \"649\": false, \"650\": false, \"651\": false, \"652\": false, \"653\": false, \"654\": false, \"655\": false, \"656\": true, \"657\": false, \"658\": false, \"659\": false, \"660\": false, \"661\": false, \"662\": false, \"663\": false, \"664\": false, \"665\": false, \"666\": false, \"667\": false, \"668\": false, \"669\": false, \"670\": false, \"671\": false, \"672\": false, \"673\": false, \"674\": false, \"675\": true, \"676\": true, \"677\": true, \"678\": true, \"679\": true, \"680\": true, \"681\": true, \"682\": true, \"683\": true, \"684\": true, \"685\": true, \"686\": true, \"687\": true, \"688\": true, \"689\": true, \"690\": true, \"691\": true, \"692\": true, \"693\": true, \"694\": true, \"695\": true, \"696\": false, \"697\": true, \"698\": true, \"699\": true, \"700\": true, \"701\": true, \"702\": false, \"703\": true, \"704\": true, \"705\": false, \"706\": false, \"707\": false, \"708\": false, \"709\": false, \"710\": false, \"711\": false, \"712\": false, \"713\": false, \"714\": false, \"715\": false, \"716\": false, \"717\": false, \"718\": false, \"719\": false}"); var names_all = JSON.parse("{\"0\": \"Positive Predictive Value (PPV)\", \"1\": \"Positive Predictive Value (PPV)\", \"2\": \"Positive Predictive Value (PPV)\", \"3\": \"Positive Predictive Value (PPV)\", \"4\": \"Positive Predictive Value (PPV)\", \"5\": \"Positive Predictive Value (PPV)\", \"6\": \"Positive Predictive Value (PPV)\", \"7\": \"Positive Predictive Value (PPV)\", \"8\": \"Positive Predictive Value (PPV)\", \"9\": \"Positive Predictive Value (PPV)\", \"10\": \"Positive Predictive Value (PPV)\", \"11\": \"Positive Predictive Value (PPV)\", \"12\": \"Positive Predictive Value (PPV)\", \"13\": \"Positive Predictive Value (PPV)\", \"14\": \"Positive Predictive Value (PPV)\", \"15\": \"Negative Predictive Value (NPV)\", \"16\": \"Negative Predictive Value (NPV)\", \"17\": \"Negative Predictive Value (NPV)\", \"18\": \"Negative Predictive Value (NPV)\", \"19\": \"Negative Predictive Value (NPV)\", \"20\": \"Negative Predictive Value (NPV)\", \"21\": \"Negative Predictive Value (NPV)\", \"22\": \"Negative Predictive Value (NPV)\", \"23\": \"Negative Predictive Value (NPV)\", \"24\": \"Negative Predictive Value (NPV)\", \"25\": \"Negative Predictive Value (NPV)\", \"26\": \"Negative Predictive Value (NPV)\", \"27\": \"Negative Predictive Value (NPV)\", \"28\": \"Negative Predictive Value (NPV)\", \"29\": \"Negative Predictive Value (NPV)\", \"30\": \"Sensitivity\", \"31\": \"Sensitivity\", \"32\": \"Sensitivity\", \"33\": \"Sensitivity\", \"34\": \"Sensitivity\", \"35\": \"Sensitivity\", \"36\": \"Sensitivity\", \"37\": \"Sensitivity\", \"38\": \"Sensitivity\", \"39\": \"Sensitivity\", \"40\": \"Sensitivity\", \"41\": \"Sensitivity\", \"42\": \"Sensitivity\", \"43\": \"Sensitivity\", \"44\": \"Sensitivity\", \"45\": \"Specificity\", \"46\": \"Specificity\", \"47\": \"Specificity\", \"48\": \"Specificity\", \"49\": \"Specificity\", \"50\": \"Specificity\", \"51\": \"Specificity\", \"52\": \"Specificity\", \"53\": \"Specificity\", \"54\": \"Specificity\", \"55\": \"Specificity\", \"56\": \"Specificity\", \"57\": \"Specificity\", \"58\": \"Specificity\", \"59\": \"Specificity\", \"60\": \"Positive Predictive Value (PPV)\", \"61\": \"Positive Predictive Value (PPV)\", \"62\": \"Positive Predictive Value (PPV)\", \"63\": \"Positive Predictive Value (PPV)\", \"64\": \"Positive Predictive Value (PPV)\", \"65\": \"Positive Predictive Value (PPV)\", \"66\": \"Positive Predictive Value (PPV)\", \"67\": \"Positive Predictive Value (PPV)\", \"68\": \"Positive Predictive Value (PPV)\", \"69\": \"Positive Predictive Value (PPV)\", \"70\": \"Positive Predictive Value (PPV)\", \"71\": \"Positive Predictive Value (PPV)\", \"72\": \"Positive Predictive Value (PPV)\", \"73\": \"Positive Predictive Value (PPV)\", \"74\": \"Positive Predictive Value (PPV)\", \"75\": \"Negative Predictive Value (NPV)\", \"76\": \"Negative Predictive Value (NPV)\", \"77\": \"Negative Predictive Value (NPV)\", \"78\": \"Negative Predictive Value (NPV)\", \"79\": \"Negative Predictive Value (NPV)\", \"80\": \"Negative Predictive Value (NPV)\", \"81\": \"Negative Predictive Value (NPV)\", \"82\": \"Negative Predictive Value (NPV)\", \"83\": \"Negative Predictive Value (NPV)\", \"84\": \"Negative Predictive Value (NPV)\", \"85\": \"Negative Predictive Value (NPV)\", \"86\": \"Negative Predictive Value (NPV)\", \"87\": \"Negative Predictive Value (NPV)\", \"88\": \"Negative Predictive Value (NPV)\", \"89\": \"Negative Predictive Value (NPV)\", \"90\": \"Sensitivity\", \"91\": \"Sensitivity\", \"92\": \"Sensitivity\", \"93\": \"Sensitivity\", \"94\": \"Sensitivity\", \"95\": \"Sensitivity\", \"96\": \"Sensitivity\", \"97\": \"Sensitivity\", \"98\": \"Sensitivity\", \"99\": \"Sensitivity\", \"100\": \"Sensitivity\", \"101\": \"Sensitivity\", \"102\": \"Sensitivity\", \"103\": \"Sensitivity\", \"104\": \"Sensitivity\", \"105\": \"Specificity\", \"106\": \"Specificity\", \"107\": \"Specificity\", \"108\": \"Specificity\", \"109\": \"Specificity\", \"110\": \"Specificity\", \"111\": \"Specificity\", \"112\": \"Specificity\", \"113\": \"Specificity\", \"114\": \"Specificity\", \"115\": \"Specificity\", \"116\": \"Specificity\", \"117\": \"Specificity\", \"118\": \"Specificity\", \"119\": \"Specificity\", \"120\": \"Positive Predictive Value (PPV)\", \"121\": \"Positive Predictive Value (PPV)\", \"122\": \"Positive Predictive Value (PPV)\", \"123\": \"Positive Predictive Value (PPV)\", \"124\": \"Positive Predictive Value (PPV)\", \"125\": \"Positive Predictive Value (PPV)\", \"126\": \"Positive Predictive Value (PPV)\", \"127\": \"Positive Predictive Value (PPV)\", \"128\": \"Positive Predictive Value (PPV)\", \"129\": \"Positive Predictive Value (PPV)\", \"130\": \"Positive Predictive Value (PPV)\", \"131\": \"Positive Predictive Value (PPV)\", \"132\": \"Positive Predictive Value (PPV)\", \"133\": \"Positive Predictive Value (PPV)\", \"134\": \"Positive Predictive Value (PPV)\", \"135\": \"Negative Predictive Value (NPV)\", \"136\": \"Negative Predictive Value (NPV)\", \"137\": \"Negative Predictive Value (NPV)\", \"138\": \"Negative Predictive Value (NPV)\", \"139\": \"Negative Predictive Value (NPV)\", \"140\": \"Negative Predictive Value (NPV)\", \"141\": \"Negative Predictive Value (NPV)\", \"142\": \"Negative Predictive Value (NPV)\", \"143\": \"Negative Predictive Value (NPV)\", \"144\": \"Negative Predictive Value (NPV)\", \"145\": \"Negative Predictive Value (NPV)\", \"146\": \"Negative Predictive Value (NPV)\", \"147\": \"Negative Predictive Value (NPV)\", \"148\": \"Negative Predictive Value (NPV)\", \"149\": \"Negative Predictive Value (NPV)\", \"150\": \"Sensitivity\", \"151\": \"Sensitivity\", \"152\": \"Sensitivity\", \"153\": \"Sensitivity\", \"154\": \"Sensitivity\", \"155\": \"Sensitivity\", \"156\": \"Sensitivity\", \"157\": \"Sensitivity\", \"158\": \"Sensitivity\", \"159\": \"Sensitivity\", \"160\": \"Sensitivity\", \"161\": \"Sensitivity\", \"162\": \"Sensitivity\", \"163\": \"Sensitivity\", \"164\": \"Sensitivity\", \"165\": \"Specificity\", \"166\": \"Specificity\", \"167\": \"Specificity\", \"168\": \"Specificity\", \"169\": \"Specificity\", \"170\": \"Specificity\", \"171\": \"Specificity\", \"172\": \"Specificity\", \"173\": \"Specificity\", \"174\": \"Specificity\", \"175\": \"Specificity\", \"176\": \"Specificity\", \"177\": \"Specificity\", \"178\": \"Specificity\", \"179\": \"Specificity\", \"180\": \"Positive Predictive Value (PPV)\", \"181\": \"Positive Predictive Value (PPV)\", \"182\": \"Positive Predictive Value (PPV)\", \"183\": \"Positive Predictive Value (PPV)\", \"184\": \"Positive Predictive Value (PPV)\", \"185\": \"Positive Predictive Value (PPV)\", \"186\": \"Positive Predictive Value (PPV)\", \"187\": \"Positive Predictive Value (PPV)\", \"188\": \"Positive Predictive Value (PPV)\", \"189\": \"Positive Predictive Value (PPV)\", \"190\": \"Positive Predictive Value (PPV)\", \"191\": \"Positive Predictive Value (PPV)\", \"192\": \"Positive Predictive Value (PPV)\", \"193\": \"Positive Predictive Value (PPV)\", \"194\": \"Positive Predictive Value (PPV)\", \"195\": \"Negative Predictive Value (NPV)\", \"196\": \"Negative Predictive Value (NPV)\", \"197\": \"Negative Predictive Value (NPV)\", \"198\": \"Negative Predictive Value (NPV)\", \"199\": \"Negative Predictive Value (NPV)\", \"200\": \"Negative Predictive Value (NPV)\", \"201\": \"Negative Predictive Value (NPV)\", \"202\": \"Negative Predictive Value (NPV)\", \"203\": \"Negative Predictive Value (NPV)\", \"204\": \"Negative Predictive Value (NPV)\", \"205\": \"Negative Predictive Value (NPV)\", \"206\": \"Negative Predictive Value (NPV)\", \"207\": \"Negative Predictive Value (NPV)\", \"208\": \"Negative Predictive Value (NPV)\", \"209\": \"Negative Predictive Value (NPV)\", \"210\": \"Sensitivity\", \"211\": \"Sensitivity\", \"212\": \"Sensitivity\", \"213\": \"Sensitivity\", \"214\": \"Sensitivity\", \"215\": \"Sensitivity\", \"216\": \"Sensitivity\", \"217\": \"Sensitivity\", \"218\": \"Sensitivity\", \"219\": \"Sensitivity\", \"220\": \"Sensitivity\", \"221\": \"Sensitivity\", \"222\": \"Sensitivity\", \"223\": \"Sensitivity\", \"224\": \"Sensitivity\", \"225\": \"Specificity\", \"226\": \"Specificity\", \"227\": \"Specificity\", \"228\": \"Specificity\", \"229\": \"Specificity\", \"230\": \"Specificity\", \"231\": \"Specificity\", \"232\": \"Specificity\", \"233\": \"Specificity\", \"234\": \"Specificity\", \"235\": \"Specificity\", \"236\": \"Specificity\", \"237\": \"Specificity\", \"238\": \"Specificity\", \"239\": \"Specificity\", \"240\": \"Positive Predictive Value (PPV)\", \"241\": \"Positive Predictive Value (PPV)\", \"242\": \"Positive Predictive Value (PPV)\", \"243\": \"Positive Predictive Value (PPV)\", \"244\": \"Positive Predictive Value (PPV)\", \"245\": \"Positive Predictive Value (PPV)\", \"246\": \"Positive Predictive Value (PPV)\", \"247\": \"Positive Predictive Value (PPV)\", \"248\": \"Positive Predictive Value (PPV)\", \"249\": \"Positive Predictive Value (PPV)\", \"250\": \"Positive Predictive Value (PPV)\", \"251\": \"Positive Predictive Value (PPV)\", \"252\": \"Positive Predictive Value (PPV)\", \"253\": \"Positive Predictive Value (PPV)\", \"254\": \"Positive Predictive Value (PPV)\", \"255\": \"Negative Predictive Value (NPV)\", \"256\": \"Negative Predictive Value (NPV)\", \"257\": \"Negative Predictive Value (NPV)\", \"258\": \"Negative Predictive Value (NPV)\", \"259\": \"Negative Predictive Value (NPV)\", \"260\": \"Negative Predictive Value (NPV)\", \"261\": \"Negative Predictive Value (NPV)\", \"262\": \"Negative Predictive Value (NPV)\", \"263\": \"Negative Predictive Value (NPV)\", \"264\": \"Negative Predictive Value (NPV)\", \"265\": \"Negative Predictive Value (NPV)\", \"266\": \"Negative Predictive Value (NPV)\", \"267\": \"Negative Predictive Value (NPV)\", \"268\": \"Negative Predictive Value (NPV)\", \"269\": \"Negative Predictive Value (NPV)\", \"270\": \"Sensitivity\", \"271\": \"Sensitivity\", \"272\": \"Sensitivity\", \"273\": \"Sensitivity\", \"274\": \"Sensitivity\", \"275\": \"Sensitivity\", \"276\": \"Sensitivity\", \"277\": \"Sensitivity\", \"278\": \"Sensitivity\", \"279\": \"Sensitivity\", \"280\": \"Sensitivity\", \"281\": \"Sensitivity\", \"282\": \"Sensitivity\", \"283\": \"Sensitivity\", \"284\": \"Sensitivity\", \"285\": \"Specificity\", \"286\": \"Specificity\", \"287\": \"Specificity\", \"288\": \"Specificity\", \"289\": \"Specificity\", \"290\": \"Specificity\", \"291\": \"Specificity\", \"292\": \"Specificity\", \"293\": \"Specificity\", \"294\": \"Specificity\", \"295\": \"Specificity\", \"296\": \"Specificity\", \"297\": \"Specificity\", \"298\": \"Specificity\", \"299\": \"Specificity\", \"300\": \"Positive Predictive Value (PPV)\", \"301\": \"Positive Predictive Value (PPV)\", \"302\": \"Positive Predictive Value (PPV)\", \"303\": \"Positive Predictive Value (PPV)\", \"304\": \"Positive Predictive Value (PPV)\", \"305\": \"Positive Predictive Value (PPV)\", \"306\": \"Positive Predictive Value (PPV)\", \"307\": \"Positive Predictive Value (PPV)\", \"308\": \"Positive Predictive Value (PPV)\", \"309\": \"Positive Predictive Value (PPV)\", \"310\": \"Positive Predictive Value (PPV)\", \"311\": \"Positive Predictive Value (PPV)\", \"312\": \"Positive Predictive Value (PPV)\", \"313\": \"Positive Predictive Value (PPV)\", \"314\": \"Positive Predictive Value (PPV)\", \"315\": \"Negative Predictive Value (NPV)\", \"316\": \"Negative Predictive Value (NPV)\", \"317\": \"Negative Predictive Value (NPV)\", \"318\": \"Negative Predictive Value (NPV)\", \"319\": \"Negative Predictive Value (NPV)\", \"320\": \"Negative Predictive Value (NPV)\", \"321\": \"Negative Predictive Value (NPV)\", \"322\": \"Negative Predictive Value (NPV)\", \"323\": \"Negative Predictive Value (NPV)\", \"324\": \"Negative Predictive Value (NPV)\", \"325\": \"Negative Predictive Value (NPV)\", \"326\": \"Negative Predictive Value (NPV)\", \"327\": \"Negative Predictive Value (NPV)\", \"328\": \"Negative Predictive Value (NPV)\", \"329\": \"Negative Predictive Value (NPV)\", \"330\": \"Sensitivity\", \"331\": \"Sensitivity\", \"332\": \"Sensitivity\", \"333\": \"Sensitivity\", \"334\": \"Sensitivity\", \"335\": \"Sensitivity\", \"336\": \"Sensitivity\", \"337\": \"Sensitivity\", \"338\": \"Sensitivity\", \"339\": \"Sensitivity\", \"340\": \"Sensitivity\", \"341\": \"Sensitivity\", \"342\": \"Sensitivity\", \"343\": \"Sensitivity\", \"344\": \"Sensitivity\", \"345\": \"Specificity\", \"346\": \"Specificity\", \"347\": \"Specificity\", \"348\": \"Specificity\", \"349\": \"Specificity\", \"350\": \"Specificity\", \"351\": \"Specificity\", \"352\": \"Specificity\", \"353\": \"Specificity\", \"354\": \"Specificity\", \"355\": \"Specificity\", \"356\": \"Specificity\", \"357\": \"Specificity\", \"358\": \"Specificity\", \"359\": \"Specificity\", \"360\": \"Positive Predictive Value (PPV)\", \"361\": \"Positive Predictive Value (PPV)\", \"362\": \"Positive Predictive Value (PPV)\", \"363\": \"Positive Predictive Value (PPV)\", \"364\": \"Positive Predictive Value (PPV)\", \"365\": \"Positive Predictive Value (PPV)\", \"366\": \"Positive Predictive Value (PPV)\", \"367\": \"Positive Predictive Value (PPV)\", \"368\": \"Positive Predictive Value (PPV)\", \"369\": \"Positive Predictive Value (PPV)\", \"370\": \"Positive Predictive Value (PPV)\", \"371\": \"Positive Predictive Value (PPV)\", \"372\": \"Positive Predictive Value (PPV)\", \"373\": \"Positive Predictive Value (PPV)\", \"374\": \"Positive Predictive Value (PPV)\", \"375\": \"Negative Predictive Value (NPV)\", \"376\": \"Negative Predictive Value (NPV)\", \"377\": \"Negative Predictive Value (NPV)\", \"378\": \"Negative Predictive Value (NPV)\", \"379\": \"Negative Predictive Value (NPV)\", \"380\": \"Negative Predictive Value (NPV)\", \"381\": \"Negative Predictive Value (NPV)\", \"382\": \"Negative Predictive Value (NPV)\", \"383\": \"Negative Predictive Value (NPV)\", \"384\": \"Negative Predictive Value (NPV)\", \"385\": \"Negative Predictive Value (NPV)\", \"386\": \"Negative Predictive Value (NPV)\", \"387\": \"Negative Predictive Value (NPV)\", \"388\": \"Negative Predictive Value (NPV)\", \"389\": \"Negative Predictive Value (NPV)\", \"390\": \"Sensitivity\", \"391\": \"Sensitivity\", \"392\": \"Sensitivity\", \"393\": \"Sensitivity\", \"394\": \"Sensitivity\", \"395\": \"Sensitivity\", \"396\": \"Sensitivity\", \"397\": \"Sensitivity\", \"398\": \"Sensitivity\", \"399\": \"Sensitivity\", \"400\": \"Sensitivity\", \"401\": \"Sensitivity\", \"402\": \"Sensitivity\", \"403\": \"Sensitivity\", \"404\": \"Sensitivity\", \"405\": \"Specificity\", \"406\": \"Specificity\", \"407\": \"Specificity\", \"408\": \"Specificity\", \"409\": \"Specificity\", \"410\": \"Specificity\", \"411\": \"Specificity\", \"412\": \"Specificity\", \"413\": \"Specificity\", \"414\": \"Specificity\", \"415\": \"Specificity\", \"416\": \"Specificity\", \"417\": \"Specificity\", \"418\": \"Specificity\", \"419\": \"Specificity\", \"420\": \"Positive Predictive Value (PPV)\", \"421\": \"Positive Predictive Value (PPV)\", \"422\": \"Positive Predictive Value (PPV)\", \"423\": \"Positive Predictive Value (PPV)\", \"424\": \"Positive Predictive Value (PPV)\", \"425\": \"Positive Predictive Value (PPV)\", \"426\": \"Positive Predictive Value (PPV)\", \"427\": \"Positive Predictive Value (PPV)\", \"428\": \"Positive Predictive Value (PPV)\", \"429\": \"Positive Predictive Value (PPV)\", \"430\": \"Positive Predictive Value (PPV)\", \"431\": \"Positive Predictive Value (PPV)\", \"432\": \"Positive Predictive Value (PPV)\", \"433\": \"Positive Predictive Value (PPV)\", \"434\": \"Positive Predictive Value (PPV)\", \"435\": \"Negative Predictive Value (NPV)\", \"436\": \"Negative Predictive Value (NPV)\", \"437\": \"Negative Predictive Value (NPV)\", \"438\": \"Negative Predictive Value (NPV)\", \"439\": \"Negative Predictive Value (NPV)\", \"440\": \"Negative Predictive Value (NPV)\", \"441\": \"Negative Predictive Value (NPV)\", \"442\": \"Negative Predictive Value (NPV)\", \"443\": \"Negative Predictive Value (NPV)\", \"444\": \"Negative Predictive Value (NPV)\", \"445\": \"Negative Predictive Value (NPV)\", \"446\": \"Negative Predictive Value (NPV)\", \"447\": \"Negative Predictive Value (NPV)\", \"448\": \"Negative Predictive Value (NPV)\", \"449\": \"Negative Predictive Value (NPV)\", \"450\": \"Sensitivity\", \"451\": \"Sensitivity\", \"452\": \"Sensitivity\", \"453\": \"Sensitivity\", \"454\": \"Sensitivity\", \"455\": \"Sensitivity\", \"456\": \"Sensitivity\", \"457\": \"Sensitivity\", \"458\": \"Sensitivity\", \"459\": \"Sensitivity\", \"460\": \"Sensitivity\", \"461\": \"Sensitivity\", \"462\": \"Sensitivity\", \"463\": \"Sensitivity\", \"464\": \"Sensitivity\", \"465\": \"Specificity\", \"466\": \"Specificity\", \"467\": \"Specificity\", \"468\": \"Specificity\", \"469\": \"Specificity\", \"470\": \"Specificity\", \"471\": \"Specificity\", \"472\": \"Specificity\", \"473\": \"Specificity\", \"474\": \"Specificity\", \"475\": \"Specificity\", \"476\": \"Specificity\", \"477\": \"Specificity\", \"478\": \"Specificity\", \"479\": \"Specificity\", \"480\": \"Positive Predictive Value (PPV)\", \"481\": \"Positive Predictive Value (PPV)\", \"482\": \"Positive Predictive Value (PPV)\", \"483\": \"Positive Predictive Value (PPV)\", \"484\": \"Positive Predictive Value (PPV)\", \"485\": \"Positive Predictive Value (PPV)\", \"486\": \"Positive Predictive Value (PPV)\", \"487\": \"Positive Predictive Value (PPV)\", \"488\": \"Positive Predictive Value (PPV)\", \"489\": \"Positive Predictive Value (PPV)\", \"490\": \"Positive Predictive Value (PPV)\", \"491\": \"Positive Predictive Value (PPV)\", \"492\": \"Positive Predictive Value (PPV)\", \"493\": \"Positive Predictive Value (PPV)\", \"494\": \"Positive Predictive Value (PPV)\", \"495\": \"Negative Predictive Value (NPV)\", \"496\": \"Negative Predictive Value (NPV)\", \"497\": \"Negative Predictive Value (NPV)\", \"498\": \"Negative Predictive Value (NPV)\", \"499\": \"Negative Predictive Value (NPV)\", \"500\": \"Negative Predictive Value (NPV)\", \"501\": \"Negative Predictive Value (NPV)\", \"502\": \"Negative Predictive Value (NPV)\", \"503\": \"Negative Predictive Value (NPV)\", \"504\": \"Negative Predictive Value (NPV)\", \"505\": \"Negative Predictive Value (NPV)\", \"506\": \"Negative Predictive Value (NPV)\", \"507\": \"Negative Predictive Value (NPV)\", \"508\": \"Negative Predictive Value (NPV)\", \"509\": \"Negative Predictive Value (NPV)\", \"510\": \"Sensitivity\", \"511\": \"Sensitivity\", \"512\": \"Sensitivity\", \"513\": \"Sensitivity\", \"514\": \"Sensitivity\", \"515\": \"Sensitivity\", \"516\": \"Sensitivity\", \"517\": \"Sensitivity\", \"518\": \"Sensitivity\", \"519\": \"Sensitivity\", \"520\": \"Sensitivity\", \"521\": \"Sensitivity\", \"522\": \"Sensitivity\", \"523\": \"Sensitivity\", \"524\": \"Sensitivity\", \"525\": \"Specificity\", \"526\": \"Specificity\", \"527\": \"Specificity\", \"528\": \"Specificity\", \"529\": \"Specificity\", \"530\": \"Specificity\", \"531\": \"Specificity\", \"532\": \"Specificity\", \"533\": \"Specificity\", \"534\": \"Specificity\", \"535\": \"Specificity\", \"536\": \"Specificity\", \"537\": \"Specificity\", \"538\": \"Specificity\", \"539\": \"Specificity\", \"540\": \"Positive Predictive Value (PPV)\", \"541\": \"Positive Predictive Value (PPV)\", \"542\": \"Positive Predictive Value (PPV)\", \"543\": \"Positive Predictive Value (PPV)\", \"544\": \"Positive Predictive Value (PPV)\", \"545\": \"Positive Predictive Value (PPV)\", \"546\": \"Positive Predictive Value (PPV)\", \"547\": \"Positive Predictive Value (PPV)\", \"548\": \"Positive Predictive Value (PPV)\", \"549\": \"Positive Predictive Value (PPV)\", \"550\": \"Positive Predictive Value (PPV)\", \"551\": \"Positive Predictive Value (PPV)\", \"552\": \"Positive Predictive Value (PPV)\", \"553\": \"Positive Predictive Value (PPV)\", \"554\": \"Positive Predictive Value (PPV)\", \"555\": \"Negative Predictive Value (NPV)\", \"556\": \"Negative Predictive Value (NPV)\", \"557\": \"Negative Predictive Value (NPV)\", \"558\": \"Negative Predictive Value (NPV)\", \"559\": \"Negative Predictive Value (NPV)\", \"560\": \"Negative Predictive Value (NPV)\", \"561\": \"Negative Predictive Value (NPV)\", \"562\": \"Negative Predictive Value (NPV)\", \"563\": \"Negative Predictive Value (NPV)\", \"564\": \"Negative Predictive Value (NPV)\", \"565\": \"Negative Predictive Value (NPV)\", \"566\": \"Negative Predictive Value (NPV)\", \"567\": \"Negative Predictive Value (NPV)\", \"568\": \"Negative Predictive Value (NPV)\", \"569\": \"Negative Predictive Value (NPV)\", \"570\": \"Sensitivity\", \"571\": \"Sensitivity\", \"572\": \"Sensitivity\", \"573\": \"Sensitivity\", \"574\": \"Sensitivity\", \"575\": \"Sensitivity\", \"576\": \"Sensitivity\", \"577\": \"Sensitivity\", \"578\": \"Sensitivity\", \"579\": \"Sensitivity\", \"580\": \"Sensitivity\", \"581\": \"Sensitivity\", \"582\": \"Sensitivity\", \"583\": \"Sensitivity\", \"584\": \"Sensitivity\", \"585\": \"Specificity\", \"586\": \"Specificity\", \"587\": \"Specificity\", \"588\": \"Specificity\", \"589\": \"Specificity\", \"590\": \"Specificity\", \"591\": \"Specificity\", \"592\": \"Specificity\", \"593\": \"Specificity\", \"594\": \"Specificity\", \"595\": \"Specificity\", \"596\": \"Specificity\", \"597\": \"Specificity\", \"598\": \"Specificity\", \"599\": \"Specificity\", \"600\": \"Positive Predictive Value (PPV)\", \"601\": \"Positive Predictive Value (PPV)\", \"602\": \"Positive Predictive Value (PPV)\", \"603\": \"Positive Predictive Value (PPV)\", \"604\": \"Positive Predictive Value (PPV)\", \"605\": \"Positive Predictive Value (PPV)\", \"606\": \"Positive Predictive Value (PPV)\", \"607\": \"Positive Predictive Value (PPV)\", \"608\": \"Positive Predictive Value (PPV)\", \"609\": \"Positive Predictive Value (PPV)\", \"610\": \"Positive Predictive Value (PPV)\", \"611\": \"Positive Predictive Value (PPV)\", \"612\": \"Positive Predictive Value (PPV)\", \"613\": \"Positive Predictive Value (PPV)\", \"614\": \"Positive Predictive Value (PPV)\", \"615\": \"Negative Predictive Value (NPV)\", \"616\": \"Negative Predictive Value (NPV)\", \"617\": \"Negative Predictive Value (NPV)\", \"618\": \"Negative Predictive Value (NPV)\", \"619\": \"Negative Predictive Value (NPV)\", \"620\": \"Negative Predictive Value (NPV)\", \"621\": \"Negative Predictive Value (NPV)\", \"622\": \"Negative Predictive Value (NPV)\", \"623\": \"Negative Predictive Value (NPV)\", \"624\": \"Negative Predictive Value (NPV)\", \"625\": \"Negative Predictive Value (NPV)\", \"626\": \"Negative Predictive Value (NPV)\", \"627\": \"Negative Predictive Value (NPV)\", \"628\": \"Negative Predictive Value (NPV)\", \"629\": \"Negative Predictive Value (NPV)\", \"630\": \"Sensitivity\", \"631\": \"Sensitivity\", \"632\": \"Sensitivity\", \"633\": \"Sensitivity\", \"634\": \"Sensitivity\", \"635\": \"Sensitivity\", \"636\": \"Sensitivity\", \"637\": \"Sensitivity\", \"638\": \"Sensitivity\", \"639\": \"Sensitivity\", \"640\": \"Sensitivity\", \"641\": \"Sensitivity\", \"642\": \"Sensitivity\", \"643\": \"Sensitivity\", \"644\": \"Sensitivity\", \"645\": \"Specificity\", \"646\": \"Specificity\", \"647\": \"Specificity\", \"648\": \"Specificity\", \"649\": \"Specificity\", \"650\": \"Specificity\", \"651\": \"Specificity\", \"652\": \"Specificity\", \"653\": \"Specificity\", \"654\": \"Specificity\", \"655\": \"Specificity\", \"656\": \"Specificity\", \"657\": \"Specificity\", \"658\": \"Specificity\", \"659\": \"Specificity\", \"660\": \"Positive Predictive Value (PPV)\", \"661\": \"Positive Predictive Value (PPV)\", \"662\": \"Positive Predictive Value (PPV)\", \"663\": \"Positive Predictive Value (PPV)\", \"664\": \"Positive Predictive Value (PPV)\", \"665\": \"Positive Predictive Value (PPV)\", \"666\": \"Positive Predictive Value (PPV)\", \"667\": \"Positive Predictive Value (PPV)\", \"668\": \"Positive Predictive Value (PPV)\", \"669\": \"Positive Predictive Value (PPV)\", \"670\": \"Positive Predictive Value (PPV)\", \"671\": \"Positive Predictive Value (PPV)\", \"672\": \"Positive Predictive Value (PPV)\", \"673\": \"Positive Predictive Value (PPV)\", \"674\": \"Positive Predictive Value (PPV)\", \"675\": \"Negative Predictive Value (NPV)\", \"676\": \"Negative Predictive Value (NPV)\", \"677\": \"Negative Predictive Value (NPV)\", \"678\": \"Negative Predictive Value (NPV)\", \"679\": \"Negative Predictive Value (NPV)\", \"680\": \"Negative Predictive Value (NPV)\", \"681\": \"Negative Predictive Value (NPV)\", \"682\": \"Negative Predictive Value (NPV)\", \"683\": \"Negative Predictive Value (NPV)\", \"684\": \"Negative Predictive Value (NPV)\", \"685\": \"Negative Predictive Value (NPV)\", \"686\": \"Negative Predictive Value (NPV)\", \"687\": \"Negative Predictive Value (NPV)\", \"688\": \"Negative Predictive Value (NPV)\", \"689\": \"Negative Predictive Value (NPV)\", \"690\": \"Sensitivity\", \"691\": \"Sensitivity\", \"692\": \"Sensitivity\", \"693\": \"Sensitivity\", \"694\": \"Sensitivity\", \"695\": \"Sensitivity\", \"696\": \"Sensitivity\", \"697\": \"Sensitivity\", \"698\": \"Sensitivity\", \"699\": \"Sensitivity\", \"700\": \"Sensitivity\", \"701\": \"Sensitivity\", \"702\": \"Sensitivity\", \"703\": \"Sensitivity\", \"704\": \"Sensitivity\", \"705\": \"Specificity\", \"706\": \"Specificity\", \"707\": \"Specificity\", \"708\": \"Specificity\", \"709\": \"Specificity\", \"710\": \"Specificity\", \"711\": \"Specificity\", \"712\": \"Specificity\", \"713\": \"Specificity\", \"714\": \"Specificity\", \"715\": \"Specificity\", \"716\": \"Specificity\", \"717\": \"Specificity\", \"718\": \"Specificity\", \"719\": \"Specificity\"}"); var timestamps_all = JSON.parse("{\"0\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"1\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"2\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"3\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"4\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"5\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"6\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"7\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"8\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"9\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"10\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"11\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"12\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"13\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"14\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"15\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"16\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"17\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"18\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"19\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"20\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"21\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"22\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"23\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"24\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"25\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"26\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"27\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"28\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"29\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"30\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"31\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"32\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"33\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"34\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"35\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"36\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"37\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"38\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"39\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"40\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"41\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"42\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"43\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"44\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"45\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"46\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"47\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"48\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"49\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"50\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"51\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"52\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"53\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"54\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"55\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"56\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"57\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"58\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"59\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"60\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"61\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"62\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"63\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"64\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"65\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"66\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"67\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"68\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"69\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"70\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"71\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"72\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"73\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"74\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"75\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"76\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"77\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"78\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"79\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"80\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"81\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"82\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"83\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"84\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"85\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"86\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"87\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"88\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"89\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"90\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"91\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"92\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"93\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"94\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"95\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"96\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"97\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"98\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"99\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"100\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"101\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"102\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"103\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"104\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"105\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"106\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"107\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"108\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"109\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"110\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"111\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"112\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"113\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"114\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"115\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"116\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"117\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"118\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"119\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"120\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"121\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"122\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"123\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"124\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"125\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"126\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"127\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"128\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"129\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"130\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"131\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"132\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"133\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"134\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"135\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"136\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"137\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"138\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"139\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"140\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"141\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"142\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"143\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"144\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"145\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"146\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"147\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"148\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"149\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"150\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"151\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"152\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"153\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"154\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"155\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"156\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"157\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"158\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"159\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"160\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"161\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"162\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"163\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"164\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"165\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"166\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"167\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"168\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"169\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"170\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"171\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"172\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"173\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"174\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"175\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"176\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"177\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"178\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"179\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"180\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"181\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"182\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"183\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"184\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"185\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"186\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"187\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"188\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"189\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"190\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"191\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"192\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"193\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"194\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"195\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"196\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"197\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"198\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"199\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"200\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"201\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"202\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"203\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"204\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"205\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"206\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"207\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"208\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"209\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"210\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"211\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"212\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"213\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"214\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"215\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"216\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"217\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"218\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"219\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"220\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"221\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"222\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"223\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"224\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"225\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"226\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"227\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"228\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"229\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"230\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"231\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"232\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"233\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"234\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"235\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"236\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"237\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"238\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"239\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"240\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"241\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"242\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"243\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"244\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"245\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"246\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"247\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"248\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"249\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"250\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"251\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"252\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"253\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"254\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"255\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"256\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"257\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"258\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"259\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"260\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"261\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"262\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"263\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"264\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"265\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"266\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"267\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"268\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"269\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"270\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"271\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"272\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"273\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"274\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"275\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"276\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"277\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"278\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"279\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"280\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"281\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"282\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"283\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"284\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"285\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"286\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"287\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"288\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"289\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"290\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"291\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"292\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"293\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"294\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"295\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"296\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"297\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"298\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"299\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"300\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"301\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"302\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"303\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"304\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"305\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"306\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"307\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"308\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"309\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"310\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"311\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"312\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"313\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"314\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"315\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"316\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"317\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"318\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"319\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"320\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"321\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"322\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"323\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"324\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"325\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"326\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"327\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"328\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"329\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"330\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"331\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"332\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"333\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"334\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"335\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"336\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"337\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"338\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"339\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"340\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"341\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"342\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"343\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"344\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"345\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"346\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"347\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"348\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"349\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"350\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"351\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"352\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"353\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"354\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"355\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"356\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"357\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"358\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"359\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"360\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"361\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"362\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"363\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"364\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"365\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"366\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"367\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"368\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"369\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"370\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"371\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"372\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"373\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"374\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"375\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"376\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"377\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"378\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"379\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"380\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"381\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"382\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"383\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"384\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"385\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"386\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"387\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"388\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"389\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"390\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"391\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"392\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"393\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"394\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"395\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"396\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"397\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"398\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"399\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"400\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"401\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"402\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"403\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"404\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"405\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"406\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"407\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"408\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"409\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"410\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"411\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"412\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"413\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"414\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"415\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"416\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"417\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"418\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"419\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"420\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"421\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"422\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"423\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"424\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"425\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"426\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"427\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"428\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"429\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"430\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"431\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"432\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"433\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"434\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"435\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"436\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"437\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"438\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"439\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"440\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"441\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"442\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"443\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"444\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"445\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"446\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"447\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"448\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"449\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"450\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"451\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"452\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"453\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"454\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"455\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"456\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"457\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"458\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"459\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"460\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"461\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"462\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"463\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"464\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"465\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"466\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"467\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"468\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"469\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"470\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"471\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"472\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"473\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"474\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"475\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"476\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"477\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"478\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"479\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"480\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"481\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"482\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"483\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"484\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"485\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"486\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"487\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"488\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"489\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"490\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"491\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"492\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"493\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"494\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"495\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"496\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"497\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"498\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"499\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"500\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"501\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"502\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"503\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"504\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"505\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"506\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"507\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"508\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"509\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"510\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"511\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"512\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"513\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"514\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"515\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"516\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"517\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"518\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"519\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"520\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"521\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"522\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"523\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"524\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"525\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"526\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"527\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"528\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"529\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"530\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"531\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"532\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"533\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"534\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"535\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"536\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"537\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"538\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"539\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"540\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"541\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"542\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"543\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"544\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"545\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"546\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"547\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"548\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"549\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"550\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"551\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"552\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"553\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"554\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"555\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"556\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"557\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"558\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"559\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"560\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"561\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"562\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"563\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"564\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"565\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"566\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"567\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"568\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"569\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"570\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"571\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"572\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"573\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"574\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"575\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"576\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"577\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"578\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"579\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"580\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"581\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"582\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"583\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"584\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"585\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"586\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"587\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"588\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"589\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"590\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"591\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"592\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"593\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"594\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"595\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"596\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"597\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"598\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"599\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"600\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"601\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"602\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"603\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"604\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"605\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"606\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"607\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"608\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"609\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"610\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"611\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"612\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"613\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"614\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"615\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"616\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"617\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"618\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"619\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"620\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"621\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"622\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"623\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"624\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"625\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"626\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"627\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"628\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"629\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"630\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"631\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"632\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"633\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"634\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"635\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"636\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"637\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"638\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"639\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"640\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"641\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"642\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"643\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"644\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"645\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"646\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"647\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"648\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"649\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"650\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"651\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"652\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"653\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"654\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"655\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"656\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"657\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"658\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"659\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"660\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"661\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"662\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"663\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"664\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"665\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"666\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"667\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"668\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"669\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"670\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"671\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"672\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"673\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"674\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"675\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"676\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"677\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"678\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"679\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"680\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"681\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"682\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"683\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"684\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"685\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"686\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"687\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"688\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"689\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"690\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"691\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"692\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"693\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"694\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"695\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"696\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"697\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"698\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"699\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"700\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"701\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"702\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"703\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"704\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"705\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"706\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"707\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"708\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"709\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"710\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"711\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"712\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"713\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"714\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"715\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"716\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"717\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"718\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"719\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"]}"); @@ -9288,10 +9288,10 @@

    Tradeoffs

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"1\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"2\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"3\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"4\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"5\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"6\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"7\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"8\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"9\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"10\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"11\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"12\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"13\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"14\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"15\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"16\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"17\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"18\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"19\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"20\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"21\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"22\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"23\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"24\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"25\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"26\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"27\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"28\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"29\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"30\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"31\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"32\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"33\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"34\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"35\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"36\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"37\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"38\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"39\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"40\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"41\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"42\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"43\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"44\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"45\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"46\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"47\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"48\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"49\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"50\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"51\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"52\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"53\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"54\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"55\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"56\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"57\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"58\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"59\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"60\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"61\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"62\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"63\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"64\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"65\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"66\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"67\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"68\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"69\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"70\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"71\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"72\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"73\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"74\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"75\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"76\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"77\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"78\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"79\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"80\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"81\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"82\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"83\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"84\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"85\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"86\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"87\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"88\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"89\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"90\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"91\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"92\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"93\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"94\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"95\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"96\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"97\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"98\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"99\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"100\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"101\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"102\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"103\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"104\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"105\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"106\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"107\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"108\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"109\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"110\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"111\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"112\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"113\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"114\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"115\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"116\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"117\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"118\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"119\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"120\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"121\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"122\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"123\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"124\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"125\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"126\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"127\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"128\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"129\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"130\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"131\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"132\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"133\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"134\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"135\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"136\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"137\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"138\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"139\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"140\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"141\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"142\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"143\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"144\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"145\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"146\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"147\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"148\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"149\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"150\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"151\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"152\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"153\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"154\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"155\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"156\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"157\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"158\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"159\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"160\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"161\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"162\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"163\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"164\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"165\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"166\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Atelectasis\", \"Patient Gender:overall_Patient Gender\"], \"167\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Consolidation\", \"Patient Gender:overall_Patient Gender\"], \"168\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Infiltration\", \"Patient Gender:overall_Patient Gender\"], \"169\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumothorax\", \"Patient Gender:overall_Patient Gender\"], \"170\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Edema\", \"Patient Gender:overall_Patient Gender\"], \"171\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Emphysema\", \"Patient Gender:overall_Patient Gender\"], \"172\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Fibrosis\", \"Patient Gender:overall_Patient Gender\"], \"173\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Effusion\", \"Patient Gender:overall_Patient Gender\"], \"174\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pneumonia\", \"Patient Gender:overall_Patient Gender\"], \"175\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Pleural_Thickening\", \"Patient Gender:overall_Patient Gender\"], \"176\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Cardiomegaly\", \"Patient Gender:overall_Patient Gender\"], \"177\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Nodule\", \"Patient Gender:overall_Patient Gender\"], \"178\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Mass\", \"Patient Gender:overall_Patient Gender\"], \"179\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"pathology:Hernia\", \"Patient Gender:overall_Patient Gender\"], \"180\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"181\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"182\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"183\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"184\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"185\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"186\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"187\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"188\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"189\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"190\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"191\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"192\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"193\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"194\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"195\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"196\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"197\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"198\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"199\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"200\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"201\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"202\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"203\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"204\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"205\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"206\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"207\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"208\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"209\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"210\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"211\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"212\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"213\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"214\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"215\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"216\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"217\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"218\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"219\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"220\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"221\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"222\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"223\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"224\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"225\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"226\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"227\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"228\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"229\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"230\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Edema\"], \"231\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"232\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"233\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"234\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"235\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"236\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"237\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"238\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Mass\"], \"239\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"240\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"241\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"242\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"243\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"244\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"245\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"246\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"247\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"248\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"249\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"250\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"251\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"252\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"253\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"254\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"255\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"256\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"257\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"258\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"259\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"260\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"261\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"262\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"263\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"264\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"265\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"266\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"267\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"268\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"269\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"270\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"271\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"272\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"273\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"274\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"275\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"276\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"277\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"278\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"279\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"280\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"281\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"282\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"283\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"284\": [\"metric:Sensitivity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"285\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"286\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"287\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"288\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"289\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"290\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Edema\"], \"291\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"292\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"293\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"294\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"295\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"296\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"297\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"298\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Mass\"], \"299\": [\"metric:Specificity\", \"Patient Age:[19 - 35]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"300\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"301\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"302\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"303\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"304\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"305\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"306\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"307\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"308\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"309\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"310\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"311\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"312\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"313\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"314\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"315\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"316\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"317\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"318\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"319\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"320\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"321\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"322\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"323\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"324\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"325\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"326\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"327\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"328\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"329\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"330\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"331\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"332\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"333\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"334\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"335\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"336\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"337\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"338\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"339\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"340\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"341\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"342\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"343\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"344\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"345\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"346\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"347\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"348\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"349\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"350\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Edema\"], \"351\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"352\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"353\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"354\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"355\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"356\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"357\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"358\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Mass\"], \"359\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"360\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"361\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"362\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"363\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"364\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"365\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"366\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"367\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"368\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"369\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"370\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"371\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"372\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"373\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"374\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"375\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"376\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"377\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"378\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"379\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"380\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"381\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"382\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"383\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"384\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"385\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"386\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"387\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"388\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"389\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"390\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"391\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"392\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"393\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"394\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"395\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"396\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"397\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"398\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"399\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"400\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"401\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"402\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"403\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"404\": [\"metric:Sensitivity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"405\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"406\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"407\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"408\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"409\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"410\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Edema\"], \"411\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"412\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"413\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"414\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"415\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"416\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"417\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"418\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Mass\"], \"419\": [\"metric:Specificity\", \"Patient Age:[35 - 65]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"420\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"421\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"422\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"423\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"424\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"425\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"426\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"427\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"428\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"429\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"430\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"431\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"432\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"433\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"434\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"435\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"436\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"437\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"438\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"439\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"440\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"441\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"442\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"443\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"444\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"445\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"446\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"447\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"448\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"449\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"450\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"451\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"452\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"453\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"454\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"455\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"456\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"457\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"458\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"459\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"460\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"461\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"462\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"463\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"464\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"465\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:overall_pathology\"], \"466\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Atelectasis\"], \"467\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Consolidation\"], \"468\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Infiltration\"], \"469\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumothorax\"], \"470\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Edema\"], \"471\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Emphysema\"], \"472\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Fibrosis\"], \"473\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Effusion\"], \"474\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pneumonia\"], \"475\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\"], \"476\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Cardiomegaly\"], \"477\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Nodule\"], \"478\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Mass\"], \"479\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:M\", \"pathology:Hernia\"], \"480\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"481\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"482\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"483\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"484\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"485\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"486\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"487\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"488\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"489\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"490\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"491\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"492\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"493\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"494\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"495\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"496\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"497\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"498\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"499\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"500\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"501\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"502\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"503\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"504\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"505\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"506\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"507\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"508\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"509\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"510\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"511\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"512\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"513\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"514\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"515\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"516\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"517\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"518\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"519\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"520\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"521\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"522\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"523\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"524\": [\"metric:Sensitivity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"525\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:overall_pathology\"], \"526\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Atelectasis\"], \"527\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Consolidation\"], \"528\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Infiltration\"], \"529\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumothorax\"], \"530\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Edema\"], \"531\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Emphysema\"], \"532\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Fibrosis\"], \"533\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Effusion\"], \"534\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pneumonia\"], \"535\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\"], \"536\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Cardiomegaly\"], \"537\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Nodule\"], \"538\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Mass\"], \"539\": [\"metric:Specificity\", \"Patient Age:[65 - 100]\", \"Patient Gender:F\", \"pathology:Hernia\"], \"540\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"541\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"542\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"543\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"544\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"545\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"546\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"547\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"548\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"549\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"550\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"551\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"552\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"553\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"554\": [\"metric:Positive Predictive Value (PPV)\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"555\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"556\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"557\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"558\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"559\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"560\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"561\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"562\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"563\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"564\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"565\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"566\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"567\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"568\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"569\": [\"metric:Negative Predictive Value (NPV)\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"570\": [\"metric:Sensitivity\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"571\": [\"metric:Sensitivity\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"572\": [\"metric:Sensitivity\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"573\": [\"metric:Sensitivity\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"574\": [\"metric:Sensitivity\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"575\": [\"metric:Sensitivity\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"576\": [\"metric:Sensitivity\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"577\": [\"metric:Sensitivity\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"578\": [\"metric:Sensitivity\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"579\": [\"metric:Sensitivity\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"580\": [\"metric:Sensitivity\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"581\": [\"metric:Sensitivity\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"582\": [\"metric:Sensitivity\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"583\": [\"metric:Sensitivity\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"584\": [\"metric:Sensitivity\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"585\": [\"metric:Specificity\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\", \"Patient Gender:overall_Patient Gender\"], \"586\": [\"metric:Specificity\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"587\": [\"metric:Specificity\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"588\": [\"metric:Specificity\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"589\": [\"metric:Specificity\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"590\": [\"metric:Specificity\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"591\": [\"metric:Specificity\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"592\": [\"metric:Specificity\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"593\": [\"metric:Specificity\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"594\": [\"metric:Specificity\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"595\": [\"metric:Specificity\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"596\": [\"metric:Specificity\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"597\": [\"metric:Specificity\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"598\": [\"metric:Specificity\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"599\": [\"metric:Specificity\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\", \"Patient Gender:overall_Patient Gender\"], \"600\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"601\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"602\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"603\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"604\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"605\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"606\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"607\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"608\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"609\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"610\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"611\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"612\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"613\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"614\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"615\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"616\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"617\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"618\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"619\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"620\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"621\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"622\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"623\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"624\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"625\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"626\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"627\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"628\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"629\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"630\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"631\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"632\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"633\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"634\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"635\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"636\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"637\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"638\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"639\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"640\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"641\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"642\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"643\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"644\": [\"metric:Sensitivity\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"645\": [\"metric:Specificity\", \"Patient Gender:M\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"646\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"647\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"648\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"649\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"650\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"651\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"652\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"653\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"654\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"655\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"656\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"657\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"658\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"659\": [\"metric:Specificity\", \"Patient Gender:M\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"660\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"661\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"662\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"663\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"664\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"665\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"666\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"667\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"668\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"669\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"670\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"671\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"672\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"673\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"674\": [\"metric:Positive Predictive Value (PPV)\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"675\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"676\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"677\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"678\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"679\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"680\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"681\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"682\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"683\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"684\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"685\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"686\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"687\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"688\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"689\": [\"metric:Negative Predictive Value (NPV)\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"690\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"691\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"692\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"693\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"694\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"695\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"696\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"697\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"698\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"699\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"700\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"701\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"702\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"703\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"704\": [\"metric:Sensitivity\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"], \"705\": [\"metric:Specificity\", \"Patient Gender:F\", \"Patient Age:overall_Patient Age\", \"pathology:overall_pathology\"], \"706\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Atelectasis\", \"Patient Age:overall_Patient Age\"], \"707\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Consolidation\", \"Patient Age:overall_Patient Age\"], \"708\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Infiltration\", \"Patient Age:overall_Patient Age\"], \"709\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pneumothorax\", \"Patient Age:overall_Patient Age\"], \"710\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Edema\", \"Patient Age:overall_Patient Age\"], \"711\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Emphysema\", \"Patient Age:overall_Patient Age\"], \"712\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Fibrosis\", \"Patient Age:overall_Patient Age\"], \"713\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Effusion\", \"Patient Age:overall_Patient Age\"], \"714\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pneumonia\", \"Patient Age:overall_Patient Age\"], \"715\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Pleural_Thickening\", \"Patient Age:overall_Patient Age\"], \"716\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Cardiomegaly\", \"Patient Age:overall_Patient Age\"], \"717\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Nodule\", \"Patient Age:overall_Patient Age\"], \"718\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Mass\", \"Patient Age:overall_Patient Age\"], \"719\": [\"metric:Specificity\", \"Patient Gender:F\", \"pathology:Hernia\", \"Patient Age:overall_Patient Age\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.15167980673960318\", \"0.14129280028530336\", \"0.15995072768185709\", \"0.1258001490759194\"], \"1\": [\"0.30952380952380953\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.20689655172413793\"], \"2\": [\"0.10714285714285714\", \"0.17777777777777778\", \"0.06896551724137931\", \"0.026845637583892617\"], \"3\": [\"0.4426229508196721\", \"0.42592592592592593\", \"0.647887323943662\", \"0.3712121212121212\"], \"4\": [\"0.047619047619047616\", \"0.05\", \"0.06\", \"0.4112903225806452\"], \"5\": [\"0.1276595744680851\", \"0.023255813953488372\", \"0.020833333333333332\", \"0.06422018348623854\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.027777777777777776\", \"0.01834862385321101\"], \"7\": [\"0.041666666666666664\", \"0.0\", \"0.09375\", \"0.05102040816326531\"], \"8\": [\"0.36363636363636365\", \"0.48148148148148145\", \"0.43902439024390244\", \"0.17708333333333334\"], \"9\": [\"0.0\", \"0.02857142857142857\", \"0.045454545454545456\", \"0.03787878787878788\"], \"10\": [\"0.06451612903225806\", \"0.07407407407407407\", \"0.05\", \"0.16822429906542055\"], \"11\": [\"0.2962962962962963\", \"0.15789473684210525\", \"0.12\", \"0.1\"], \"12\": [\"0.05263157894736842\", \"0.09375\", \"0.175\", \"0.06818181818181818\"], \"13\": [\"0.24242424242424243\", \"0.07142857142857142\", \"0.10526315789473684\", \"0.06\"], \"14\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.0\"], \"15\": [\"0.948161213119298\", \"0.9395606461176224\", \"0.937037604089962\", \"0.9041296306770732\"], \"16\": [\"0.9285714285714286\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.9230769230769231\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.7777777777777778\", \"0.5714285714285714\", \"0.5833333333333334\", \"0.6521739130434783\"], \"19\": [\"0.9285714285714286\", \"0.9047619047619048\", \"1.0\", \"0.7096774193548387\"], \"20\": [\"1.0\", \"1.0\", \"0.9714285714285714\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.96875\", \"0.9787234042553191\", \"0.8260869565217391\"], \"22\": [\"0.9347826086956522\", \"1.0\", \"0.9803921568627451\", \"0.9649122807017544\"], \"23\": [\"0.9615384615384616\", \"0.9117647058823529\", \"0.8809523809523809\", \"0.9491525423728814\"], \"24\": [\"0.967741935483871\", \"0.9615384615384616\", \"1.0\", \"0.9130434782608695\"], \"25\": [\"0.9487179487179487\", \"0.9705882352941176\", \"1.0\", \"0.9791666666666666\"], \"26\": [\"0.9767441860465116\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.90625\", \"0.9310344827586207\", \"0.9302325581395349\", \"0.9253731343283582\"], \"28\": [\"0.972972972972973\", \"0.9696969696969697\", \"0.9111111111111111\", \"0.9818181818181818\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.61904681412795\", \"0.6113585818942961\", \"0.816754962854707\", \"0.7305053759940978\"], \"31\": [\"0.8666666666666667\", \"0.9285714285714286\", \"0.8\", \"0.8888888888888888\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9310344827586207\", \"0.8846153846153846\", \"0.9019607843137255\", \"0.8596491228070176\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"0.75\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.8125\", \"0.782608695652174\", \"0.85\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.4\", \"0.6\", \"0.7\", \"0.5454545454545454\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.8571428571428571\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.46336563851831164\", \"0.48289690046395356\", \"0.5070017410868425\", \"0.3276357598055654\"], \"46\": [\"0.4727272727272727\", \"0.574468085106383\", \"0.47619047619047616\", \"0.28125\"], \"47\": [\"0.21875\", \"0.3018867924528302\", \"0.31645569620253167\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3939393939393939\", \"0.3333333333333333\", \"0.4125\", \"0.23157894736842105\"], \"50\": [\"0.359375\", \"0.3\", \"0.41975308641975306\", \"0.3108108108108108\"], \"51\": [\"0.4852941176470588\", \"0.5166666666666667\", \"0.5679012345679012\", \"0.2620689655172414\"], \"52\": [\"0.6515151515151515\", \"0.5245901639344263\", \"0.6329113924050633\", \"0.3716216216216216\"], \"53\": [\"0.4716981132075472\", \"0.6888888888888889\", \"0.6166666666666667\", \"0.4148148148148148\"], \"54\": [\"0.43478260869565216\", \"0.423728813559322\", \"0.48148148148148145\", \"0.14189189189189189\"], \"55\": [\"0.5606060606060606\", \"0.5689655172413793\", \"0.5308641975308642\", \"0.34558823529411764\"], \"56\": [\"0.6885245901639344\", \"0.7241379310344828\", \"0.725\", \"0.7615894039735099\"], \"57\": [\"0.4461538461538462\", \"0.48214285714285715\", \"0.547945205479452\", \"0.4305555555555556\"], \"58\": [\"0.5901639344262295\", \"0.5517241379310345\", \"0.5466666666666666\", \"0.36486486486486486\"], \"59\": [\"0.5428571428571428\", \"0.6557377049180327\", \"0.6049382716049383\", \"0.4838709677419355\"], \"60\": [\"0.1390022332304764\", \"0.12461397321555136\", \"0.14317050475245158\", \"0.14359228947856187\"], \"61\": [\"0.27218934911242604\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24516129032258063\"], \"62\": [\"0.11578947368421053\", \"0.08994708994708994\", \"0.09142857142857143\", \"0.1206896551724138\"], \"63\": [\"0.38388625592417064\", \"0.3736842105263158\", \"0.40641711229946526\", \"0.3813559322033898\"], \"64\": [\"0.0425531914893617\", \"0.08\", \"0.06944444444444445\", \"0.13653136531365315\"], \"65\": [\"0.030303030303030304\", \"0.078125\", \"0.08870967741935484\", \"0.10380622837370242\"], \"66\": [\"0.03571428571428571\", \"0.041379310344827586\", \"0.05714285714285714\", \"0.0821917808219178\"], \"67\": [\"0.04929577464788732\", \"0.02877697841726619\", \"0.048\", \"0.05855855855855856\"], \"68\": [\"0.3969465648854962\", \"0.3492063492063492\", \"0.35\", \"0.30111524163568776\"], \"69\": [\"0.03164556962025317\", \"0.014492753623188406\", \"0.023255813953488372\", \"0.030508474576271188\"], \"70\": [\"0.06338028169014084\", \"0.06818181818181818\", \"0.1\", \"0.07228915662650602\"], \"71\": [\"0.15294117647058825\", \"0.0958904109589041\", \"0.08064516129032258\", \"0.34615384615384615\"], \"72\": [\"0.16417910447761194\", \"0.16176470588235295\", \"0.2028985507246377\", \"0.045081967213114756\"], \"73\": [\"0.2072072072072072\", \"0.13333333333333333\", \"0.17073170731707318\", \"0.08298755186721991\"], \"74\": [\"0.0\", \"0.0\", \"0.01639344262295082\", \"0.003861003861003861\"], \"75\": [\"0.9333660415310792\", \"0.9279874736119439\", \"0.9221969798271173\", \"0.9308873954815544\"], \"76\": [\"0.8160919540229885\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8571428571428571\"], \"77\": [\"1.0\", \"1.0\", \"0.953125\", \"0.9433962264150944\"], \"78\": [\"0.6666666666666666\", \"0.6956521739130435\", \"0.5961538461538461\", \"0.723404255319149\"], \"79\": [\"0.9739130434782609\", \"0.9302325581395349\", \"0.9368421052631579\", \"0.9769230769230769\"], \"80\": [\"1.0\", \"0.9907407407407407\", \"0.991304347826087\", \"1.0\"], \"81\": [\"0.9913793103448276\", \"0.967032967032967\", \"0.98989898989899\", \"0.963302752293578\"], \"82\": [\"1.0\", \"0.9690721649484536\", \"0.9736842105263158\", \"0.9832402234636871\"], \"83\": [\"0.904\", \"0.8545454545454545\", \"0.8907563025210085\", \"0.8863636363636364\"], \"84\": [\"0.9795918367346939\", \"0.9591836734693877\", \"1.0\", \"0.9716981132075472\"], \"85\": [\"0.956140350877193\", \"0.9423076923076923\", \"0.944954128440367\", \"0.9210526315789473\"], \"86\": [\"0.9941520467836257\", \"0.9877300613496932\", \"0.9887005649717514\", \"0.9067357512953368\"], \"87\": [\"0.819672131147541\", \"0.85\", \"0.8514851485148515\", \"0.9554140127388535\"], \"88\": [\"0.9655172413793104\", \"0.9482758620689655\", \"0.9568965517241379\", \"0.94375\"], \"89\": [\"1.0\", \"0.9903846153846154\", \"1.0\", \"1.0\"], \"90\": [\"0.7503805957867018\", \"0.6611691277657663\", \"0.7921130753222533\", \"0.8277562300309229\"], \"91\": [\"0.7419354838709677\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8421052631578947\", \"0.9333333333333333\"], \"93\": [\"0.84375\", \"0.8352941176470589\", \"0.7835051546391752\", \"0.9121621621621622\"], \"94\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.625\", \"0.925\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.8333333333333334\", \"0.6666666666666666\", \"0.8888888888888888\", \"0.8571428571428571\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.8125\", \"0.7333333333333333\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.6428571428571429\", \"0.6\", \"0.6842105263157895\", \"0.6\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.7142857142857143\", \"0.8\"], \"102\": [\"0.5\", \"0.5945945945945946\", \"0.6511627906976745\", \"0.6111111111111112\"], \"103\": [\"0.8214285714285714\", \"0.7272727272727273\", \"0.8076923076923077\", \"0.6896551724137931\"], \"104\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"105\": [\"0.45127331247553704\", \"0.42116439055367694\", \"0.46082969784674394\", \"0.3327267660544629\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.25\"], \"107\": [\"0.28205128205128205\", \"0.2146118721461187\", \"0.2772727272727273\", \"0.1404494382022472\"], \"108\": [\"0.1875\", \"0.2119205298013245\", \"0.21830985915492956\", \"0.13438735177865613\"], \"109\": [\"0.4534412955465587\", \"0.3669724770642202\", \"0.3991031390134529\", \"0.3518005540166205\"], \"110\": [\"0.49206349206349204\", \"0.47555555555555556\", \"0.5022026431718062\", \"0.3018867924528302\"], \"111\": [\"0.46\", \"0.3876651982378855\", \"0.4260869565217391\", \"0.28150134048257375\"], \"112\": [\"0.4578313253012048\", \"0.4104803493449782\", \"0.4826086956521739\", \"0.45714285714285713\"], \"113\": [\"0.5885416666666666\", \"0.5340909090909091\", \"0.5760869565217391\", \"0.3836065573770492\"], \"114\": [\"0.3855421686746988\", \"0.40869565217391307\", \"0.4661016949152542\", \"0.2647814910025707\"], \"115\": [\"0.45041322314049587\", \"0.4434389140271493\", \"0.4681818181818182\", \"0.37735849056603776\"], \"116\": [\"0.7024793388429752\", \"0.7092511013215859\", \"0.7543103448275862\", \"0.5627009646302251\"], \"117\": [\"0.4716981132075472\", \"0.4271356783919598\", \"0.4387755102040816\", \"0.391644908616188\"], \"118\": [\"0.6140350877192983\", \"0.514018691588785\", \"0.5211267605633803\", \"0.40591397849462363\"], \"119\": [\"0.40625\", \"0.43829787234042555\", \"0.4936708860759494\", \"0.355\"], \"120\": [\"0.11923455215185493\", \"0.13087699439043274\", \"0.1275230072783852\", \"0.13966226265715678\"], \"121\": [\"0.2962962962962963\", \"0.2222222222222222\", \"0.234375\", \"0.10416666666666667\"], \"122\": [\"0.01694915254237288\", \"0.07142857142857142\", \"0.06896551724137931\", \"0.12222222222222222\"], \"123\": [\"0.4098360655737705\", \"0.3389830508474576\", \"0.2459016393442623\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.0425531914893617\", \"0.07692307692307693\", \"0.19230769230769232\"], \"125\": [\"0.05405405405405406\", \"0.05714285714285714\", \"0.025\", \"0.0\"], \"126\": [\"0.04081632653061224\", \"0.0784313725490196\", \"0.09259259259259259\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.044444444444444446\", \"0.0\", \"0.10344827586206896\"], \"128\": [\"0.25\", \"0.4634146341463415\", \"0.4090909090909091\", \"0.425\"], \"129\": [\"0.021739130434782608\", \"0.046511627906976744\", \"0.018867924528301886\", \"0.012048192771084338\"], \"130\": [\"0.17073170731707318\", \"0.125\", \"0.16326530612244897\", \"0.07142857142857142\"], \"131\": [\"0.13793103448275862\", \"0.13636363636363635\", \"0.1\", \"0.3409090909090909\"], \"132\": [\"0.11363636363636363\", \"0.12244897959183673\", \"0.1836734693877551\", \"0.1016949152542373\"], \"133\": [\"0.09375\", \"0.08333333333333333\", \"0.16666666666666666\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.208955223880597\"], \"135\": [\"0.9388265841207017\", \"0.9136475576691024\", \"0.9344389133985408\", \"0.9467833894060748\"], \"136\": [\"0.6666666666666666\", \"1.0\", \"0.875\", \"0.9230769230769231\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.6\", \"0.7272727272727273\", \"0.875\"], \"139\": [\"1.0\", \"0.9545454545454546\", \"0.9\", \"0.967741935483871\"], \"140\": [\"1.0\", \"0.9705882352941176\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"1.0\"], \"142\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"0.9607843137254902\"], \"143\": [\"0.9230769230769231\", \"0.7142857142857143\", \"0.9285714285714286\", \"0.7586206896551724\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"0.96\", \"0.9047619047619048\", \"0.9565217391304348\", \"0.8974358974358975\"], \"146\": [\"0.972972972972973\", \"0.9361702127659575\", \"0.9807692307692307\", \"0.8923076923076924\"], \"147\": [\"0.9090909090909091\", \"0.8\", \"0.8695652173913043\", \"0.98\"], \"148\": [\"0.9117647058823529\", \"0.9523809523809523\", \"0.9\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8202969649398221\", \"0.7276455026455027\", \"0.7268849206349205\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.8333333333333334\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7037037037037037\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"0.875\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.6\", \"0.75\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.7\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3331907318315955\", \"0.3450885022573568\", \"0.33442997150425285\", \"0.3311644925271136\"], \"166\": [\"0.17391304347826086\", \"0.2631578947368421\", \"0.125\", \"0.12244897959183673\"], \"167\": [\"0.1076923076923077\", \"0.2\", \"0.20588235294117646\", \"0.19387755102040816\"], \"168\": [\"0.1\", \"0.13333333333333333\", \"0.14814814814814814\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.3181818181818182\", \"0.2727272727272727\", \"0.3225806451612903\"], \"170\": [\"0.453125\", \"0.5\", \"0.4507042253521127\", \"0.3853211009174312\"], \"171\": [\"0.265625\", \"0.27692307692307694\", \"0.25757575757575757\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3484848484848485\", \"0.2777777777777778\", \"0.48514851485148514\"], \"173\": [\"0.4444444444444444\", \"0.47619047619047616\", \"0.5\", \"0.3235294117647059\"], \"174\": [\"0.3076923076923077\", \"0.3880597014925373\", \"0.2676056338028169\", \"0.24074074074074073\"], \"175\": [\"0.41379310344827586\", \"0.3114754098360656\", \"0.3492063492063492\", \"0.35\"], \"176\": [\"0.5901639344262295\", \"0.6984126984126984\", \"0.7391304347826086\", \"0.6666666666666666\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.3333333333333333\", \"0.4803921568627451\"], \"178\": [\"0.5166666666666667\", \"0.3125\", \"0.43548387096774194\", \"0.3300970873786408\"], \"179\": [\"0.3484848484848485\", \"0.3333333333333333\", \"0.3194444444444444\", \"0.4421052631578947\"], \"180\": [\"0.14190445408932803\", \"0.13909998782121544\", \"0.1701947480063646\", \"0.12517363860159866\"], \"181\": [\"0.2777777777777778\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2222222222222222\"], \"182\": [\"0.2\", \"0.2\", \"0.038461538461538464\", \"0.030534351145038167\"], \"183\": [\"0.4230769230769231\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.4051724137931034\"], \"184\": [\"0.0\", \"0.05\", \"0.0\", \"0.3963963963963964\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.050505050505050504\"], \"186\": [\"0.0\", \"0.0\", \"0.058823529411764705\", \"0.019417475728155338\"], \"187\": [\"0.07142857142857142\", \"0.0\", \"0.17647058823529413\", \"0.06172839506172839\"], \"188\": [\"0.3333333333333333\", \"0.5\", \"0.42105263157894735\", \"0.18292682926829268\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.0423728813559322\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.1595744680851064\"], \"191\": [\"0.2222222222222222\", \"0.25\", \"0.09090909090909091\", \"0.08108108108108109\"], \"192\": [\"0.0\", \"0.17647058823529413\", \"0.23529411764705882\", \"0.05555555555555555\"], \"193\": [\"0.3\", \"0.0\", \"0.16666666666666666\", \"0.0449438202247191\"], \"194\": [\"0.0\", \"0.0\", \"0.125\", \"0.0\"], \"195\": [\"0.9340888278388279\", \"0.9755952380952381\", \"0.9621086642825772\", \"0.8973056892089453\"], \"196\": [\"0.9166666666666666\", \"1.0\", \"0.8888888888888888\", \"0.9714285714285714\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.5\", \"1.0\", \"0.8\", \"0.6111111111111112\"], \"199\": [\"1.0\", \"0.9166666666666666\", \"1.0\", \"0.6521739130434783\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.967741935483871\"], \"202\": [\"0.9375\", \"1.0\", \"1.0\", \"0.9622641509433962\"], \"203\": [\"1.0\", \"0.9375\", \"0.9545454545454546\", \"0.9615384615384616\"], \"204\": [\"0.9230769230769231\", \"0.9333333333333333\", \"1.0\", \"0.875\"], \"205\": [\"1.0\", \"0.9375\", \"1.0\", \"0.975\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.8\", \"0.9333333333333333\", \"1.0\", \"0.9193548387096774\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"1.0\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.5842490842490842\", \"0.509920634920635\", \"0.6486016628873772\", \"0.773755816893833\"], \"211\": [\"0.8333333333333334\", \"1.0\", \"0.8\", \"0.9565217391304348\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.8461538461538461\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.8823529411764706\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.0\", \"0.75\", \"1.0\", \"0.4444444444444444\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"1.0\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.4124708429098776\", \"0.4628128697461709\", \"0.5508536123022646\", \"0.3176701124993818\"], \"226\": [\"0.4583333333333333\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3063063063063063\"], \"227\": [\"0.2\", \"0.25925925925925924\", \"0.375\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.1375\"], \"229\": [\"0.3333333333333333\", \"0.36666666666666664\", \"0.4878048780487805\", \"0.18292682926829268\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.4634146341463415\", \"0.2713178294573643\"], \"231\": [\"0.5\", \"0.40625\", \"0.6\", \"0.22900763358778625\"], \"232\": [\"0.5357142857142857\", \"0.53125\", \"0.631578947368421\", \"0.4015748031496063\"], \"233\": [\"0.391304347826087\", \"0.6521739130434783\", \"0.65625\", \"0.42735042735042733\"], \"234\": [\"0.41379310344827586\", \"0.45161290322580644\", \"0.5365853658536586\", \"0.11023622047244094\"], \"235\": [\"0.4482758620689655\", \"0.4838709677419355\", \"0.5609756097560976\", \"0.3305084745762712\"], \"236\": [\"0.75\", \"0.6896551724137931\", \"0.75\", \"0.7404580152671756\"], \"237\": [\"0.2857142857142857\", \"0.5\", \"0.6486486486486487\", \"0.456\"], \"238\": [\"0.4166666666666667\", \"0.5\", \"0.5588235294117647\", \"0.34615384615384615\"], \"239\": [\"0.5666666666666667\", \"0.6875\", \"0.6410256410256411\", \"0.4925373134328358\"], \"240\": [\"0.1550310042295616\", \"0.1410894660894661\", \"0.1473947974546336\", \"0.14249189186163977\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.11764705882352941\"], \"242\": [\"0.03225806451612903\", \"0.15\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.4166666666666667\", \"0.5714285714285714\", \"0.125\"], \"244\": [\"0.09090909090909091\", \"0.05\", \"0.10344827586206896\", \"0.5384615384615384\"], \"245\": [\"0.14814814814814814\", \"0.0\", \"0.038461538461538464\", \"0.2\"], \"246\": [\"0.047619047619047616\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.45454545454545453\", \"0.45454545454545453\", \"0.14285714285714285\"], \"249\": [\"0.0\", \"0.05555555555555555\", \"0.08\", \"0.0\"], \"250\": [\"0.07142857142857142\", \"0.18181818181818182\", \"0.09090909090909091\", \"0.23076923076923078\"], \"251\": [\"0.3333333333333333\", \"0.0\", \"0.14285714285714285\", \"0.3333333333333333\"], \"252\": [\"0.1111111111111111\", \"0.0\", \"0.13043478260869565\", \"0.125\"], \"253\": [\"0.15384615384615385\", \"0.16666666666666666\", \"0.05\", \"0.18181818181818182\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9602427077852775\", \"0.9227122157904998\", \"0.9144758138444801\", \"0.890391156462585\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.5\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.4\", \"0.42857142857142855\", \"0.8\"], \"259\": [\"0.8888888888888888\", \"0.8888888888888888\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9375\", \"1.0\"], \"261\": [\"0.9473684210526315\", \"0.9473684210526315\", \"0.9565217391304348\", \"0.5333333333333333\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"0.9629629629629629\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.8888888888888888\", \"0.8\", \"0.8571428571428571\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.9545454545454546\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9545454545454546\", \"0.9285714285714286\", \"0.8421052631578947\", \"1.0\"], \"268\": [\"0.9629629629629629\", \"0.9411764705882353\", \"1.0\", \"0.9\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.46707657421943144\", \"0.6676870748299321\", \"0.5267857142857143\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.5\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.7692307692307693\", \"0.8333333333333334\", \"0.6666666666666666\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"278\": [\"0.9\", \"0.7142857142857143\", \"0.7142857142857143\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.5001908065575299\", \"0.5059764788213064\", \"0.46346635120589824\", \"0.39749146622211645\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.11764705882352941\"], \"287\": [\"0.23076923076923078\", \"0.34615384615384615\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.2222222222222222\"], \"289\": [\"0.4444444444444444\", \"0.2962962962962963\", \"0.3333333333333333\", \"0.5384615384615384\"], \"290\": [\"0.3611111111111111\", \"0.3103448275862069\", \"0.375\", \"0.5789473684210527\"], \"291\": [\"0.47368421052631576\", \"0.6428571428571429\", \"0.5365853658536586\", \"0.5714285714285714\"], \"292\": [\"0.7368421052631579\", \"0.5172413793103449\", \"0.6341463414634146\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.7272727272727273\", \"0.5714285714285714\", \"0.3333333333333333\"], \"294\": [\"0.45\", \"0.39285714285714285\", \"0.425\", \"0.3333333333333333\"], \"295\": [\"0.6486486486486487\", \"0.6666666666666666\", \"0.5\", \"0.4444444444444444\"], \"296\": [\"0.6363636363636364\", \"0.7586206896551724\", \"0.7\", \"0.9\"], \"297\": [\"0.5675675675675675\", \"0.4642857142857143\", \"0.4444444444444444\", \"0.2631578947368421\"], \"298\": [\"0.7027027027027027\", \"0.6153846153846154\", \"0.5365853658536586\", \"0.5\"], \"299\": [\"0.525\", \"0.6206896551724138\", \"0.5714285714285714\", \"0.42857142857142855\"], \"300\": [\"0.1469463570917117\", \"0.13135461005054608\", \"0.15366968200659187\", \"0.1498733315595946\"], \"301\": [\"0.2391304347826087\", \"0.29523809523809524\", \"0.32051282051282054\", \"0.18681318681318682\"], \"302\": [\"0.09900990099009901\", \"0.09009009009009009\", \"0.08974358974358974\", \"0.0990990990990991\"], \"303\": [\"0.3305785123966942\", \"0.3333333333333333\", \"0.325\", \"0.2641509433962264\"], \"304\": [\"0.0547945205479452\", \"0.09411764705882353\", \"0.09375\", \"0.27835051546391754\"], \"305\": [\"0.056338028169014086\", \"0.05714285714285714\", \"0.14035087719298245\", \"0.022988505747126436\"], \"306\": [\"0.04\", \"0.06741573033707865\", \"0.07042253521126761\", \"0.1559633027522936\"], \"307\": [\"0.0375\", \"0.011235955056179775\", \"0.018867924528301886\", \"0.031578947368421054\"], \"308\": [\"0.47692307692307695\", \"0.352112676056338\", \"0.38181818181818183\", \"0.21052631578947367\"], \"309\": [\"0.022727272727272728\", \"0.025\", \"0.017241379310344827\", \"0.022222222222222223\"], \"310\": [\"0.09333333333333334\", \"0.0963855421686747\", \"0.11475409836065574\", \"0.0898876404494382\"], \"311\": [\"0.20512820512820512\", \"0.07894736842105263\", \"0.1111111111111111\", \"0.5714285714285714\"], \"312\": [\"0.1875\", \"0.18604651162790697\", \"0.265625\", \"0.06521739130434782\"], \"313\": [\"0.21428571428571427\", \"0.1518987341772152\", \"0.171875\", \"0.1\"], \"314\": [\"0.0\", \"0.0\", \"0.030303030303030304\", \"0.0\"], \"315\": [\"0.9295222170180396\", \"0.932458689086653\", \"0.9225334207275214\", \"0.9205154657992932\"], \"316\": [\"0.86\", \"0.9705882352941176\", \"0.8275862068965517\", \"0.8536585365853658\"], \"317\": [\"1.0\", \"1.0\", \"0.9655172413793104\", \"0.9523809523809523\"], \"318\": [\"0.6666666666666666\", \"0.7419354838709677\", \"0.7037037037037037\", \"0.7692307692307693\"], \"319\": [\"0.9710144927536232\", \"0.9259259259259259\", \"0.9302325581395349\", \"0.9428571428571428\"], \"320\": [\"1.0\", \"1.0\", \"0.98\", \"1.0\"], \"321\": [\"0.9850746268656716\", \"0.94\", \"0.9722222222222222\", \"0.9130434782608695\"], \"322\": [\"1.0\", \"0.96\", \"1.0\", \"0.972972972972973\"], \"323\": [\"0.8571428571428571\", \"0.8676470588235294\", \"0.8076923076923077\", \"0.9285714285714286\"], \"324\": [\"0.9814814814814815\", \"0.9491525423728814\", \"1.0\", \"0.9523809523809523\"], \"325\": [\"0.9552238805970149\", \"0.9464285714285714\", \"0.8913043478260869\", \"0.7906976744186046\"], \"326\": [\"0.9902912621359223\", \"0.9900990099009901\", \"1.0\", \"0.9518072289156626\"], \"327\": [\"0.7741935483870968\", \"0.8301886792452831\", \"0.9069767441860465\", \"0.975\"], \"328\": [\"0.9722222222222222\", \"0.95\", \"0.9302325581395349\", \"0.8846153846153846\"], \"329\": [\"1.0\", \"0.9824561403508771\", \"1.0\", \"1.0\"], \"330\": [\"0.7442568785890488\", \"0.6790118092691623\", \"0.8369942062846646\", \"0.723518392995958\"], \"331\": [\"0.7586206896551724\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.851063829787234\", \"0.8181818181818182\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9310344827586207\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.75\", \"0.6666666666666666\", \"0.8333333333333334\", \"0.8947368421052632\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7380952380952381\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.8\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.7\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5172413793103449\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.7857142857142857\", \"0.5714285714285714\"], \"344\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"345\": [\"0.46115996499908746\", \"0.41235144012073616\", \"0.4363357131497031\", \"0.3508912706988956\"], \"346\": [\"0.3805309734513274\", \"0.308411214953271\", \"0.3116883116883117\", \"0.3211009174311927\"], \"347\": [\"0.3106060606060606\", \"0.21705426356589147\", \"0.2828282828282828\", \"0.16666666666666666\"], \"348\": [\"0.14736842105263157\", \"0.24210526315789474\", \"0.2602739726027397\", \"0.20408163265306123\"], \"349\": [\"0.49264705882352944\", \"0.3937007874015748\", \"0.40816326530612246\", \"0.32038834951456313\"], \"350\": [\"0.5144927536231884\", \"0.5111111111111111\", \"0.5\", \"0.34615384615384615\"], \"351\": [\"0.4782608695652174\", \"0.36153846153846153\", \"0.3465346534653465\", \"0.18584070796460178\"], \"352\": [\"0.4460431654676259\", \"0.35294117647058826\", \"0.5094339622641509\", \"0.28125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5526315789473685\", \"0.4642857142857143\"], \"354\": [\"0.381294964028777\", \"0.417910447761194\", \"0.46226415094339623\", \"0.3125\"], \"355\": [\"0.48484848484848486\", \"0.4140625\", \"0.43157894736842106\", \"0.2956521739130435\"], \"356\": [\"0.7669172932330827\", \"0.7407407407407407\", \"0.7692307692307693\", \"0.79\"], \"357\": [\"0.4247787610619469\", \"0.38596491228070173\", \"0.45348837209302323\", \"0.312\"], \"358\": [\"0.56\", \"0.4596774193548387\", \"0.43010752688172044\", \"0.3898305084745763\"], \"359\": [\"0.4084507042253521\", \"0.4057971014492754\", \"0.3904761904761905\", \"0.5227272727272727\"], \"360\": [\"0.13222209948257632\", \"0.11045798937107018\", \"0.13261570417529836\", \"0.14053076770309197\"], \"361\": [\"0.3116883116883117\", \"0.10714285714285714\", \"0.2753623188405797\", \"0.2694063926940639\"], \"362\": [\"0.1348314606741573\", \"0.08974358974358974\", \"0.09278350515463918\", \"0.1308016877637131\"], \"363\": [\"0.45555555555555555\", \"0.4268292682926829\", \"0.4672897196261682\", \"0.4314516129032258\"], \"364\": [\"0.029411764705882353\", \"0.06153846153846154\", \"0.05\", \"0.05747126436781609\"], \"365\": [\"0.0\", \"0.10344827586206896\", \"0.04477611940298507\", \"0.13861386138613863\"], \"366\": [\"0.03076923076923077\", \"0.0\", \"0.043478260869565216\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.06944444444444445\", \"0.07874015748031496\"], \"368\": [\"0.3181818181818182\", \"0.34545454545454546\", \"0.3230769230769231\", \"0.33678756476683935\"], \"369\": [\"0.04285714285714286\", \"0.0\", \"0.028169014084507043\", \"0.03414634146341464\"], \"370\": [\"0.029850746268656716\", \"0.02040816326530612\", \"0.08695652173913043\", \"0.0625\"], \"371\": [\"0.10869565217391304\", \"0.11428571428571428\", \"0.05714285714285714\", \"0.27672955974842767\"], \"372\": [\"0.12962962962962962\", \"0.12\", \"0.14864864864864866\", \"0.03289473684210526\"], \"373\": [\"0.1951219512195122\", \"0.0975609756097561\", \"0.1694915254237288\", \"0.07453416149068323\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.00510204081632653\"], \"375\": [\"0.93865294797817\", \"0.9208623705424565\", \"0.9184367536978485\", \"0.9301487639759868\"], \"376\": [\"0.7567567567567568\", \"0.8536585365853658\", \"0.8412698412698413\", \"0.86\"], \"377\": [\"1.0\", \"1.0\", \"0.9428571428571428\", \"0.9375\"], \"378\": [\"0.6666666666666666\", \"0.6\", \"0.48\", \"0.6666666666666666\"], \"379\": [\"0.9782608695652174\", \"0.9375\", \"0.9423076923076923\", \"0.9894736842105263\"], \"380\": [\"1.0\", \"0.9743589743589743\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.95\", \"0.9859154929577465\"], \"383\": [\"0.9791666666666666\", \"0.8333333333333334\", \"0.9552238805970149\", \"0.8552631578947368\"], \"384\": [\"0.9772727272727273\", \"0.9743589743589743\", \"1.0\", \"0.984375\"], \"385\": [\"0.9574468085106383\", \"0.9375\", \"0.9841269841269841\", \"0.9724770642201835\"], \"386\": [\"1.0\", \"0.9838709677419355\", \"0.979381443298969\", \"0.8727272727272727\"], \"387\": [\"0.8666666666666667\", \"0.8723404255319149\", \"0.8103448275862069\", \"0.9487179487179487\"], \"388\": [\"0.958904109589041\", \"0.9464285714285714\", \"0.9726027397260274\", \"0.9722222222222222\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6877970668786996\", \"0.5342618473280495\", \"0.7163506991093199\", \"0.8431994225778257\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.8181818181818182\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.7936507936507936\", \"0.9385964912280702\"], \"394\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.5714285714285714\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7307692307692307\", \"0.875\", \"0.8552631578947368\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.7692307692307693\"], \"401\": [\"1.0\", \"0.8\", \"0.5\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5\", \"0.45454545454545453\"], \"403\": [\"0.7272727272727273\", \"0.5714285714285714\", \"0.8333333333333334\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.44004082717457116\", \"0.4317335829457151\", \"0.47855976684945184\", \"0.32161781404777523\"], \"406\": [\"0.345679012345679\", \"0.4117647058823529\", \"0.5145631067961165\", \"0.21182266009852216\"], \"407\": [\"0.24509803921568626\", \"0.2111111111111111\", \"0.2727272727272727\", \"0.1271186440677966\"], \"408\": [\"0.24615384615384617\", \"0.16071428571428573\", \"0.17391304347826086\", \"0.09032258064516129\"], \"409\": [\"0.40540540540540543\", \"0.32967032967032966\", \"0.392\", \"0.3643410852713178\"], \"410\": [\"0.4649122807017544\", \"0.4222222222222222\", \"0.5038759689922481\", \"0.27800829875518673\"], \"411\": [\"0.4375\", \"0.422680412371134\", \"0.4883720930232558\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.4596774193548387\", \"0.5447470817120622\"], \"413\": [\"0.5108695652173914\", \"0.49295774647887325\", \"0.5925925925925926\", \"0.33678756476683935\"], \"414\": [\"0.39090909090909093\", \"0.3958333333333333\", \"0.46923076923076923\", \"0.2413793103448276\"], \"415\": [\"0.4090909090909091\", \"0.4838709677419355\", \"0.496\", \"0.4140625\"], \"416\": [\"0.6238532110091743\", \"0.6630434782608695\", \"0.7421875\", \"0.4549763033175355\"], \"417\": [\"0.5252525252525253\", \"0.4823529411764706\", \"0.42727272727272725\", \"0.43023255813953487\"], \"418\": [\"0.6796116504854369\", \"0.5888888888888889\", \"0.5916666666666667\", \"0.41338582677165353\"], \"419\": [\"0.40350877192982454\", \"0.4845360824742268\", \"0.5757575757575758\", \"0.27238805970149255\"], \"420\": [\"0.13310939085989032\", \"0.12764355814767434\", \"0.12270129693974231\", \"0.14383479184721423\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.058823529411764705\", \"0.038461538461538464\"], \"423\": [\"0.32432432432432434\", \"0.3055555555555556\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03333333333333333\", \"0.06060606060606061\", \"0.4166666666666667\"], \"425\": [\"0.08333333333333333\", \"0.05263157894736842\", \"0.0\", \"0.0\"], \"426\": [\"0.0625\", \"0.03225806451612903\", \"0.11428571428571428\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.037037037037037035\", \"0.0\", \"0.13043478260869565\"], \"428\": [\"0.32\", \"0.4583333333333333\", \"0.375\", \"0.16666666666666666\"], \"429\": [\"0.03333333333333333\", \"0.0\", \"0.03125\", \"0.0\"], \"430\": [\"0.14285714285714285\", \"0.1724137931034483\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.1111111111111111\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.1875\", \"0.125\", \"0.08\"], \"433\": [\"0.08333333333333333\", \"0.125\", \"0.20833333333333334\", \"0.2727272727272727\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9290293040293041\", \"0.9034037658125451\", \"0.9313895534290272\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.9\", \"1.0\"], \"440\": [\"1.0\", \"0.9583333333333334\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.875\", \"1.0\"], \"442\": [\"1.0\", \"0.9375\", \"1.0\", \"0.8\"], \"443\": [\"0.875\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9117647058823529\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8181818181818182\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9090909090909091\", \"0.8947368421052632\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8511381475667189\", \"0.639075630252101\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.7857142857142857\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"0.8\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.75\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.29699419261565124\", \"0.3609064517578566\", \"0.33548282375472904\", \"0.22609632431061\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.21951219512195122\", \"0.07407407407407407\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.30952380952380953\", \"0.225\", \"0.2222222222222222\"], \"470\": [\"0.4358974358974359\", \"0.5609756097560976\", \"0.5116279069767442\", \"0.6785714285714286\"], \"471\": [\"0.23076923076923078\", \"0.2857142857142857\", \"0.18421052631578946\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.36585365853658536\", \"0.3023255813953488\", \"0.16666666666666666\"], \"473\": [\"0.45161290322580644\", \"0.5\", \"0.5454545454545454\", \"0.16666666666666666\"], \"474\": [\"0.275\", \"0.4186046511627907\", \"0.2619047619047619\", \"0.25\"], \"475\": [\"0.3333333333333333\", \"0.3333333333333333\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.7948717948717948\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.2571428571428571\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.4358974358974359\", \"0.2631578947368421\", \"0.4722222222222222\", \"0.2727272727272727\"], \"479\": [\"0.2926829268292683\", \"0.32558139534883723\", \"0.32558139534883723\", \"0.03571428571428571\"], \"480\": [\"0.09297161172161171\", \"0.13094288134514181\", \"0.1326188689191785\", \"0.14368282395551332\"], \"481\": [\"0.1875\", \"0.19047619047619047\", \"0.25\", \"0.058823529411764705\"], \"482\": [\"0.0\", \"0.13636363636363635\", \"0.08333333333333333\", \"0.15625\"], \"483\": [\"0.5416666666666666\", \"0.391304347826087\", \"0.16666666666666666\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.058823529411764705\", \"0.10526315789473684\", \"0.09259259259259259\"], \"485\": [\"0.0\", \"0.0625\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05263157894736842\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.08571428571428572\"], \"488\": [\"0.13333333333333333\", \"0.47058823529411764\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.1111111111111111\", \"0.0\", \"0.016129032258064516\"], \"490\": [\"0.23076923076923078\", \"0.05263157894736842\", \"0.09090909090909091\", \"0.1111111111111111\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.3142857142857143\"], \"492\": [\"0.0\", \"0.0\", \"0.29411764705882354\", \"0.11764705882352941\"], \"493\": [\"0.125\", \"0.0\", \"0.1111111111111111\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.35\"], \"495\": [\"0.9635854341736695\", \"0.9365079365079365\", \"0.9401439204070783\", \"0.9440289858837501\"], \"496\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.9230769230769231\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.6666666666666666\", \"0.8\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"0.9629629629629629\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9782608695652174\"], \"503\": [\"1.0\", \"0.7777777777777778\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8888888888888888\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8478260869565217\"], \"507\": [\"1.0\", \"0.7777777777777778\", \"0.9166666666666666\", \"0.9787234042553191\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.9090909090909091\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7285714285714285\", \"0.6707482993197279\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"0.5\", \"0.6666666666666666\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.8\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"0.8333333333333334\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.6666666666666666\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.39054952103579105\", \"0.3182374690526864\", \"0.3326565455951891\", \"0.3700917774819926\"], \"526\": [\"0.3157894736842105\", \"0.22727272727272727\", \"0.18181818181818182\", \"0.15789473684210525\"], \"527\": [\"0.12\", \"0.17391304347826086\", \"0.18518518518518517\", \"0.23943661971830985\"], \"528\": [\"0.08333333333333333\", \"0.125\", \"0.16666666666666666\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.3333333333333333\", \"0.34615384615384615\", \"0.3466666666666667\"], \"530\": [\"0.48\", \"0.4\", \"0.35714285714285715\", \"0.2839506172839506\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.35714285714285715\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.2413793103448276\", \"0.5844155844155844\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.3333333333333333\", \"0.27586206896551724\", \"0.2375\"], \"535\": [\"0.5454545454545454\", \"0.28\", \"0.25925925925925924\", \"0.4444444444444444\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6190476190476191\"], \"537\": [\"0.4\", \"0.2916666666666667\", \"0.4782608695652174\", \"0.6052631578947368\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.38461538461538464\", \"0.345679012345679\"], \"539\": [\"0.44\", \"0.34615384615384615\", \"0.3103448275862069\", \"0.6119402985074627\"], \"540\": [\"0.14173370901378063\", \"0.13031525043854597\", \"0.14351981400010655\", \"0.141466821116307\"], \"541\": [\"0.27413127413127414\", \"0.23387096774193547\", \"0.2824427480916031\", \"0.2127659574468085\"], \"542\": [\"0.10197368421052631\", \"0.10774410774410774\", \"0.09764309764309764\", \"0.09931506849315068\"], \"543\": [\"0.41369047619047616\", \"0.4012738853503185\", \"0.4376899696048632\", \"0.3431542461005199\"], \"544\": [\"0.048034934497816595\", \"0.08677685950413223\", \"0.0728744939271255\", \"0.21822033898305085\"], \"545\": [\"0.0547945205479452\", \"0.07075471698113207\", \"0.05909090909090909\", \"0.07956989247311828\"], \"546\": [\"0.039647577092511016\", \"0.049107142857142856\", \"0.0635593220338983\", \"0.06097560975609756\"], \"547\": [\"0.043478260869565216\", \"0.03333333333333333\", \"0.04854368932038835\", \"0.06382978723404255\"], \"548\": [\"0.3755868544600939\", \"0.3711340206185567\", \"0.36633663366336633\", \"0.2979683972911964\"], \"549\": [\"0.020833333333333332\", \"0.026785714285714284\", \"0.03418803418803419\", \"0.027559055118110236\"], \"550\": [\"0.09259259259259259\", \"0.07692307692307693\", \"0.10909090909090909\", \"0.09669811320754718\"], \"551\": [\"0.16428571428571428\", \"0.11504424778761062\", \"0.08928571428571429\", \"0.30689655172413793\"], \"552\": [\"0.13488372093023257\", \"0.14285714285714285\", \"0.17647058823529413\", \"0.05897435897435897\"], \"553\": [\"0.22033898305084745\", \"0.10880829015544041\", \"0.15196078431372548\", \"0.07729468599033816\"], \"554\": [\"0.0\", \"0.0\", \"0.020100502512562814\", \"0.03731343283582089\"], \"555\": [\"0.9365988342313647\", \"0.9291284563353369\", \"0.929652834298313\", \"0.9295580959292421\"], \"556\": [\"0.851063829787234\", \"0.9259259259259259\", \"0.8590604026845637\", \"0.8819444444444444\"], \"557\": [\"0.9895833333333334\", \"0.9883720930232558\", \"0.9736842105263158\", \"0.935064935064935\"], \"558\": [\"0.703125\", \"0.6521739130434783\", \"0.6219512195121951\", \"0.7261904761904762\"], \"559\": [\"0.9473684210526315\", \"0.9361702127659575\", \"0.9512195121951219\", \"0.9312169312169312\"], \"560\": [\"0.988950276243094\", \"0.9824561403508771\", \"0.9895287958115183\", \"1.0\"], \"561\": [\"0.9826589595375722\", \"0.9559748427672956\", \"0.9771428571428571\", \"0.9289940828402367\"], \"562\": [\"0.9844559585492227\", \"0.976878612716763\", \"0.9804878048780488\", \"0.9789473684210527\"], \"563\": [\"0.9144385026737968\", \"0.8677248677248677\", \"0.9043062200956937\", \"0.8853211009174312\"], \"564\": [\"0.98125\", \"0.9685534591194969\", \"0.9887005649717514\", \"0.9673202614379085\"], \"565\": [\"0.9565217391304348\", \"0.9428571428571428\", \"0.9581151832460733\", \"0.9282700421940928\"], \"566\": [\"0.9884615384615385\", \"0.9777777777777777\", \"0.9899665551839465\", \"0.9353099730458221\"], \"567\": [\"0.8648648648648649\", \"0.8805031446540881\", \"0.8789473684210526\", \"0.955719557195572\"], \"568\": [\"0.9596412556053812\", \"0.9578947368421052\", \"0.9420289855072463\", \"0.9595141700404858\"], \"569\": [\"1.0\", \"0.994535519125683\", \"1.0\", \"1.0\"], \"570\": [\"0.7095821637351534\", \"0.6701680619138815\", \"0.7876582550825294\", \"0.826863016443639\"], \"571\": [\"0.7717391304347826\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.8661417322834646\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.90625\", \"0.9206349206349206\"], \"573\": [\"0.879746835443038\", \"0.84\", \"0.8228571428571428\", \"0.8959276018099548\"], \"574\": [\"0.55\", \"0.7\", \"0.6923076923076923\", \"0.8879310344827587\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.75\", \"0.6111111111111112\", \"0.7894736842105263\", \"0.7142857142857143\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7142857142857143\", \"0.8\"], \"578\": [\"0.8333333333333334\", \"0.7422680412371134\", \"0.7872340425531915\", \"0.8407643312101911\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.75\", \"0.7068965517241379\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.7692307692307693\", \"0.7876106194690266\"], \"582\": [\"0.5370370370370371\", \"0.6274509803921569\", \"0.6290322580645161\", \"0.6571428571428571\"], \"583\": [\"0.8125\", \"0.7241379310344828\", \"0.7209302325581395\", \"0.7619047619047619\"], \"584\": [\"0.0\", \"0.0\", \"1.0\", \"1.0\"], \"585\": [\"0.45019792413476545\", \"0.43749158332902266\", \"0.4662505547608729\", \"0.331339758461629\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.4050632911392405\", \"0.23782771535580524\"], \"587\": [\"0.25815217391304346\", \"0.24285714285714285\", \"0.2928759894459103\", \"0.12040133779264214\"], \"588\": [\"0.1859504132231405\", \"0.19313304721030042\", \"0.21610169491525424\", \"0.13863636363636364\"], \"589\": [\"0.4263157894736842\", \"0.37393767705382436\", \"0.4051948051948052\", \"0.3229357798165138\"], \"590\": [\"0.4637305699481865\", \"0.4602739726027397\", \"0.4772727272727273\", \"0.3141025641025641\"], \"591\": [\"0.4381443298969072\", \"0.41643835616438357\", \"0.4362244897959184\", \"0.25363489499192243\"], \"592\": [\"0.4896907216494845\", \"0.4543010752688172\", \"0.5062972292191436\", \"0.4421553090332805\"], \"593\": [\"0.5625\", \"0.5734265734265734\", \"0.5962145110410094\", \"0.38293650793650796\"], \"594\": [\"0.4005102040816326\", \"0.41397849462365593\", \"0.43640897755610975\", \"0.23052959501557632\"], \"595\": [\"0.4731182795698925\", \"0.46218487394957986\", \"0.48284960422163586\", \"0.3648424543946932\"], \"596\": [\"0.6871657754010695\", \"0.7252747252747253\", \"0.7437185929648241\", \"0.6332116788321168\"], \"597\": [\"0.4624277456647399\", \"0.42168674698795183\", \"0.4785100286532951\", \"0.41373801916932906\"], \"598\": [\"0.6079545454545454\", \"0.5141242937853108\", \"0.529891304347826\", \"0.38287560581583197\"], \"599\": [\"0.4575\", \"0.47643979057591623\", \"0.5208845208845209\", \"0.40092879256965946\"], \"600\": [\"0.1476509761123425\", \"0.1346574748651364\", \"0.14807438235896836\", \"0.1413716383184272\"], \"601\": [\"0.2671232876712329\", \"0.2611464968152866\", \"0.2857142857142857\", \"0.2073732718894009\"], \"602\": [\"0.10303030303030303\", \"0.10344827586206896\", \"0.08783783783783784\", \"0.06343283582089553\"], \"603\": [\"0.3548387096774194\", \"0.3743016759776536\", \"0.41916167664670656\", \"0.32793522267206476\"], \"604\": [\"0.05555555555555555\", \"0.08088235294117647\", \"0.072\", \"0.34913793103448276\"], \"605\": [\"0.06666666666666667\", \"0.06896551724137931\", \"0.08108108108108109\", \"0.03553299492385787\"], \"606\": [\"0.047619047619047616\", \"0.05714285714285714\", \"0.07575757575757576\", \"0.0847457627118644\"], \"607\": [\"0.040983606557377046\", \"0.023622047244094488\", \"0.047619047619047616\", \"0.05527638190954774\"], \"608\": [\"0.415929203539823\", \"0.3805309734513274\", \"0.3627450980392157\", \"0.19230769230769232\"], \"609\": [\"0.014705882352941176\", \"0.0234375\", \"0.03305785123966942\", \"0.03056768558951965\"], \"610\": [\"0.11382113821138211\", \"0.09230769230769231\", \"0.12173913043478261\", \"0.11057692307692307\"], \"611\": [\"0.18840579710144928\", \"0.11290322580645161\", \"0.07407407407407407\", \"0.3645833333333333\"], \"612\": [\"0.15267175572519084\", \"0.18840579710144928\", \"0.20689655172413793\", \"0.06349206349206349\"], \"613\": [\"0.2457627118644068\", \"0.11811023622047244\", \"0.16964285714285715\", \"0.09424083769633508\"], \"614\": [\"0.0\", \"0.0\", \"0.03571428571428571\", \"0.0\"], \"615\": [\"0.9342102989849421\", \"0.9334210036254339\", \"0.9345687246395652\", \"0.9209422736564626\"], \"616\": [\"0.88\", \"0.9545454545454546\", \"0.8769230769230769\", \"0.9102564102564102\"], \"617\": [\"0.9821428571428571\", \"1.0\", \"0.984375\", \"0.8888888888888888\"], \"618\": [\"0.6857142857142857\", \"0.7045454545454546\", \"0.7111111111111111\", \"0.7083333333333334\"], \"619\": [\"0.9578947368421052\", \"0.9425287356321839\", \"0.9425287356321839\", \"0.8412698412698413\"], \"620\": [\"1.0\", \"0.9906542056074766\", \"0.9900990099009901\", \"1.0\"], \"621\": [\"0.9894736842105263\", \"0.963855421686747\", \"0.975\", \"0.9491525423728814\"], \"622\": [\"0.98989898989899\", \"0.96875\", \"1.0\", \"0.9583333333333334\"], \"623\": [\"0.8796296296296297\", \"0.8727272727272727\", \"0.8818181818181818\", \"0.9469026548672567\"], \"624\": [\"0.9764705882352941\", \"0.9578947368421052\", \"0.978021978021978\", \"0.9393939393939394\"], \"625\": [\"0.9591836734693877\", \"0.9247311827956989\", \"0.9278350515463918\", \"0.8850574712643678\"], \"626\": [\"0.9868421052631579\", \"0.968944099378882\", \"1.0\", \"0.9798994974874372\"], \"627\": [\"0.8111111111111111\", \"0.8705882352941177\", \"0.90625\", \"0.9433962264150944\"], \"628\": [\"0.9805825242718447\", \"0.9583333333333334\", \"0.91\", \"0.9423076923076923\"], \"629\": [\"1.0\", \"0.9897959183673469\", \"1.0\", \"1.0\"], \"630\": [\"0.7389092369795136\", \"0.6759304185056064\", \"0.8190937777082355\", \"0.7544370763705553\"], \"631\": [\"0.8125\", \"0.9318181818181818\", \"0.84\", \"0.8653846153846154\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.85\"], \"633\": [\"0.8571428571428571\", \"0.8375\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.8901098901098901\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.8571428571428571\", \"0.7272727272727273\", \"0.8333333333333334\", \"0.8695652173913043\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.7833333333333333\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.6666666666666666\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.5405405405405406\", \"0.7027027027027027\", \"0.7272727272727273\", \"0.6666666666666666\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.6785714285714286\", \"0.75\"], \"644\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"645\": [\"0.440446459150375\", \"0.42510261878864913\", \"0.46122761607505225\", \"0.32615800612559154\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.35185185185185186\", \"0.29218106995884774\"], \"647\": [\"0.270935960591133\", \"0.23902439024390243\", \"0.3181818181818182\", \"0.08727272727272728\"], \"648\": [\"0.16666666666666666\", \"0.21678321678321677\", \"0.24806201550387597\", \"0.17\"], \"649\": [\"0.43333333333333335\", \"0.3961352657004831\", \"0.41414141414141414\", \"0.25980392156862747\"], \"650\": [\"0.47417840375586856\", \"0.4953271028037383\", \"0.49504950495049505\", \"0.3402777777777778\"], \"651\": [\"0.4392523364485981\", \"0.37735849056603776\", \"0.39\", \"0.20588235294117646\"], \"652\": [\"0.4558139534883721\", \"0.42857142857142855\", \"0.5169082125603864\", \"0.32857142857142857\"], \"653\": [\"0.5900621118012422\", \"0.5783132530120482\", \"0.5987654320987654\", \"0.421259842519685\"], \"654\": [\"0.3824884792626728\", \"0.4212962962962963\", \"0.4320388349514563\", \"0.21830985915492956\"], \"655\": [\"0.4630541871921182\", \"0.4215686274509804\", \"0.4712041884816754\", \"0.29389312977099236\"], \"656\": [\"0.7281553398058253\", \"0.7393364928909952\", \"0.7596153846153846\", \"0.76171875\"], \"657\": [\"0.3967391304347826\", \"0.3978494623655914\", \"0.4860335195530726\", \"0.36101083032490977\"], \"658\": [\"0.531578947368421\", \"0.45098039215686275\", \"0.4945652173913043\", \"0.36162361623616235\"], \"659\": [\"0.45248868778280543\", \"0.4369369369369369\", \"0.4807692307692308\", \"0.46440677966101696\"], \"660\": [\"0.1333867466706706\", \"0.12197964588582617\", \"0.13770426307812497\", \"0.13960555433407368\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2782608695652174\", \"0.21666666666666667\"], \"662\": [\"0.10071942446043165\", \"0.11382113821138211\", \"0.10738255033557047\", \"0.12974683544303797\"], \"663\": [\"0.4866666666666667\", \"0.43703703703703706\", \"0.4567901234567901\", \"0.35454545454545455\"], \"664\": [\"0.038834951456310676\", \"0.09433962264150944\", \"0.07377049180327869\", \"0.09166666666666666\"], \"665\": [\"0.04040404040404041\", \"0.07291666666666667\", \"0.03669724770642202\", \"0.11194029850746269\"], \"666\": [\"0.0297029702970297\", \"0.03571428571428571\", \"0.04807692307692308\", \"0.0390625\"], \"667\": [\"0.047058823529411764\", \"0.04819277108433735\", \"0.04950495049504951\", \"0.07344632768361582\"], \"668\": [\"0.33\", \"0.35802469135802467\", \"0.37\", \"0.3716475095785441\"], \"669\": [\"0.028846153846153848\", \"0.03125\", \"0.035398230088495575\", \"0.025089605734767026\"], \"670\": [\"0.06451612903225806\", \"0.05128205128205128\", \"0.09523809523809523\", \"0.08333333333333333\"], \"671\": [\"0.14084507042253522\", \"0.11764705882352941\", \"0.10344827586206896\", \"0.27835051546391754\"], \"672\": [\"0.10714285714285714\", \"0.06976744186046512\", \"0.14285714285714285\", \"0.05472636815920398\"], \"673\": [\"0.1694915254237288\", \"0.09090909090909091\", \"0.13043478260869565\", \"0.06278026905829596\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9396421350323848\", \"0.9220924677068109\", \"0.9233724987753907\", \"0.9301819355485296\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8452380952380952\", \"0.8484848484848485\"], \"677\": [\"1.0\", \"0.972972972972973\", \"0.96\", \"0.96\"], \"678\": [\"0.7241379310344828\", \"0.56\", \"0.5135135135135135\", \"0.75\"], \"679\": [\"0.9342105263157895\", \"0.9259259259259259\", \"0.961038961038961\", \"0.9761904761904762\"], \"680\": [\"0.975\", \"0.96875\", \"0.9888888888888889\", \"1.0\"], \"681\": [\"0.9743589743589743\", \"0.9473684210526315\", \"0.9789473684210527\", \"0.9181818181818182\"], \"682\": [\"0.9787234042553191\", \"0.987012987012987\", \"0.9591836734693877\", \"0.9894179894179894\"], \"683\": [\"0.9620253164556962\", \"0.8607594936708861\", \"0.9292929292929293\", \"0.819047619047619\"], \"684\": [\"0.9866666666666667\", \"0.984375\", \"1.0\", \"0.9885057471264368\"], \"685\": [\"0.9534883720930233\", \"0.9634146341463414\", \"0.9893617021276596\", \"0.9533333333333334\"], \"686\": [\"0.9907407407407407\", \"0.9908256880733946\", \"0.9787234042553191\", \"0.8837209302325582\"], \"687\": [\"0.9157894736842105\", \"0.8918918918918919\", \"0.851063829787234\", \"0.9636363636363636\"], \"688\": [\"0.9416666666666667\", \"0.9574468085106383\", \"0.9719626168224299\", \"0.972027972027972\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6642635505380603\", \"0.6526643990929705\", \"0.7112926529932314\", \"0.8291058679328652\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8666666666666667\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.8888888888888888\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8428571428571429\", \"0.8043478260869565\", \"0.9285714285714286\"], \"694\": [\"0.4444444444444444\", \"0.7142857142857143\", \"0.75\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.5555555555555556\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.725\", \"0.8409090909090909\", \"0.8362068965517241\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.72\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.6666666666666666\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5172413793103449\", \"0.6470588235294118\"], \"703\": [\"0.5882352941176471\", \"0.6\", \"0.8\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.462035012368655\", \"0.4535518716910922\", \"0.4708278174364068\", \"0.33260458878166077\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.461038961038961\", \"0.19243986254295534\"], \"707\": [\"0.24242424242424243\", \"0.2482758620689655\", \"0.26519337016574585\", \"0.14860681114551083\"], \"708\": [\"0.21428571428571427\", \"0.15555555555555556\", \"0.17757009345794392\", \"0.1125\"], \"709\": [\"0.4176470588235294\", \"0.3424657534246575\", \"0.39572192513368987\", \"0.36070381231671556\"], \"710\": [\"0.4508670520231214\", \"0.4105960264900662\", \"0.4587628865979381\", \"0.2916666666666667\"], \"711\": [\"0.4367816091954023\", \"0.47058823529411764\", \"0.484375\", \"0.2910662824207493\"], \"712\": [\"0.5317919075144508\", \"0.49032258064516127\", \"0.49473684210526314\", \"0.5327635327635327\"], \"713\": [\"0.5314685314685315\", \"0.5666666666666667\", \"0.5935483870967742\", \"0.344\"], \"714\": [\"0.4228571428571429\", \"0.40384615384615385\", \"0.441025641025641\", \"0.24022346368715083\"], \"715\": [\"0.48520710059171596\", \"0.5163398692810458\", \"0.4946808510638298\", \"0.41935483870967744\"], \"716\": [\"0.6369047619047619\", \"0.7058823529411765\", \"0.7263157894736842\", \"0.5205479452054794\"], \"717\": [\"0.5370370370370371\", \"0.4520547945205479\", \"0.47058823529411764\", \"0.45558739255014324\"], \"718\": [\"0.6975308641975309\", \"0.6\", \"0.5652173913043478\", \"0.3994252873563218\"], \"719\": [\"0.46368715083798884\", \"0.53125\", \"0.5628140703517588\", \"0.3475783475783476\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.15273329089126092\", \"0.14305283523507434\", \"0.16360035639360643\", \"0.12619393192514555\"], \"1\": [\"0.3181818181818182\", \"0.3939393939393939\", \"0.32653061224489793\", \"0.19626168224299065\"], \"2\": [\"0.10909090909090909\", \"0.1702127659574468\", \"0.06779661016949153\", \"0.026845637583892617\"], \"3\": [\"0.45161290322580644\", \"0.43636363636363634\", \"0.647887323943662\", \"0.37593984962406013\"], \"4\": [\"0.043478260869565216\", \"0.046511627906976744\", \"0.06\", \"0.40476190476190477\"], \"5\": [\"0.12244897959183673\", \"0.023255813953488372\", \"0.019230769230769232\", \"0.0603448275862069\"], \"6\": [\"0.027777777777777776\", \"0.0\", \"0.029411764705882353\", \"0.01904761904761905\"], \"7\": [\"0.037037037037037035\", \"0.0\", \"0.13333333333333333\", \"0.052083333333333336\"], \"8\": [\"0.35555555555555557\", \"0.4827586206896552\", \"0.4634146341463415\", \"0.18947368421052632\"], \"9\": [\"0.0\", \"0.02702702702702703\", \"0.0425531914893617\", \"0.037037037037037035\"], \"10\": [\"0.07142857142857142\", \"0.08333333333333333\", \"0.05405405405405406\", \"0.17307692307692307\"], \"11\": [\"0.26666666666666666\", \"0.16666666666666666\", \"0.11538461538461539\", \"0.10256410256410256\"], \"12\": [\"0.07692307692307693\", \"0.08571428571428572\", \"0.1590909090909091\", \"0.07608695652173914\"], \"13\": [\"0.25806451612903225\", \"0.08695652173913043\", \"0.1111111111111111\", \"0.05319148936170213\"], \"14\": [\"0.0\", \"0.0\", \"0.06060606060606061\", \"0.0\"], \"15\": [\"0.958340497194697\", \"0.9467932628176989\", \"0.9396966065420338\", \"0.9026205898051435\"], \"16\": [\"0.9615384615384616\", \"0.9642857142857143\", \"0.8823529411764706\", \"0.875\"], \"17\": [\"1.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"18\": [\"0.875\", \"0.6666666666666666\", \"0.5833333333333334\", \"0.6818181818181818\"], \"19\": [\"0.9166666666666666\", \"0.8888888888888888\", \"1.0\", \"0.6896551724137931\"], \"20\": [\"1.0\", \"1.0\", \"0.967741935483871\", \"1.0\"], \"21\": [\"0.9705882352941176\", \"0.9696969696969697\", \"0.9795918367346939\", \"0.84\"], \"22\": [\"0.9302325581395349\", \"1.0\", \"1.0\", \"0.9661016949152542\"], \"23\": [\"0.96\", \"0.9375\", \"0.9047619047619048\", \"0.9666666666666667\"], \"24\": [\"0.9655172413793104\", \"0.9583333333333334\", \"1.0\", \"0.9\"], \"25\": [\"0.9523809523809523\", \"0.972972972972973\", \"1.0\", \"0.9803921568627451\"], \"26\": [\"0.975\", \"1.0\", \"1.0\", \"1.0\"], \"27\": [\"0.9354838709677419\", \"0.9230769230769231\", \"0.9230769230769231\", \"0.9365079365079365\"], \"28\": [\"0.9743589743589743\", \"0.9736842105263158\", \"0.9148936170212766\", \"0.9672131147540983\"], \"29\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"30\": [\"0.6405574873627612\", \"0.6185701203558347\", \"0.8377176957739617\", \"0.7236828543219521\"], \"31\": [\"0.9333333333333333\", \"0.9285714285714286\", \"0.8\", \"0.7777777777777778\"], \"32\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"33\": [\"0.9655172413793104\", \"0.9230769230769231\", \"0.9019607843137255\", \"0.8771929824561403\"], \"34\": [\"0.5\", \"0.5\", \"1.0\", \"0.85\"], \"35\": [\"1.0\", \"1.0\", \"0.5\", \"1.0\"], \"36\": [\"0.5\", \"0.0\", \"0.5\", \"0.2\"], \"37\": [\"0.25\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"38\": [\"0.9411764705882353\", \"0.875\", \"0.8260869565217391\", \"0.9\"], \"39\": [\"0.0\", \"0.5\", \"1.0\", \"0.7142857142857143\"], \"40\": [\"0.5\", \"0.6666666666666666\", \"1.0\", \"0.9473684210526315\"], \"41\": [\"0.8888888888888888\", \"1.0\", \"1.0\", \"1.0\"], \"42\": [\"0.6\", \"0.6\", \"0.7\", \"0.6363636363636364\"], \"43\": [\"0.8888888888888888\", \"0.6666666666666666\", \"0.5\", \"0.7142857142857143\"], \"44\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"45\": [\"0.4520327990050611\", \"0.48205212469255027\", \"0.5062167117632171\", \"0.3316215545637452\"], \"46\": [\"0.45454545454545453\", \"0.574468085106383\", \"0.47619047619047616\", \"0.328125\"], \"47\": [\"0.234375\", \"0.2641509433962264\", \"0.3037974683544304\", \"0.03333333333333333\"], \"48\": [\"0.17073170731707318\", \"0.11428571428571428\", \"0.21875\", \"0.15306122448979592\"], \"49\": [\"0.3333333333333333\", \"0.2807017543859649\", \"0.4125\", \"0.21052631578947367\"], \"50\": [\"0.328125\", \"0.3\", \"0.37037037037037035\", \"0.2635135135135135\"], \"51\": [\"0.4852941176470588\", \"0.5333333333333333\", \"0.5925925925925926\", \"0.2896551724137931\"], \"52\": [\"0.6060606060606061\", \"0.5573770491803278\", \"0.6708860759493671\", \"0.38513513513513514\"], \"53\": [\"0.4528301886792453\", \"0.6666666666666666\", \"0.6333333333333333\", \"0.42962962962962964\"], \"54\": [\"0.4057971014492754\", \"0.3898305084745763\", \"0.4444444444444444\", \"0.12162162162162163\"], \"55\": [\"0.6060606060606061\", \"0.6206896551724138\", \"0.5679012345679012\", \"0.36764705882352944\"], \"56\": [\"0.639344262295082\", \"0.7413793103448276\", \"0.7125\", \"0.7682119205298014\"], \"57\": [\"0.4461538461538462\", \"0.42857142857142855\", \"0.4931506849315068\", \"0.4097222222222222\"], \"58\": [\"0.6229508196721312\", \"0.6379310344827587\", \"0.5733333333333334\", \"0.39864864864864863\"], \"59\": [\"0.5428571428571428\", \"0.639344262295082\", \"0.6172839506172839\", \"0.4838709677419355\"], \"60\": [\"0.13818436240787577\", \"0.12567134268710053\", \"0.14325841831687391\", \"0.14212622493922467\"], \"61\": [\"0.27647058823529413\", \"0.22981366459627328\", \"0.29931972789115646\", \"0.24675324675324675\"], \"62\": [\"0.11398963730569948\", \"0.08762886597938144\", \"0.09340659340659341\", \"0.11931818181818182\"], \"63\": [\"0.386046511627907\", \"0.37894736842105264\", \"0.4020618556701031\", \"0.384180790960452\"], \"64\": [\"0.0375\", \"0.07926829268292683\", \"0.0738255033557047\", \"0.13058419243986255\"], \"65\": [\"0.027972027972027972\", \"0.07194244604316546\", \"0.08333333333333333\", \"0.09900990099009901\"], \"66\": [\"0.029411764705882353\", \"0.04285714285714286\", \"0.051094890510948905\", \"0.07368421052631578\"], \"67\": [\"0.04861111111111111\", \"0.02857142857142857\", \"0.04838709677419355\", \"0.05726872246696035\"], \"68\": [\"0.3925925925925926\", \"0.35714285714285715\", \"0.35294117647058826\", \"0.3\"], \"69\": [\"0.03048780487804878\", \"0.013605442176870748\", \"0.02158273381294964\", \"0.02875399361022364\"], \"70\": [\"0.057971014492753624\", \"0.072\", \"0.1\", \"0.07630522088353414\"], \"71\": [\"0.15853658536585366\", \"0.1\", \"0.0967741935483871\", \"0.34782608695652173\"], \"72\": [\"0.16546762589928057\", \"0.15602836879432624\", \"0.19727891156462585\", \"0.0421455938697318\"], \"73\": [\"0.20952380952380953\", \"0.1415929203539823\", \"0.17699115044247787\", \"0.08\"], \"74\": [\"0.0\", \"0.0\", \"0.008620689655172414\", \"0.003937007874015748\"], \"75\": [\"0.9337233195512686\", \"0.9298838232690381\", \"0.9208641761600829\", \"0.9301183384186364\"], \"76\": [\"0.8255813953488372\", \"0.9066666666666666\", \"0.8369565217391305\", \"0.8602150537634409\"], \"77\": [\"1.0\", \"1.0\", \"0.9649122807017544\", \"0.9387755102040817\"], \"78\": [\"0.6829268292682927\", \"0.717391304347826\", \"0.5777777777777777\", \"0.7446808510638298\"], \"79\": [\"0.96875\", \"0.9305555555555556\", \"0.9444444444444444\", \"0.9818181818181818\"], \"80\": [\"1.0\", \"0.9896907216494846\", \"0.9906542056074766\", \"1.0\"], \"81\": [\"0.9833333333333333\", \"0.96875\", \"0.9803921568627451\", \"0.9396551724137931\"], \"82\": [\"1.0\", \"0.96875\", \"0.9739130434782609\", \"0.9827586206896551\"], \"83\": [\"0.9090909090909091\", \"0.8636363636363636\", \"0.8916666666666667\", \"0.8854961832061069\"], \"84\": [\"0.9782608695652174\", \"0.9550561797752809\", \"1.0\", \"0.9659090909090909\"], \"85\": [\"0.9491525423728814\", \"0.9459459459459459\", \"0.944954128440367\", \"0.9276315789473685\"], \"86\": [\"0.9942528735632183\", \"0.9879518072289156\", \"0.9943502824858758\", \"0.9072164948453608\"], \"87\": [\"0.8205128205128205\", \"0.8421052631578947\", \"0.8478260869565217\", \"0.95\"], \"88\": [\"0.9602649006622517\", \"0.9512195121951219\", \"0.9523809523809523\", \"0.9375\"], \"89\": [\"1.0\", \"0.9906542056074766\", \"0.991869918699187\", \"1.0\"], \"90\": [\"0.7362023896802123\", \"0.6671681940589503\", \"0.7672766783855663\", \"0.8198263525813411\"], \"91\": [\"0.7580645161290323\", \"0.8409090909090909\", \"0.7457627118644068\", \"0.8539325842696629\"], \"92\": [\"1.0\", \"1.0\", \"0.8947368421052632\", \"0.9333333333333333\"], \"93\": [\"0.8645833333333334\", \"0.8470588235294118\", \"0.8041237113402062\", \"0.918918918918919\"], \"94\": [\"0.6666666666666666\", \"0.7222222222222222\", \"0.6875\", \"0.95\"], \"95\": [\"1.0\", \"0.9090909090909091\", \"0.9166666666666666\", \"1.0\"], \"96\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.7777777777777778\", \"0.75\"], \"97\": [\"1.0\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8125\"], \"98\": [\"0.828125\", \"0.75\", \"0.7636363636363637\", \"0.84375\"], \"99\": [\"0.7142857142857143\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"100\": [\"0.5714285714285714\", \"0.6\", \"0.6842105263157895\", \"0.6333333333333333\"], \"101\": [\"0.9285714285714286\", \"0.7777777777777778\", \"0.8571428571428571\", \"0.8\"], \"102\": [\"0.5227272727272727\", \"0.5945945945945946\", \"0.6744186046511628\", \"0.6111111111111112\"], \"103\": [\"0.7857142857142857\", \"0.7272727272727273\", \"0.7692307692307693\", \"0.6206896551724138\"], \"104\": [\"0.0\", \"0.0\", \"0.5\", \"1.0\"], \"105\": [\"0.4397300904049831\", \"0.41578733552952857\", \"0.45277873070336316\", \"0.32334133359189254\"], \"106\": [\"0.36597938144329895\", \"0.3541666666666667\", \"0.42777777777777776\", \"0.2564102564102564\"], \"107\": [\"0.2692307692307692\", \"0.1917808219178082\", \"0.25\", \"0.12921348314606743\"], \"108\": [\"0.175\", \"0.2185430463576159\", \"0.18309859154929578\", \"0.1383399209486166\"], \"109\": [\"0.3765182186234818\", \"0.3073394495412844\", \"0.3811659192825112\", \"0.29916897506925205\"], \"110\": [\"0.44841269841269843\", \"0.4266666666666667\", \"0.4669603524229075\", \"0.2641509433962264\"], \"111\": [\"0.472\", \"0.40969162995594716\", \"0.43478260869565216\", \"0.29222520107238603\"], \"112\": [\"0.4497991967871486\", \"0.40611353711790393\", \"0.48695652173913045\", \"0.44415584415584414\"], \"113\": [\"0.5729166666666666\", \"0.5397727272727273\", \"0.5815217391304348\", \"0.380327868852459\"], \"114\": [\"0.3614457831325301\", \"0.3695652173913043\", \"0.423728813559322\", \"0.2185089974293059\"], \"115\": [\"0.4628099173553719\", \"0.4751131221719457\", \"0.4681818181818182\", \"0.38005390835579517\"], \"116\": [\"0.7148760330578512\", \"0.7224669603524229\", \"0.7586206896551724\", \"0.5659163987138264\"], \"117\": [\"0.4528301886792453\", \"0.4020100502512563\", \"0.3979591836734694\", \"0.3472584856396867\"], \"118\": [\"0.6359649122807017\", \"0.5467289719626168\", \"0.5633802816901409\", \"0.4435483870967742\"], \"119\": [\"0.3984375\", \"0.451063829787234\", \"0.5147679324894515\", \"0.3675\"], \"120\": [\"0.11983265615675727\", \"0.13483566739620328\", \"0.12892316007688034\", \"0.1392284973193455\"], \"121\": [\"0.3018867924528302\", \"0.2222222222222222\", \"0.24193548387096775\", \"0.10526315789473684\"], \"122\": [\"0.01694915254237288\", \"0.06779661016949153\", \"0.06557377049180328\", \"0.11827956989247312\"], \"123\": [\"0.4098360655737705\", \"0.3442622950819672\", \"0.24193548387096775\", \"0.15053763440860216\"], \"124\": [\"0.04081632653061224\", \"0.057692307692307696\", \"0.09259259259259259\", \"0.18292682926829268\"], \"125\": [\"0.046511627906976744\", \"0.05128205128205128\", \"0.023809523809523808\", \"0.0\"], \"126\": [\"0.041666666666666664\", \"0.08\", \"0.09615384615384616\", \"0.0425531914893617\"], \"127\": [\"0.022727272727272728\", \"0.0425531914893617\", \"0.0\", \"0.0967741935483871\"], \"128\": [\"0.24390243902439024\", \"0.47619047619047616\", \"0.4090909090909091\", \"0.43037974683544306\"], \"129\": [\"0.02040816326530612\", \"0.0425531914893617\", \"0.017241379310344827\", \"0.011363636363636364\"], \"130\": [\"0.19047619047619047\", \"0.13333333333333333\", \"0.16666666666666666\", \"0.0684931506849315\"], \"131\": [\"0.13793103448275862\", \"0.14285714285714285\", \"0.1\", \"0.36585365853658536\"], \"132\": [\"0.11363636363636363\", \"0.14\", \"0.19607843137254902\", \"0.0967741935483871\"], \"133\": [\"0.09090909090909091\", \"0.08695652173913043\", \"0.15384615384615385\", \"0.08\"], \"134\": [\"0.0\", \"0.0\", \"0.0\", \"0.2\"], \"135\": [\"0.943104463104463\", \"0.9242676093505614\", \"0.9389763014763014\", \"0.9468084988132369\"], \"136\": [\"0.6923076923076923\", \"1.0\", \"0.9\", \"0.9285714285714286\"], \"137\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"138\": [\"0.8\", \"0.625\", \"0.7\", \"0.875\"], \"139\": [\"1.0\", \"1.0\", \"0.9444444444444444\", \"0.9629629629629629\"], \"140\": [\"1.0\", \"0.9666666666666667\", \"1.0\", \"1.0\"], \"141\": [\"1.0\", \"1.0\", \"0.95\", \"1.0\"], \"142\": [\"1.0\", \"0.9545454545454546\", \"1.0\", \"0.9574468085106383\"], \"143\": [\"0.92\", \"0.7407407407407407\", \"0.9285714285714286\", \"0.7666666666666667\"], \"144\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"145\": [\"1.0\", \"0.9166666666666666\", \"0.9583333333333334\", \"0.8888888888888888\"], \"146\": [\"0.972972972972973\", \"0.9375\", \"0.9807692307692307\", \"0.8970588235294118\"], \"147\": [\"0.9090909090909091\", \"0.8421052631578947\", \"0.9047619047619048\", \"0.9787234042553191\"], \"148\": [\"0.9090909090909091\", \"0.9565217391304348\", \"0.8787878787878788\", \"1.0\"], \"149\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"150\": [\"0.8292255363683935\", \"0.7642195767195767\", \"0.7375992063492064\", \"0.813955414020745\"], \"151\": [\"0.8\", \"1.0\", \"0.9375\", \"0.9090909090909091\"], \"152\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"153\": [\"0.9615384615384616\", \"0.875\", \"0.8333333333333334\", \"0.875\"], \"154\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"0.9375\"], \"155\": [\"1.0\", \"0.6666666666666666\", \"1.0\", \"0.0\"], \"156\": [\"1.0\", \"1.0\", \"0.8333333333333334\", \"1.0\"], \"157\": [\"1.0\", \"0.6666666666666666\", \"0.0\", \"0.75\"], \"158\": [\"0.8333333333333334\", \"0.7407407407407407\", \"0.9\", \"0.8292682926829268\"], \"159\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"160\": [\"1.0\", \"0.75\", \"0.8888888888888888\", \"0.5555555555555556\"], \"161\": [\"0.8\", \"0.5\", \"0.6666666666666666\", \"0.6818181818181818\"], \"162\": [\"0.7142857142857143\", \"0.7\", \"0.8333333333333334\", \"0.8571428571428571\"], \"163\": [\"0.5\", \"0.8\", \"0.6\", \"1.0\"], \"164\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"165\": [\"0.3222709878276123\", \"0.3310249122181836\", \"0.3297864992616851\", \"0.31489174313762014\"], \"166\": [\"0.1956521739130435\", \"0.2631578947368421\", \"0.16071428571428573\", \"0.1326530612244898\"], \"167\": [\"0.1076923076923077\", \"0.15384615384615385\", \"0.16176470588235295\", \"0.16326530612244897\"], \"168\": [\"0.1\", \"0.1111111111111111\", \"0.12962962962962962\", \"0.15053763440860216\"], \"169\": [\"0.265625\", \"0.25757575757575757\", \"0.25757575757575757\", \"0.27956989247311825\"], \"170\": [\"0.359375\", \"0.4393939393939394\", \"0.4225352112676056\", \"0.3486238532110092\"], \"171\": [\"0.28125\", \"0.2923076923076923\", \"0.2878787878787879\", \"0.14285714285714285\"], \"172\": [\"0.3384615384615385\", \"0.3181818181818182\", \"0.25\", \"0.44554455445544555\"], \"173\": [\"0.42592592592592593\", \"0.47619047619047616\", \"0.5\", \"0.3382352941176471\"], \"174\": [\"0.26153846153846155\", \"0.3283582089552239\", \"0.19718309859154928\", \"0.19444444444444445\"], \"175\": [\"0.41379310344827586\", \"0.36065573770491804\", \"0.36507936507936506\", \"0.32\"], \"176\": [\"0.5901639344262295\", \"0.7142857142857143\", \"0.7391304347826086\", \"0.7011494252873564\"], \"177\": [\"0.3389830508474576\", \"0.2711864406779661\", \"0.31666666666666665\", \"0.45098039215686275\"], \"178\": [\"0.5\", \"0.34375\", \"0.46774193548387094\", \"0.3300970873786408\"], \"179\": [\"0.3333333333333333\", \"0.30434782608695654\", \"0.3611111111111111\", \"0.4105263157894737\"], \"180\": [\"0.14559789196012107\", \"0.13907184259183183\", \"0.17051992306064184\", \"0.1256514344289988\"], \"181\": [\"0.3\", \"0.29411764705882354\", \"0.34782608695652173\", \"0.2127659574468085\"], \"182\": [\"0.19230769230769232\", \"0.2\", \"0.037037037037037035\", \"0.030534351145038167\"], \"183\": [\"0.4444444444444444\", \"0.43333333333333335\", \"0.7222222222222222\", \"0.40869565217391307\"], \"184\": [\"0.0\", \"0.045454545454545456\", \"0.0\", \"0.3893805309734513\"], \"185\": [\"0.1\", \"0.043478260869565216\", \"0.0\", \"0.04807692307692308\"], \"186\": [\"0.0\", \"0.0\", \"0.0625\", \"0.019801980198019802\"], \"187\": [\"0.058823529411764705\", \"0.0\", \"0.1875\", \"0.06329113924050633\"], \"188\": [\"0.3181818181818182\", \"0.5\", \"0.4444444444444444\", \"0.1951219512195122\"], \"189\": [\"0.0\", \"0.0\", \"0.0\", \"0.04132231404958678\"], \"190\": [\"0.058823529411764705\", \"0.0\", \"0.0\", \"0.16483516483516483\"], \"191\": [\"0.2\", \"0.2727272727272727\", \"0.09090909090909091\", \"0.08333333333333333\"], \"192\": [\"0.05\", \"0.15789473684210525\", \"0.21052631578947367\", \"0.06666666666666667\"], \"193\": [\"0.3157894736842105\", \"0.0\", \"0.16666666666666666\", \"0.03529411764705882\"], \"194\": [\"0.0\", \"0.0\", \"0.11764705882352941\", \"0.0\"], \"195\": [\"0.9576007326007325\", \"0.974168192918193\", \"0.9622498274672188\", \"0.8922206468536306\"], \"196\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"0.925\"], \"197\": [\"1.0\", \"1.0\", \"1.0\", \"0.6666666666666666\"], \"198\": [\"0.6666666666666666\", \"1.0\", \"0.8\", \"0.631578947368421\"], \"199\": [\"1.0\", \"0.9\", \"1.0\", \"0.6190476190476191\"], \"200\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"201\": [\"1.0\", \"1.0\", \"1.0\", \"0.9696969696969697\"], \"202\": [\"0.9230769230769231\", \"1.0\", \"1.0\", \"0.9636363636363636\"], \"203\": [\"1.0\", \"0.9375\", \"0.9565217391304348\", \"0.9807692307692307\"], \"204\": [\"0.9166666666666666\", \"0.9333333333333333\", \"1.0\", \"0.8461538461538461\"], \"205\": [\"1.0\", \"0.9444444444444444\", \"1.0\", \"0.9767441860465116\"], \"206\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"207\": [\"0.9\", \"0.9230769230769231\", \"1.0\", \"0.9322033898305084\"], \"208\": [\"1.0\", \"1.0\", \"0.8260869565217391\", \"0.9795918367346939\"], \"209\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"210\": [\"0.6373626373626374\", \"0.509920634920635\", \"0.6486016628873772\", \"0.7618256825212434\"], \"211\": [\"1.0\", \"1.0\", \"0.8\", \"0.8695652173913043\"], \"212\": [\"1.0\", \"1.0\", \"1.0\", \"0.8\"], \"213\": [\"0.9230769230769231\", \"1.0\", \"0.9629629629629629\", \"0.8703703703703703\"], \"214\": [\"0.0\", \"0.5\", \"0.0\", \"0.8461538461538461\"], \"215\": [\"1.0\", \"1.0\", \"0.0\", \"1.0\"], \"216\": [\"0.0\", \"0.0\", \"1.0\", \"0.6666666666666666\"], \"217\": [\"0.5\", \"0.0\", \"1.0\", \"0.7142857142857143\"], \"218\": [\"1.0\", \"0.8888888888888888\", \"0.8888888888888888\", \"0.9411764705882353\"], \"219\": [\"0.0\", \"0.0\", \"0.0\", \"0.7142857142857143\"], \"220\": [\"1.0\", \"0.0\", \"0.0\", \"0.9375\"], \"221\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"222\": [\"0.5\", \"0.75\", \"1.0\", \"0.5555555555555556\"], \"223\": [\"1.0\", \"0.0\", \"0.42857142857142855\", \"0.75\"], \"224\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"225\": [\"0.38686818505513143\", \"0.4644845590002931\", \"0.5440464678787851\", \"0.31998807687440645\"], \"226\": [\"0.4166666666666667\", \"0.5555555555555556\", \"0.5161290322580645\", \"0.3333333333333333\"], \"227\": [\"0.16\", \"0.25925925925925924\", \"0.35\", \"0.015503875968992248\"], \"228\": [\"0.11764705882352941\", \"0.10526315789473684\", \"0.2857142857142857\", \"0.15\"], \"229\": [\"0.26666666666666666\", \"0.3\", \"0.4634146341463415\", \"0.15853658536585366\"], \"230\": [\"0.35714285714285715\", \"0.2903225806451613\", \"0.3902439024390244\", \"0.23255813953488372\"], \"231\": [\"0.4666666666666667\", \"0.40625\", \"0.625\", \"0.24427480916030533\"], \"232\": [\"0.42857142857142855\", \"0.53125\", \"0.6578947368421053\", \"0.41732283464566927\"], \"233\": [\"0.34782608695652173\", \"0.6521739130434783\", \"0.6875\", \"0.4358974358974359\"], \"234\": [\"0.3793103448275862\", \"0.45161290322580644\", \"0.5121951219512195\", \"0.08661417322834646\"], \"235\": [\"0.4482758620689655\", \"0.5483870967741935\", \"0.6097560975609756\", \"0.3559322033898305\"], \"236\": [\"0.7142857142857143\", \"0.7241379310344828\", \"0.75\", \"0.7480916030534351\"], \"237\": [\"0.32142857142857145\", \"0.42857142857142855\", \"0.5945945945945946\", \"0.44\"], \"238\": [\"0.4583333333333333\", \"0.59375\", \"0.5588235294117647\", \"0.36923076923076925\"], \"239\": [\"0.5333333333333333\", \"0.65625\", \"0.6153846153846154\", \"0.4925373134328358\"], \"240\": [\"0.15359761287211096\", \"0.1453943675372247\", \"0.1532100908925443\", \"0.14332399626517273\"], \"241\": [\"0.3333333333333333\", \"0.5\", \"0.3076923076923077\", \"0.07692307692307693\"], \"242\": [\"0.034482758620689655\", \"0.13636363636363635\", \"0.09375\", \"0.0\"], \"243\": [\"0.45714285714285713\", \"0.44\", \"0.5714285714285714\", \"0.16666666666666666\"], \"244\": [\"0.08333333333333333\", \"0.047619047619047616\", \"0.10714285714285714\", \"0.5384615384615384\"], \"245\": [\"0.13793103448275862\", \"0.0\", \"0.037037037037037035\", \"0.16666666666666666\"], \"246\": [\"0.05\", \"0.0\", \"0.0\", \"0.0\"], \"247\": [\"0.0\", \"0.0\", \"0.07142857142857142\", \"0.0\"], \"248\": [\"0.391304347826087\", \"0.46153846153846156\", \"0.4782608695652174\", \"0.15384615384615385\"], \"249\": [\"0.0\", \"0.05\", \"0.07407407407407407\", \"0.0\"], \"250\": [\"0.09090909090909091\", \"0.2\", \"0.09523809523809523\", \"0.23076923076923078\"], \"251\": [\"0.3\", \"0.0\", \"0.13333333333333333\", \"0.3333333333333333\"], \"252\": [\"0.10526315789473684\", \"0.0\", \"0.12\", \"0.11764705882352941\"], \"253\": [\"0.16666666666666666\", \"0.2\", \"0.05555555555555555\", \"0.2222222222222222\"], \"254\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"255\": [\"0.9596222109533468\", \"0.932573019086177\", \"0.9186337692971926\", \"0.9199929971988795\"], \"256\": [\"0.9375\", \"0.9230769230769231\", \"0.875\", \"0.625\"], \"257\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"258\": [\"1.0\", \"0.5\", \"0.42857142857142855\", \"1.0\"], \"259\": [\"0.875\", \"0.875\", \"1.0\", \"0.875\"], \"260\": [\"1.0\", \"1.0\", \"0.9333333333333333\", \"1.0\"], \"261\": [\"0.95\", \"0.95\", \"0.9583333333333334\", \"0.5882352941176471\"], \"262\": [\"0.9333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"263\": [\"0.9411764705882353\", \"0.9375\", \"0.8421052631578947\", \"0.875\"], \"264\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"265\": [\"0.9310344827586207\", \"1.0\", \"1.0\", \"1.0\"], \"266\": [\"0.95\", \"1.0\", \"1.0\", \"1.0\"], \"267\": [\"0.9523809523809523\", \"0.9230769230769231\", \"0.8235294117647058\", \"1.0\"], \"268\": [\"0.9642857142857143\", \"0.9473684210526315\", \"1.0\", \"0.9166666666666666\"], \"269\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"270\": [\"0.5937641723356009\", \"0.48277516134658993\", \"0.7442176870748299\", \"0.5327380952380952\"], \"271\": [\"0.8888888888888888\", \"0.8888888888888888\", \"0.8\", \"0.25\"], \"272\": [\"1.0\", \"1.0\", \"1.0\", \"0.0\"], \"273\": [\"1.0\", \"0.8461538461538461\", \"0.8333333333333334\", \"1.0\"], \"274\": [\"0.5\", \"0.5\", \"1.0\", \"0.875\"], \"275\": [\"1.0\", \"0.0\", \"0.5\", \"1.0\"], \"276\": [\"0.5\", \"0.0\", \"0.0\", \"0.0\"], \"277\": [\"0.0\", \"0.0\", \"1.0\", \"0.0\"], \"278\": [\"0.9\", \"0.8571428571428571\", \"0.7857142857142857\", \"0.6666666666666666\"], \"279\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"280\": [\"0.3333333333333333\", \"1.0\", \"1.0\", \"1.0\"], \"281\": [\"0.8571428571428571\", \"0.0\", \"1.0\", \"1.0\"], \"282\": [\"0.6666666666666666\", \"0.0\", \"0.5\", \"1.0\"], \"283\": [\"0.6666666666666666\", \"0.6666666666666666\", \"1.0\", \"0.6666666666666666\"], \"284\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"285\": [\"0.4992595029946473\", \"0.5025537931326108\", \"0.46808461814994917\", \"0.4169589023193624\"], \"286\": [\"0.4838709677419355\", \"0.6\", \"0.4375\", \"0.29411764705882354\"], \"287\": [\"0.28205128205128205\", \"0.2692307692307692\", \"0.2564102564102564\", \"0.14285714285714285\"], \"288\": [\"0.20833333333333334\", \"0.125\", \"0.16666666666666666\", \"0.16666666666666666\"], \"289\": [\"0.3888888888888889\", \"0.25925925925925924\", \"0.358974358974359\", \"0.5384615384615384\"], \"290\": [\"0.3055555555555556\", \"0.3103448275862069\", \"0.35\", \"0.47368421052631576\"], \"291\": [\"0.5\", \"0.6785714285714286\", \"0.5609756097560976\", \"0.7142857142857143\"], \"292\": [\"0.7368421052631579\", \"0.5862068965517241\", \"0.6829268292682927\", \"0.19047619047619047\"], \"293\": [\"0.5333333333333333\", \"0.6818181818181818\", \"0.5714285714285714\", \"0.3888888888888889\"], \"294\": [\"0.425\", \"0.32142857142857145\", \"0.375\", \"0.3333333333333333\"], \"295\": [\"0.7297297297297297\", \"0.7037037037037037\", \"0.525\", \"0.4444444444444444\"], \"296\": [\"0.5757575757575758\", \"0.7586206896551724\", \"0.675\", \"0.9\"], \"297\": [\"0.5405405405405406\", \"0.42857142857142855\", \"0.3888888888888889\", \"0.21052631578947367\"], \"298\": [\"0.7297297297297297\", \"0.6923076923076923\", \"0.5853658536585366\", \"0.6111111111111112\"], \"299\": [\"0.55\", \"0.6206896551724138\", \"0.6190476190476191\", \"0.42857142857142855\"], \"300\": [\"0.14675105488977042\", \"0.1311619182711909\", \"0.1487350636805715\", \"0.14489222749017472\"], \"301\": [\"0.25\", \"0.29523809523809524\", \"0.3125\", \"0.18888888888888888\"], \"302\": [\"0.09523809523809523\", \"0.08771929824561403\", \"0.0875\", \"0.09821428571428571\"], \"303\": [\"0.3387096774193548\", \"0.3394495412844037\", \"0.3132530120481928\", \"0.2641509433962264\"], \"304\": [\"0.046511627906976744\", \"0.08791208791208792\", \"0.09230769230769231\", \"0.2828282828282828\"], \"305\": [\"0.05333333333333334\", \"0.05128205128205128\", \"0.13559322033898305\", \"0.021739130434782608\"], \"306\": [\"0.0273972602739726\", \"0.06818181818181818\", \"0.05714285714285714\", \"0.13725490196078433\"], \"307\": [\"0.036585365853658534\", \"0.011111111111111112\", \"0.018867924528301886\", \"0.030612244897959183\"], \"308\": [\"0.48484848484848486\", \"0.352112676056338\", \"0.375\", \"0.19736842105263158\"], \"309\": [\"0.021739130434782608\", \"0.022988505747126436\", \"0.015873015873015872\", \"0.020833333333333332\"], \"310\": [\"0.0821917808219178\", \"0.10126582278481013\", \"0.1111111111111111\", \"0.09411764705882353\"], \"311\": [\"0.21621621621621623\", \"0.08333333333333333\", \"0.1111111111111111\", \"0.5490196078431373\"], \"312\": [\"0.19047619047619047\", \"0.17777777777777778\", \"0.23943661971830985\", \"0.06451612903225806\"], \"313\": [\"0.2112676056338028\", \"0.15789473684210525\", \"0.19672131147540983\", \"0.07894736842105263\"], \"314\": [\"0.0\", \"0.0\", \"0.015873015873015872\", \"0.0\"], \"315\": [\"0.9332958366255417\", \"0.9325918611716458\", \"0.9150783604222589\", \"0.9139843320433642\"], \"316\": [\"0.88\", \"0.9705882352941176\", \"0.8148148148148148\", \"0.8571428571428571\"], \"317\": [\"1.0\", \"1.0\", \"0.9629629629629629\", \"0.95\"], \"318\": [\"0.7222222222222222\", \"0.7666666666666667\", \"0.6666666666666666\", \"0.7692307692307693\"], \"319\": [\"0.9642857142857143\", \"0.9166666666666666\", \"0.9285714285714286\", \"0.9696969696969697\"], \"320\": [\"1.0\", \"1.0\", \"0.9791666666666666\", \"1.0\"], \"321\": [\"0.9710144927536232\", \"0.9411764705882353\", \"0.9459459459459459\", \"0.8333333333333334\"], \"322\": [\"1.0\", \"0.9591836734693877\", \"1.0\", \"0.9705882352941176\"], \"323\": [\"0.868421052631579\", \"0.8676470588235294\", \"0.803921568627451\", \"0.9107142857142857\"], \"324\": [\"0.98\", \"0.9423076923076923\", \"1.0\", \"0.9444444444444444\"], \"325\": [\"0.9420289855072463\", \"0.95\", \"0.8863636363636364\", \"0.8085106382978723\"], \"326\": [\"0.9904761904761905\", \"0.9902912621359223\", \"1.0\", \"0.9506172839506173\"], \"327\": [\"0.7758620689655172\", \"0.8163265306122449\", \"0.8888888888888888\", \"0.9743589743589743\"], \"328\": [\"0.971830985915493\", \"0.9523809523809523\", \"0.9565217391304348\", \"0.8571428571428571\"], \"329\": [\"1.0\", \"0.9830508474576272\", \"0.9772727272727273\", \"1.0\"], \"330\": [\"0.7289231809133534\", \"0.680635185892539\", \"0.7944771994819434\", \"0.7009277414903466\"], \"331\": [\"0.7931034482758621\", \"0.96875\", \"0.8333333333333334\", \"0.7391304347826086\"], \"332\": [\"1.0\", \"1.0\", \"0.875\", \"0.9166666666666666\"], \"333\": [\"0.8936170212765957\", \"0.8409090909090909\", \"0.7647058823529411\", \"0.8235294117647058\"], \"334\": [\"0.6666666666666666\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.9655172413793104\"], \"335\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"336\": [\"0.5\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.7368421052631579\"], \"337\": [\"1.0\", \"0.3333333333333333\", \"1.0\", \"0.75\"], \"338\": [\"0.7619047619047619\", \"0.7352941176470589\", \"0.6774193548387096\", \"0.75\"], \"339\": [\"0.6666666666666666\", \"0.4\", \"1.0\", \"0.5\"], \"340\": [\"0.6\", \"0.7272727272727273\", \"0.5833333333333334\", \"0.47058823529411764\"], \"341\": [\"0.8888888888888888\", \"0.75\", \"1.0\", \"0.875\"], \"342\": [\"0.5517241379310345\", \"0.64\", \"0.8095238095238095\", \"0.8571428571428571\"], \"343\": [\"0.8823529411764706\", \"0.8\", \"0.8571428571428571\", \"0.42857142857142855\"], \"344\": [\"0.0\", \"0.0\", \"0.5\", \"0.0\"], \"345\": [\"0.4465593976468852\", \"0.4029232108615651\", \"0.42072132056235123\", \"0.3466152263947072\"], \"346\": [\"0.3893805309734513\", \"0.308411214953271\", \"0.2857142857142857\", \"0.3302752293577982\"], \"347\": [\"0.2803030303030303\", \"0.1937984496124031\", \"0.26262626262626265\", \"0.15833333333333333\"], \"348\": [\"0.1368421052631579\", \"0.24210526315789474\", \"0.2191780821917808\", \"0.20408163265306123\"], \"349\": [\"0.39705882352941174\", \"0.3464566929133858\", \"0.3979591836734694\", \"0.3106796116504854\"], \"350\": [\"0.4855072463768116\", \"0.45185185185185184\", \"0.47959183673469385\", \"0.3076923076923077\"], \"351\": [\"0.4855072463768116\", \"0.36923076923076925\", \"0.3465346534653465\", \"0.22123893805309736\"], \"352\": [\"0.4316546762589928\", \"0.34558823529411764\", \"0.5094339622641509\", \"0.2578125\"], \"353\": [\"0.66\", \"0.5619047619047619\", \"0.5394736842105263\", \"0.45535714285714285\"], \"354\": [\"0.35251798561151076\", \"0.3656716417910448\", \"0.41509433962264153\", \"0.265625\"], \"355\": [\"0.49242424242424243\", \"0.4453125\", \"0.4105263157894737\", \"0.33043478260869563\"], \"356\": [\"0.7819548872180451\", \"0.7555555555555555\", \"0.7692307692307693\", \"0.77\"], \"357\": [\"0.39823008849557523\", \"0.3508771929824561\", \"0.37209302325581395\", \"0.304\"], \"358\": [\"0.552\", \"0.4838709677419355\", \"0.4731182795698925\", \"0.4067796610169492\"], \"359\": [\"0.4084507042253521\", \"0.42028985507246375\", \"0.4095238095238095\", \"0.5303030303030303\"], \"360\": [\"0.13135317837561286\", \"0.11302665348742183\", \"0.13661176187653826\", \"0.14092457816298404\"], \"361\": [\"0.3076923076923077\", \"0.10714285714285714\", \"0.2835820895522388\", \"0.2706422018348624\"], \"362\": [\"0.13636363636363635\", \"0.0875\", \"0.09803921568627451\", \"0.12916666666666668\"], \"363\": [\"0.45054945054945056\", \"0.43209876543209874\", \"0.46846846846846846\", \"0.43548387096774194\"], \"364\": [\"0.02702702702702703\", \"0.0684931506849315\", \"0.05952380952380952\", \"0.052083333333333336\"], \"365\": [\"0.0\", \"0.09836065573770492\", \"0.0410958904109589\", \"0.13270142180094788\"], \"366\": [\"0.031746031746031744\", \"0.0\", \"0.04477611940298507\", \"0.03825136612021858\"], \"367\": [\"0.06451612903225806\", \"0.06\", \"0.07042253521126761\", \"0.07751937984496124\"], \"368\": [\"0.30434782608695654\", \"0.36363636363636365\", \"0.3333333333333333\", \"0.3402061855670103\"], \"369\": [\"0.041666666666666664\", \"0.0\", \"0.02631578947368421\", \"0.03225806451612903\"], \"370\": [\"0.03076923076923077\", \"0.021739130434782608\", \"0.08955223880597014\", \"0.06707317073170732\"], \"371\": [\"0.1111111111111111\", \"0.11764705882352941\", \"0.08571428571428572\", \"0.28205128205128205\"], \"372\": [\"0.12727272727272726\", \"0.11764705882352941\", \"0.15789473684210525\", \"0.02976190476190476\"], \"373\": [\"0.20588235294117646\", \"0.10810810810810811\", \"0.15384615384615385\", \"0.08053691275167785\"], \"374\": [\"0.0\", \"0.0\", \"0.0\", \"0.005208333333333333\"], \"375\": [\"0.9360523300101526\", \"0.9259229999013282\", \"0.9214586008070961\", \"0.9341160918815585\"], \"376\": [\"0.75\", \"0.8536585365853658\", \"0.8461538461538461\", \"0.8627450980392157\"], \"377\": [\"1.0\", \"1.0\", \"0.9666666666666667\", \"0.9310344827586207\"], \"378\": [\"0.6521739130434783\", \"0.625\", \"0.47619047619047616\", \"0.7142857142857143\"], \"379\": [\"0.975\", \"0.9583333333333334\", \"0.9583333333333334\", \"0.987012987012987\"], \"380\": [\"1.0\", \"0.9722222222222222\", \"1.0\", \"1.0\"], \"381\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"382\": [\"1.0\", \"0.9787234042553191\", \"0.9508196721311475\", \"0.9857142857142858\"], \"383\": [\"0.9777777777777777\", \"0.8571428571428571\", \"0.9565217391304348\", \"0.8666666666666667\"], \"384\": [\"0.9761904761904762\", \"0.972972972972973\", \"1.0\", \"0.9807692307692307\"], \"385\": [\"0.9591836734693877\", \"0.9411764705882353\", \"0.9846153846153847\", \"0.9809523809523809\"], \"386\": [\"1.0\", \"0.9841269841269841\", \"0.9896907216494846\", \"0.8761061946902655\"], \"387\": [\"0.864406779661017\", \"0.8695652173913043\", \"0.8214285714285714\", \"0.9405940594059405\"], \"388\": [\"0.95\", \"0.95\", \"0.95\", \"0.975\"], \"389\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"390\": [\"0.6813035603851931\", \"0.5489138619800641\", \"0.7445149951307586\", \"0.8502603441124313\"], \"391\": [\"0.7272727272727273\", \"0.5\", \"0.6551724137931034\", \"0.8939393939393939\"], \"392\": [\"1.0\", \"1.0\", \"0.9090909090909091\", \"0.9393939393939394\"], \"393\": [\"0.8367346938775511\", \"0.8536585365853658\", \"0.8253968253968254\", \"0.9473684210526315\"], \"394\": [\"0.6666666666666666\", \"0.8333333333333334\", \"0.7142857142857143\", \"0.9090909090909091\"], \"395\": [\"0.0\", \"0.8571428571428571\", \"1.0\", \"1.0\"], \"396\": [\"1.0\", \"0.0\", \"1.0\", \"0.7777777777777778\"], \"397\": [\"1.0\", \"0.75\", \"0.625\", \"0.8333333333333334\"], \"398\": [\"0.9545454545454546\", \"0.7692307692307693\", \"0.875\", \"0.868421052631579\"], \"399\": [\"0.75\", \"0.0\", \"1.0\", \"0.875\"], \"400\": [\"0.5\", \"0.25\", \"0.8571428571428571\", \"0.8461538461538461\"], \"401\": [\"1.0\", \"0.8\", \"0.75\", \"0.7586206896551724\"], \"402\": [\"0.4666666666666667\", \"0.5\", \"0.5454545454545454\", \"0.45454545454545453\"], \"403\": [\"0.6363636363636364\", \"0.5714285714285714\", \"0.6666666666666666\", \"0.8\"], \"404\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"405\": [\"0.4323012829539704\", \"0.43216097181254515\", \"0.47638858054896366\", \"0.3102212517073302\"], \"406\": [\"0.3333333333333333\", \"0.4117647058823529\", \"0.5339805825242718\", \"0.21674876847290642\"], \"407\": [\"0.2549019607843137\", \"0.18888888888888888\", \"0.2396694214876033\", \"0.11440677966101695\"], \"408\": [\"0.23076923076923078\", \"0.17857142857142858\", \"0.14492753623188406\", \"0.0967741935483871\"], \"409\": [\"0.35135135135135137\", \"0.25274725274725274\", \"0.368\", \"0.29457364341085274\"], \"410\": [\"0.40350877192982454\", \"0.3888888888888889\", \"0.4573643410852713\", \"0.24066390041493776\"], \"411\": [\"0.45535714285714285\", \"0.4639175257731959\", \"0.5038759689922481\", \"0.3230769230769231\"], \"412\": [\"0.4727272727272727\", \"0.4946236559139785\", \"0.46774193548387094\", \"0.5369649805447471\"], \"413\": [\"0.4782608695652174\", \"0.5070422535211268\", \"0.6111111111111112\", \"0.33678756476683935\"], \"414\": [\"0.37272727272727274\", \"0.375\", \"0.4307692307692308\", \"0.19540229885057472\"], \"415\": [\"0.42727272727272725\", \"0.5161290322580645\", \"0.512\", \"0.40234375\"], \"416\": [\"0.6330275229357798\", \"0.6739130434782609\", \"0.75\", \"0.46919431279620855\"], \"417\": [\"0.5151515151515151\", \"0.47058823529411764\", \"0.41818181818181815\", \"0.3682170542635659\"], \"418\": [\"0.7378640776699029\", \"0.6333333333333333\", \"0.6333333333333333\", \"0.46062992125984253\"], \"419\": [\"0.38596491228070173\", \"0.4948453608247423\", \"0.5984848484848485\", \"0.2873134328358209\"], \"420\": [\"0.13318058291006699\", \"0.13155724407444924\", \"0.12309633802600553\", \"0.1435996089256959\"], \"421\": [\"0.34210526315789475\", \"0.24242424242424243\", \"0.225\", \"0.21428571428571427\"], \"422\": [\"0.02702702702702703\", \"0.029411764705882353\", \"0.05555555555555555\", \"0.037037037037037035\"], \"423\": [\"0.32432432432432434\", \"0.32432432432432434\", \"0.2972972972972973\", \"0.20833333333333334\"], \"424\": [\"0.0625\", \"0.03125\", \"0.058823529411764705\", \"0.4\"], \"425\": [\"0.07142857142857142\", \"0.045454545454545456\", \"0.0\", \"0.0\"], \"426\": [\"0.06451612903225806\", \"0.03333333333333333\", \"0.11764705882352941\", \"0.041666666666666664\"], \"427\": [\"0.03333333333333333\", \"0.034482758620689655\", \"0.0\", \"0.125\"], \"428\": [\"0.3076923076923077\", \"0.4583333333333333\", \"0.375\", \"0.17391304347826086\"], \"429\": [\"0.030303030303030304\", \"0.0\", \"0.029411764705882353\", \"0.0\"], \"430\": [\"0.1724137931034483\", \"0.17857142857142858\", \"0.2222222222222222\", \"0.0\"], \"431\": [\"0.17647058823529413\", \"0.125\", \"0.0\", \"0.4444444444444444\"], \"432\": [\"0.1724137931034483\", \"0.20588235294117646\", \"0.125\", \"0.08\"], \"433\": [\"0.08\", \"0.13333333333333333\", \"0.21739130434782608\", \"0.2857142857142857\"], \"434\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"435\": [\"0.9339285714285716\", \"0.9160534119180737\", \"0.9319639059770639\", \"nan\"], \"436\": [\"0.6666666666666666\", \"1.0\", \"1.0\", \"nan\"], \"437\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"438\": [\"0.75\", \"0.6666666666666666\", \"0.6666666666666666\", \"0.75\"], \"439\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"440\": [\"1.0\", \"0.9523809523809523\", \"1.0\", \"1.0\"], \"441\": [\"1.0\", \"1.0\", \"0.8888888888888888\", \"1.0\"], \"442\": [\"1.0\", \"0.9285714285714286\", \"1.0\", \"0.75\"], \"443\": [\"0.8666666666666667\", \"0.6842105263157895\", \"0.9473684210526315\", \"1.0\"], \"444\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"445\": [\"1.0\", \"0.8666666666666667\", \"0.9375\", \"1.0\"], \"446\": [\"0.9583333333333334\", \"0.9142857142857143\", \"1.0\", \"1.0\"], \"447\": [\"0.8333333333333334\", \"0.8888888888888888\", \"0.8181818181818182\", \"1.0\"], \"448\": [\"1.0\", \"0.9230769230769231\", \"0.9\", \"1.0\"], \"449\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"450\": [\"0.8654238618524331\", \"0.6531062424969988\", \"0.6036368393511251\", \"0.6845238095238095\"], \"451\": [\"0.9285714285714286\", \"1.0\", \"1.0\", \"1.0\"], \"452\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"453\": [\"0.9230769230769231\", \"0.8571428571428571\", \"0.8461538461538461\", \"0.8333333333333334\"], \"454\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"1.0\"], \"455\": [\"1.0\", \"0.5\", \"0.0\", \"0.0\"], \"456\": [\"1.0\", \"1.0\", \"0.8\", \"1.0\"], \"457\": [\"1.0\", \"0.5\", \"0.0\", \"0.75\"], \"458\": [\"0.8\", \"0.6470588235294118\", \"0.9\", \"1.0\"], \"459\": [\"1.0\", \"0.0\", \"1.0\", \"0.0\"], \"460\": [\"1.0\", \"0.7142857142857143\", \"0.8571428571428571\", \"0.0\"], \"461\": [\"0.75\", \"0.25\", \"0.0\", \"1.0\"], \"462\": [\"0.7142857142857143\", \"0.875\", \"0.6666666666666666\", \"1.0\"], \"463\": [\"1.0\", \"0.8\", \"0.7142857142857143\", \"1.0\"], \"464\": [\"0.0\", \"0.0\", \"0.0\", \"0.0\"], \"465\": [\"0.2802647346883176\", \"0.349384662804933\", \"0.32735299546334046\", \"0.20742319849462706\"], \"466\": [\"0.07407407407407407\", \"0.2857142857142857\", \"0.08823529411764706\", \"0.0\"], \"467\": [\"0.1\", \"0.21428571428571427\", \"0.17073170731707318\", \"0.037037037037037035\"], \"468\": [\"0.10714285714285714\", \"0.13793103448275862\", \"0.13333333333333333\", \"0.13636363636363635\"], \"469\": [\"0.23076923076923078\", \"0.2619047619047619\", \"0.2\", \"0.16666666666666666\"], \"470\": [\"0.3333333333333333\", \"0.4878048780487805\", \"0.46511627906976744\", \"0.5714285714285714\"], \"471\": [\"0.2564102564102564\", \"0.30952380952380953\", \"0.21052631578947367\", \"0.14814814814814814\"], \"472\": [\"0.275\", \"0.3170731707317073\", \"0.27906976744186046\", \"0.125\"], \"473\": [\"0.41935483870967744\", \"0.5\", \"0.5454545454545454\", \"0.20833333333333334\"], \"474\": [\"0.2\", \"0.3488372093023256\", \"0.21428571428571427\", \"0.14285714285714285\"], \"475\": [\"0.3333333333333333\", \"0.3611111111111111\", \"0.4166666666666667\", \"0.10714285714285714\"], \"476\": [\"0.6216216216216216\", \"0.8205128205128205\", \"0.7674418604651163\", \"0.7916666666666666\"], \"477\": [\"0.29411764705882354\", \"0.22857142857142856\", \"0.24324324324324326\", \"0.11538461538461539\"], \"478\": [\"0.41025641025641024\", \"0.3157894736842105\", \"0.5\", \"0.3181818181818182\"], \"479\": [\"0.2682926829268293\", \"0.3023255813953488\", \"0.3488372093023256\", \"0.03571428571428571\"], \"480\": [\"0.09386446886446886\", \"0.13341343689972615\", \"0.13531728401089302\", \"0.141722906573062\"], \"481\": [\"0.2\", \"0.19047619047619047\", \"0.2727272727272727\", \"0.05970149253731343\"], \"482\": [\"0.0\", \"0.12\", \"0.08\", \"0.15151515151515152\"], \"483\": [\"0.5416666666666666\", \"0.375\", \"0.16\", \"0.13043478260869565\"], \"484\": [\"0.0\", \"0.1\", \"0.15\", \"0.08771929824561403\"], \"485\": [\"0.0\", \"0.058823529411764705\", \"0.05263157894736842\", \"0.0\"], \"486\": [\"0.0\", \"0.15\", \"0.05555555555555555\", \"0.04285714285714286\"], \"487\": [\"0.0\", \"0.05555555555555555\", \"0.0\", \"0.07894736842105263\"], \"488\": [\"0.13333333333333333\", \"0.5\", \"0.45\", \"0.5357142857142857\"], \"489\": [\"0.0\", \"0.10526315789473684\", \"0.0\", \"0.015625\"], \"490\": [\"0.23076923076923078\", \"0.058823529411764705\", \"0.09523809523809523\", \"0.10416666666666667\"], \"491\": [\"0.08333333333333333\", \"0.15384615384615385\", \"0.2\", \"0.34375\"], \"492\": [\"0.0\", \"0.0\", \"0.3157894736842105\", \"0.10810810810810811\"], \"493\": [\"0.125\", \"0.0\", \"0.0625\", \"0.0\"], \"494\": [\"0.0\", \"0.0\", \"0.0\", \"0.32558139534883723\"], \"495\": [\"0.9659663865546219\", \"0.9410714285714287\", \"0.9492538580884446\", \"0.9438227912729573\"], \"496\": [\"0.7\", \"1.0\", \"0.8571428571428571\", \"0.9285714285714286\"], \"497\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"498\": [\"1.0\", \"0.5\", \"0.75\", \"0.9166666666666666\"], \"499\": [\"1.0\", \"1.0\", \"1.0\", \"0.9583333333333334\"], \"500\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"501\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"502\": [\"1.0\", \"1.0\", \"1.0\", \"0.9767441860465116\"], \"503\": [\"1.0\", \"0.875\", \"0.8888888888888888\", \"0.72\"], \"504\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"505\": [\"1.0\", \"1.0\", \"1.0\", \"0.8787878787878788\"], \"506\": [\"1.0\", \"1.0\", \"0.9473684210526315\", \"0.8571428571428571\"], \"507\": [\"1.0\", \"0.8\", \"1.0\", \"0.9772727272727273\"], \"508\": [\"0.8235294117647058\", \"1.0\", \"0.8461538461538461\", \"1.0\"], \"509\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"510\": [\"0.3392857142857143\", \"0.7714285714285715\", \"0.6826530612244898\", \"0.7186293436293436\"], \"511\": [\"0.5\", \"1.0\", \"0.8571428571428571\", \"0.8\"], \"512\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"513\": [\"1.0\", \"0.9\", \"0.8\", \"0.9\"], \"514\": [\"0.0\", \"1.0\", \"1.0\", \"0.8333333333333334\"], \"515\": [\"0.0\", \"1.0\", \"1.0\", \"0.0\"], \"516\": [\"0.0\", \"1.0\", \"1.0\", \"1.0\"], \"517\": [\"0.0\", \"1.0\", \"0.0\", \"0.75\"], \"518\": [\"1.0\", \"0.9\", \"0.9\", \"0.8108108108108109\"], \"519\": [\"0.0\", \"1.0\", \"0.0\", \"1.0\"], \"520\": [\"1.0\", \"1.0\", \"1.0\", \"0.5555555555555556\"], \"521\": [\"1.0\", \"1.0\", \"0.6666666666666666\", \"0.6111111111111112\"], \"522\": [\"0.0\", \"0.0\", \"1.0\", \"0.8\"], \"523\": [\"0.25\", \"0.0\", \"0.3333333333333333\", \"0.0\"], \"524\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"525\": [\"0.388594633817746\", \"0.29861392230957445\", \"0.3334404363314251\", \"0.3542374246966694\"], \"526\": [\"0.3684210526315789\", \"0.22727272727272727\", \"0.2727272727272727\", \"0.17105263157894737\"], \"527\": [\"0.12\", \"0.043478260869565216\", \"0.14814814814814814\", \"0.2112676056338028\"], \"528\": [\"0.08333333333333333\", \"0.0625\", \"0.125\", \"0.15492957746478872\"], \"529\": [\"0.32\", \"0.25\", \"0.34615384615384615\", \"0.30666666666666664\"], \"530\": [\"0.4\", \"0.36\", \"0.35714285714285715\", \"0.2716049382716049\"], \"531\": [\"0.32\", \"0.2608695652173913\", \"0.39285714285714285\", \"0.14102564102564102\"], \"532\": [\"0.44\", \"0.32\", \"0.20689655172413793\", \"0.5454545454545454\"], \"533\": [\"0.43478260869565216\", \"0.4375\", \"0.42105263157894735\", \"0.4090909090909091\"], \"534\": [\"0.36\", \"0.2916666666666667\", \"0.1724137931034483\", \"0.2125\"], \"535\": [\"0.5454545454545454\", \"0.36\", \"0.2962962962962963\", \"0.4027777777777778\"], \"536\": [\"0.5416666666666666\", \"0.5416666666666666\", \"0.6923076923076923\", \"0.6666666666666666\"], \"537\": [\"0.4\", \"0.3333333333333333\", \"0.43478260869565216\", \"0.5657894736842105\"], \"538\": [\"0.6666666666666666\", \"0.38461538461538464\", \"0.4230769230769231\", \"0.3333333333333333\"], \"539\": [\"0.44\", \"0.3076923076923077\", \"0.3793103448275862\", \"0.5671641791044776\"], \"540\": [\"0.1419739231433052\", \"0.13155867677779745\", \"0.14393140082472458\", \"0.1405336037027293\"], \"541\": [\"0.2796934865900383\", \"0.23387096774193547\", \"0.2835249042145594\", \"0.21146245059288538\"], \"542\": [\"0.10097719869706841\", \"0.10457516339869281\", \"0.09740259740259741\", \"0.09966216216216216\"], \"543\": [\"0.41642228739002934\", \"0.4069400630914827\", \"0.4332344213649852\", \"0.3460207612456747\"], \"544\": [\"0.043824701195219126\", \"0.08396946564885496\", \"0.07509881422924901\", \"0.20883534136546184\"], \"545\": [\"0.05084745762711865\", \"0.06607929515418502\", \"0.05555555555555555\", \"0.07551020408163266\"], \"546\": [\"0.03587443946188341\", \"0.05069124423963134\", \"0.06167400881057269\", \"0.056133056133056136\"], \"547\": [\"0.04285714285714286\", \"0.03333333333333333\", \"0.054455445544554455\", \"0.06266318537859007\"], \"548\": [\"0.3698630136986301\", \"0.3756345177664975\", \"0.375\", \"0.3002257336343115\"], \"549\": [\"0.0199203187250996\", \"0.025\", \"0.032\", \"0.026217228464419477\"], \"550\": [\"0.09523809523809523\", \"0.08290155440414508\", \"0.10232558139534884\", \"0.09929078014184398\"], \"551\": [\"0.16312056737588654\", \"0.11926605504587157\", \"0.09649122807017543\", \"0.312280701754386\"], \"552\": [\"0.14414414414414414\", \"0.14224137931034483\", \"0.1729957805907173\", \"0.057971014492753624\"], \"553\": [\"0.22485207100591717\", \"0.11731843575418995\", \"0.1595744680851064\", \"0.0737913486005089\"], \"554\": [\"0.0\", \"0.0\", \"0.015706806282722512\", \"0.03740648379052369\"], \"555\": [\"0.9390573638141892\", \"0.9319388452329943\", \"0.9291288698214392\", \"0.9291349003364309\"], \"556\": [\"0.8633093525179856\", \"0.9259259259259259\", \"0.86\", \"0.8709677419354839\"], \"557\": [\"0.989247311827957\", \"0.987012987012987\", \"0.9805825242718447\", \"0.9420289855072463\"], \"558\": [\"0.7288135593220338\", \"0.6818181818181818\", \"0.6081081081081081\", \"0.7469879518072289\"], \"559\": [\"0.9395973154362416\", \"0.9338842975206612\", \"0.9556962025316456\", \"0.9263803680981595\"], \"560\": [\"0.9878048780487805\", \"0.9807692307692307\", \"0.9887005649717514\", \"1.0\"], \"561\": [\"0.9774011299435028\", \"0.9578313253012049\", \"0.9728260869565217\", \"0.9166666666666666\"], \"562\": [\"0.9842105263157894\", \"0.976878612716763\", \"0.9856459330143541\", \"0.9784172661870504\"], \"563\": [\"0.9171270718232044\", \"0.8763440860215054\", \"0.909952606635071\", \"0.8899082568807339\"], \"564\": [\"0.9798657718120806\", \"0.965034965034965\", \"0.9875776397515528\", \"0.9606299212598425\"], \"565\": [\"0.9578947368421052\", \"0.9473684210526315\", \"0.9489795918367347\", \"0.9327731092436975\"], \"566\": [\"0.9884169884169884\", \"0.9781021897810219\", \"0.9932659932659933\", \"0.9361702127659575\"], \"567\": [\"0.8764044943820225\", \"0.8807947019867549\", \"0.8793103448275862\", \"0.9554655870445344\"], \"568\": [\"0.9567099567099567\", \"0.9607843137254902\", \"0.9417040358744395\", \"0.9514925373134329\"], \"569\": [\"1.0\", \"0.9945945945945946\", \"0.9954545454545455\", \"1.0\"], \"570\": [\"0.7097630228610455\", \"0.6768508999975685\", \"0.7793725927774845\", \"0.8210949110019226\"], \"571\": [\"0.7934782608695652\", \"0.8529411764705882\", \"0.7789473684210526\", \"0.84251968503937\"], \"572\": [\"0.96875\", \"0.9696969696969697\", \"0.9375\", \"0.9365079365079365\"], \"573\": [\"0.8987341772151899\", \"0.86\", \"0.8342857142857143\", \"0.9049773755656109\"], \"574\": [\"0.55\", \"0.7333333333333333\", \"0.7307692307692307\", \"0.896551724137931\"], \"575\": [\"0.8571428571428571\", \"0.8333333333333334\", \"0.8666666666666667\", \"1.0\"], \"576\": [\"0.6666666666666666\", \"0.6111111111111112\", \"0.7368421052631579\", \"0.6428571428571429\"], \"577\": [\"0.75\", \"0.6363636363636364\", \"0.7857142857142857\", \"0.8\"], \"578\": [\"0.84375\", \"0.7628865979381443\", \"0.7978723404255319\", \"0.8471337579617835\"], \"579\": [\"0.625\", \"0.5454545454545454\", \"0.8\", \"0.7368421052631579\"], \"580\": [\"0.7142857142857143\", \"0.6153846153846154\", \"0.6875\", \"0.7241379310344828\"], \"581\": [\"0.8846153846153846\", \"0.6842105263157895\", \"0.8461538461538461\", \"0.7876106194690266\"], \"582\": [\"0.5925925925925926\", \"0.6470588235294118\", \"0.6612903225806451\", \"0.6857142857142857\"], \"583\": [\"0.7916666666666666\", \"0.7241379310344828\", \"0.6976744186046512\", \"0.6904761904761905\"], \"584\": [\"0.0\", \"0.0\", \"0.75\", \"1.0\"], \"585\": [\"0.4395850304353547\", \"0.43240168278124\", \"0.461166942497301\", \"0.32342944966573356\"], \"586\": [\"0.38961038961038963\", \"0.3968253968253968\", \"0.40822784810126583\", \"0.25280898876404495\"], \"587\": [\"0.25\", \"0.21714285714285714\", \"0.26649076517150394\", \"0.10869565217391304\"], \"588\": [\"0.17768595041322313\", \"0.19313304721030042\", \"0.1906779661016949\", \"0.1409090909090909\"], \"589\": [\"0.3684210526315789\", \"0.32011331444759206\", \"0.3922077922077922\", \"0.27706422018348625\"], \"590\": [\"0.41968911917098445\", \"0.4191780821917808\", \"0.44191919191919193\", \"0.27403846153846156\"], \"591\": [\"0.44587628865979384\", \"0.43561643835616437\", \"0.45663265306122447\", \"0.2665589660743134\"], \"592\": [\"0.48195876288659795\", \"0.4543010752688172\", \"0.5188916876574308\", \"0.43106180665610144\"], \"593\": [\"0.5460526315789473\", \"0.5699300699300699\", \"0.6056782334384858\", \"0.38492063492063494\"], \"594\": [\"0.37244897959183676\", \"0.3709677419354839\", \"0.39650872817955113\", \"0.19003115264797507\"], \"595\": [\"0.489247311827957\", \"0.5042016806722689\", \"0.49076517150395776\", \"0.3681592039800995\"], \"596\": [\"0.6844919786096256\", \"0.7362637362637363\", \"0.7412060301507538\", \"0.6423357664233577\"], \"597\": [\"0.4508670520231214\", \"0.4006024096385542\", \"0.4383954154727794\", \"0.3769968051118211\"], \"598\": [\"0.6278409090909091\", \"0.5536723163841808\", \"0.5706521739130435\", \"0.41195476575121165\"], \"599\": [\"0.45\", \"0.4816753926701571\", \"0.538083538083538\", \"0.4024767801857585\"], \"600\": [\"0.1483527691764027\", \"0.1351706109233721\", \"0.14498230881836002\", \"0.13963745431404612\"], \"601\": [\"0.27702702702702703\", \"0.2611464968152866\", \"0.28187919463087246\", \"0.2037914691943128\"], \"602\": [\"0.09941520467836257\", \"0.1016949152542373\", \"0.08496732026143791\", \"0.06642066420664207\"], \"603\": [\"0.3631578947368421\", \"0.3812154696132597\", \"0.4093567251461988\", \"0.32926829268292684\"], \"604\": [\"0.04964539007092199\", \"0.07534246575342465\", \"0.0703125\", \"0.3459915611814346\"], \"605\": [\"0.0625\", \"0.0625\", \"0.07627118644067797\", \"0.03333333333333333\"], \"606\": [\"0.04\", \"0.057971014492753624\", \"0.07086614173228346\", \"0.07488986784140969\"], \"607\": [\"0.04\", \"0.023255813953488372\", \"0.04854368932038835\", \"0.05472636815920398\"], \"608\": [\"0.41379310344827586\", \"0.37719298245614036\", \"0.36633663366336633\", \"0.19230769230769232\"], \"609\": [\"0.013888888888888888\", \"0.021739130434782608\", \"0.031007751937984496\", \"0.029045643153526972\"], \"610\": [\"0.11475409836065574\", \"0.09836065573770492\", \"0.10619469026548672\", \"0.115\"], \"611\": [\"0.19117647058823528\", \"0.11864406779661017\", \"0.07272727272727272\", \"0.36082474226804123\"], \"612\": [\"0.1678832116788321\", \"0.18620689655172415\", \"0.1968503937007874\", \"0.06735751295336788\"], \"613\": [\"0.24369747899159663\", \"0.1271186440677966\", \"0.18691588785046728\", \"0.08196721311475409\"], \"614\": [\"0.0\", \"0.0\", \"0.027522935779816515\", \"0.0\"], \"615\": [\"0.9403417776442519\", \"0.9355910712984066\", \"0.930099847858345\", \"0.9182739483146827\"], \"616\": [\"0.9041095890410958\", \"0.9545454545454546\", \"0.873015873015873\", \"0.8928571428571429\"], \"617\": [\"0.98\", \"1.0\", \"0.9830508474576272\", \"0.9166666666666666\"], \"618\": [\"0.7419354838709677\", \"0.7380952380952381\", \"0.6829268292682927\", \"0.7142857142857143\"], \"619\": [\"0.95\", \"0.935064935064935\", \"0.9404761904761905\", \"0.8448275862068966\"], \"620\": [\"1.0\", \"0.9894736842105263\", \"0.9893617021276596\", \"1.0\"], \"621\": [\"0.9791666666666666\", \"0.9647058823529412\", \"0.9647058823529412\", \"0.9117647058823529\"], \"622\": [\"0.9895833333333334\", \"0.9680851063829787\", \"1.0\", \"0.9574468085106383\"], \"623\": [\"0.8857142857142857\", \"0.8715596330275229\", \"0.8828828828828829\", \"0.9469026548672567\"], \"624\": [\"0.974025974025974\", \"0.9529411764705882\", \"0.9759036144578314\", \"0.9259259259259259\"], \"625\": [\"0.9595959595959596\", \"0.9306930693069307\", \"0.9090909090909091\", \"0.8947368421052632\"], \"626\": [\"0.9869281045751634\", \"0.9695121951219512\", \"1.0\", \"0.9797979797979798\"], \"627\": [\"0.8333333333333334\", \"0.8717948717948718\", \"0.9058823529411765\", \"0.9509803921568627\"], \"628\": [\"0.9803921568627451\", \"0.9619047619047619\", \"0.9238095238095239\", \"0.9196428571428571\"], \"629\": [\"1.0\", \"0.98989898989899\", \"0.9902912621359223\", \"1.0\"], \"630\": [\"0.7414462591593927\", \"0.6796466347218226\", \"0.7931970553829418\", \"0.7417690939044361\"], \"631\": [\"0.8541666666666666\", \"0.9318181818181818\", \"0.84\", \"0.8269230769230769\"], \"632\": [\"0.9444444444444444\", \"1.0\", \"0.9285714285714286\", \"0.9\"], \"633\": [\"0.8961038961038961\", \"0.8625\", \"0.8433734939759037\", \"0.8526315789473684\"], \"634\": [\"0.6363636363636364\", \"0.6875\", \"0.6428571428571429\", \"0.9010989010989011\"], \"635\": [\"1.0\", \"0.8888888888888888\", \"0.9\", \"1.0\"], \"636\": [\"0.7142857142857143\", \"0.7272727272727273\", \"0.75\", \"0.7391304347826086\"], \"637\": [\"0.8333333333333334\", \"0.5\", \"1.0\", \"0.7333333333333333\"], \"638\": [\"0.8\", \"0.7543859649122807\", \"0.74\", \"0.8536585365853658\"], \"639\": [\"0.5\", \"0.42857142857142855\", \"0.6666666666666666\", \"0.6363636363636364\"], \"640\": [\"0.7777777777777778\", \"0.631578947368421\", \"0.5714285714285714\", \"0.696969696969697\"], \"641\": [\"0.8666666666666667\", \"0.5833333333333334\", \"1.0\", \"0.8974358974358975\"], \"642\": [\"0.6216216216216216\", \"0.7297297297297297\", \"0.7575757575757576\", \"0.7222222222222222\"], \"643\": [\"0.9354838709677419\", \"0.7894736842105263\", \"0.7142857142857143\", \"0.625\"], \"644\": [\"0.0\", \"0.0\", \"0.75\", \"0.0\"], \"645\": [\"0.42404879045016547\", \"0.41786523815153326\", \"0.4512375627371884\", \"0.3232824120224721\"], \"646\": [\"0.3815028901734104\", \"0.35195530726256985\", \"0.3395061728395062\", \"0.30864197530864196\"], \"647\": [\"0.2413793103448276\", \"0.22439024390243903\", \"0.29292929292929293\", \"0.08\"], \"648\": [\"0.1597222222222222\", \"0.21678321678321677\", \"0.21705426356589147\", \"0.175\"], \"649\": [\"0.3619047619047619\", \"0.34782608695652173\", \"0.398989898989899\", \"0.24019607843137256\"], \"650\": [\"0.43661971830985913\", \"0.4392523364485981\", \"0.4603960396039604\", \"0.2951388888888889\"], \"651\": [\"0.4392523364485981\", \"0.3867924528301887\", \"0.41\", \"0.22794117647058823\"], \"652\": [\"0.4418604651162791\", \"0.41935483870967744\", \"0.5265700483091788\", \"0.32142857142857145\"], \"653\": [\"0.577639751552795\", \"0.572289156626506\", \"0.6049382716049383\", \"0.421259842519685\"], \"654\": [\"0.3456221198156682\", \"0.375\", \"0.3932038834951456\", \"0.176056338028169\"], \"655\": [\"0.46798029556650245\", \"0.46078431372549017\", \"0.4712041884816754\", \"0.3244274809160305\"], \"656\": [\"0.7330097087378641\", \"0.7535545023696683\", \"0.7548076923076923\", \"0.7578125\"], \"657\": [\"0.3804347826086957\", \"0.3655913978494624\", \"0.4301675977653631\", \"0.35018050541516244\"], \"658\": [\"0.5263157894736842\", \"0.4950980392156863\", \"0.5271739130434783\", \"0.3800738007380074\"], \"659\": [\"0.4434389140271493\", \"0.44144144144144143\", \"0.49038461538461536\", \"0.46779661016949153\"], \"660\": [\"0.13286561948577566\", \"0.12399848481782974\", \"0.14148590740971567\", \"0.13964734427507192\"], \"661\": [\"0.2831858407079646\", \"0.18681318681318682\", \"0.2857142857142857\", \"0.21694915254237288\"], \"662\": [\"0.10294117647058823\", \"0.10852713178294573\", \"0.10967741935483871\", \"0.1277258566978193\"], \"663\": [\"0.48344370860927155\", \"0.4411764705882353\", \"0.4578313253012048\", \"0.35843373493975905\"], \"664\": [\"0.03636363636363636\", \"0.09482758620689655\", \"0.08\", \"0.0842911877394636\"], \"665\": [\"0.037037037037037035\", \"0.0707070707070707\", \"0.034482758620689655\", \"0.10714285714285714\"], \"666\": [\"0.030612244897959183\", \"0.0379746835443038\", \"0.05\", \"0.03937007874015748\"], \"667\": [\"0.047058823529411764\", \"0.04938271604938271\", \"0.06060606060606061\", \"0.07142857142857142\"], \"668\": [\"0.32038834951456313\", \"0.37349397590361444\", \"0.3838383838383838\", \"0.37547892720306514\"], \"669\": [\"0.028037383177570093\", \"0.029411764705882353\", \"0.03305785123966942\", \"0.023890784982935155\"], \"670\": [\"0.06818181818181818\", \"0.056338028169014086\", \"0.09803921568627451\", \"0.08520179372197309\"], \"671\": [\"0.136986301369863\", \"0.12\", \"0.11864406779661017\", \"0.2872340425531915\"], \"672\": [\"0.10588235294117647\", \"0.06896551724137931\", \"0.14545454545454545\", \"0.049773755656108594\"], \"673\": [\"0.18\", \"0.09836065573770492\", \"0.12345679012345678\", \"0.06666666666666667\"], \"674\": [\"0.0\", \"0.0\", \"0.0\", \"0.06147540983606557\"], \"675\": [\"0.9379994521659577\", \"0.9256928567269173\", \"0.9271918875246634\", \"0.9334628827451698\"], \"676\": [\"0.8181818181818182\", \"0.8985507246376812\", \"0.8505747126436781\", \"0.8450704225352113\"], \"677\": [\"1.0\", \"0.967741935483871\", \"0.9772727272727273\", \"0.9555555555555556\"], \"678\": [\"0.7142857142857143\", \"0.5833333333333334\", \"0.5151515151515151\", \"0.7941176470588235\"], \"679\": [\"0.927536231884058\", \"0.9318181818181818\", \"0.972972972972973\", \"0.9714285714285714\"], \"680\": [\"0.971830985915493\", \"0.9672131147540983\", \"0.9879518072289156\", \"1.0\"], \"681\": [\"0.9753086419753086\", \"0.9506172839506173\", \"0.9797979797979798\", \"0.9196428571428571\"], \"682\": [\"0.9787234042553191\", \"0.9873417721518988\", \"0.97\", \"0.9891304347826086\"], \"683\": [\"0.9605263157894737\", \"0.8831168831168831\", \"0.94\", \"0.8285714285714286\"], \"684\": [\"0.9861111111111112\", \"0.9827586206896551\", \"1.0\", \"0.9863013698630136\"], \"685\": [\"0.9560439560439561\", \"0.9662921348314607\", \"0.9896907216494846\", \"0.958041958041958\"], \"686\": [\"0.9905660377358491\", \"0.990909090909091\", \"0.9857142857142858\", \"0.8876404494382022\"], \"687\": [\"0.9148936170212766\", \"0.8904109589041096\", \"0.8539325842696629\", \"0.9586206896551724\"], \"688\": [\"0.937984496124031\", \"0.9595959595959596\", \"0.9576271186440678\", \"0.9743589743589743\"], \"689\": [\"1.0\", \"1.0\", \"1.0\", \"1.0\"], \"690\": [\"0.6600618698657914\", \"0.6623582766439909\", \"0.7332017201046971\", \"0.8327601802324978\"], \"691\": [\"0.7272727272727273\", \"0.7083333333333334\", \"0.7111111111111111\", \"0.8533333333333334\"], \"692\": [\"1.0\", \"0.9333333333333333\", \"0.9444444444444444\", \"0.9534883720930233\"], \"693\": [\"0.9012345679012346\", \"0.8571428571428571\", \"0.8260869565217391\", \"0.9444444444444444\"], \"694\": [\"0.4444444444444444\", \"0.7857142857142857\", \"0.8333333333333334\", \"0.88\"], \"695\": [\"0.6666666666666666\", \"0.7777777777777778\", \"0.8\", \"1.0\"], \"696\": [\"0.6\", \"0.42857142857142855\", \"0.7142857142857143\", \"0.5263157894736842\"], \"697\": [\"0.6666666666666666\", \"0.8\", \"0.6666666666666666\", \"0.8666666666666667\"], \"698\": [\"0.9166666666666666\", \"0.775\", \"0.8636363636363636\", \"0.8448275862068966\"], \"699\": [\"0.75\", \"0.75\", \"1.0\", \"0.875\"], \"700\": [\"0.6\", \"0.5714285714285714\", \"0.9090909090909091\", \"0.76\"], \"701\": [\"0.9090909090909091\", \"0.8571428571428571\", \"0.7777777777777778\", \"0.7297297297297297\"], \"702\": [\"0.5294117647058824\", \"0.42857142857142855\", \"0.5517241379310345\", \"0.6470588235294118\"], \"703\": [\"0.5294117647058824\", \"0.6\", \"0.6666666666666666\", \"0.7777777777777778\"], \"704\": [\"0.0\", \"0.0\", \"0.0\", \"1.0\"], \"705\": [\"0.45840658144282337\", \"0.451355609565453\", \"0.470924535891532\", \"0.32120336471113614\"], \"706\": [\"0.4\", \"0.45588235294117646\", \"0.4805194805194805\", \"0.20618556701030927\"], \"707\": [\"0.2606060606060606\", \"0.20689655172413793\", \"0.23756906077348067\", \"0.13312693498452013\"], \"708\": [\"0.20408163265306123\", \"0.15555555555555556\", \"0.1588785046728972\", \"0.1125\"], \"709\": [\"0.3764705882352941\", \"0.2808219178082192\", \"0.3850267379679144\", \"0.2991202346041056\"], \"710\": [\"0.3988439306358382\", \"0.39072847682119205\", \"0.422680412371134\", \"0.25595238095238093\"], \"711\": [\"0.4540229885057471\", \"0.5032679738562091\", \"0.5052083333333334\", \"0.2968299711815562\"], \"712\": [\"0.5317919075144508\", \"0.5032258064516129\", \"0.5105263157894737\", \"0.5185185185185185\"], \"713\": [\"0.5104895104895105\", \"0.5666666666666667\", \"0.6064516129032258\", \"0.348\"], \"714\": [\"0.4057142857142857\", \"0.36538461538461536\", \"0.4\", \"0.2011173184357542\"], \"715\": [\"0.514792899408284\", \"0.5620915032679739\", \"0.5106382978723404\", \"0.40175953079178883\"], \"716\": [\"0.625\", \"0.7124183006535948\", \"0.7263157894736842\", \"0.541095890410959\"], \"717\": [\"0.5308641975308642\", \"0.4452054794520548\", \"0.4470588235294118\", \"0.3982808022922636\"], \"718\": [\"0.7469135802469136\", \"0.6333333333333333\", \"0.6141304347826086\", \"0.4367816091954023\"], \"719\": [\"0.4581005586592179\", \"0.5375\", \"0.5879396984924623\", \"0.3475783475783476\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\", \"25\": \"0.7\", \"26\": \"0.7\", \"27\": \"0.7\", \"28\": \"0.7\", \"29\": \"0.7\", \"30\": \"0.7\", \"31\": \"0.7\", \"32\": \"0.7\", \"33\": \"0.7\", \"34\": \"0.7\", \"35\": \"0.7\", \"36\": \"0.7\", \"37\": \"0.7\", \"38\": \"0.7\", \"39\": \"0.7\", \"40\": \"0.7\", \"41\": \"0.7\", \"42\": \"0.7\", \"43\": \"0.7\", \"44\": \"0.7\", \"45\": \"0.7\", \"46\": \"0.7\", \"47\": \"0.7\", \"48\": \"0.7\", \"49\": \"0.7\", \"50\": \"0.7\", \"51\": \"0.7\", \"52\": \"0.7\", \"53\": \"0.7\", \"54\": \"0.7\", \"55\": \"0.7\", \"56\": \"0.7\", \"57\": \"0.7\", \"58\": \"0.7\", \"59\": \"0.7\", \"60\": \"0.7\", \"61\": \"0.7\", \"62\": \"0.7\", \"63\": \"0.7\", \"64\": \"0.7\", \"65\": \"0.7\", \"66\": \"0.7\", \"67\": \"0.7\", \"68\": \"0.7\", \"69\": \"0.7\", \"70\": \"0.7\", \"71\": \"0.7\", \"72\": \"0.7\", \"73\": \"0.7\", \"74\": \"0.7\", \"75\": \"0.7\", \"76\": \"0.7\", \"77\": \"0.7\", \"78\": \"0.7\", \"79\": \"0.7\", \"80\": \"0.7\", \"81\": \"0.7\", \"82\": \"0.7\", \"83\": \"0.7\", \"84\": \"0.7\", \"85\": \"0.7\", \"86\": \"0.7\", \"87\": \"0.7\", \"88\": \"0.7\", \"89\": \"0.7\", \"90\": \"0.7\", \"91\": \"0.7\", \"92\": \"0.7\", \"93\": \"0.7\", \"94\": \"0.7\", \"95\": \"0.7\", \"96\": \"0.7\", \"97\": \"0.7\", \"98\": \"0.7\", \"99\": \"0.7\", \"100\": \"0.7\", \"101\": \"0.7\", \"102\": \"0.7\", \"103\": \"0.7\", \"104\": \"0.7\", \"105\": \"0.7\", \"106\": \"0.7\", \"107\": \"0.7\", \"108\": \"0.7\", \"109\": \"0.7\", \"110\": \"0.7\", \"111\": \"0.7\", \"112\": \"0.7\", \"113\": \"0.7\", \"114\": \"0.7\", \"115\": \"0.7\", \"116\": \"0.7\", \"117\": \"0.7\", \"118\": \"0.7\", \"119\": \"0.7\", \"120\": \"0.7\", \"121\": \"0.7\", \"122\": \"0.7\", \"123\": \"0.7\", \"124\": \"0.7\", \"125\": \"0.7\", \"126\": \"0.7\", \"127\": \"0.7\", \"128\": \"0.7\", \"129\": \"0.7\", \"130\": \"0.7\", \"131\": \"0.7\", \"132\": \"0.7\", \"133\": \"0.7\", \"134\": \"0.7\", \"135\": \"0.7\", \"136\": \"0.7\", \"137\": \"0.7\", \"138\": \"0.7\", \"139\": \"0.7\", \"140\": \"0.7\", \"141\": \"0.7\", \"142\": \"0.7\", \"143\": \"0.7\", \"144\": \"0.7\", \"145\": \"0.7\", \"146\": \"0.7\", \"147\": \"0.7\", \"148\": \"0.7\", \"149\": \"0.7\", \"150\": \"0.7\", \"151\": \"0.7\", \"152\": \"0.7\", \"153\": \"0.7\", \"154\": \"0.7\", \"155\": \"0.7\", \"156\": \"0.7\", \"157\": \"0.7\", \"158\": \"0.7\", \"159\": \"0.7\", \"160\": \"0.7\", \"161\": \"0.7\", \"162\": \"0.7\", \"163\": \"0.7\", \"164\": \"0.7\", \"165\": \"0.7\", \"166\": \"0.7\", \"167\": \"0.7\", \"168\": \"0.7\", \"169\": \"0.7\", \"170\": \"0.7\", \"171\": \"0.7\", \"172\": \"0.7\", \"173\": \"0.7\", \"174\": \"0.7\", \"175\": \"0.7\", \"176\": \"0.7\", \"177\": \"0.7\", \"178\": \"0.7\", \"179\": \"0.7\", \"180\": \"0.7\", \"181\": \"0.7\", \"182\": \"0.7\", \"183\": \"0.7\", \"184\": \"0.7\", \"185\": \"0.7\", \"186\": \"0.7\", \"187\": \"0.7\", \"188\": \"0.7\", \"189\": \"0.7\", \"190\": \"0.7\", \"191\": \"0.7\", \"192\": \"0.7\", \"193\": \"0.7\", \"194\": \"0.7\", \"195\": \"0.7\", \"196\": \"0.7\", \"197\": \"0.7\", \"198\": \"0.7\", \"199\": \"0.7\", \"200\": \"0.7\", \"201\": \"0.7\", \"202\": \"0.7\", \"203\": \"0.7\", \"204\": \"0.7\", \"205\": \"0.7\", \"206\": \"0.7\", \"207\": \"0.7\", \"208\": \"0.7\", \"209\": \"0.7\", \"210\": \"0.7\", \"211\": \"0.7\", \"212\": \"0.7\", \"213\": \"0.7\", \"214\": \"0.7\", \"215\": \"0.7\", \"216\": \"0.7\", \"217\": \"0.7\", \"218\": \"0.7\", \"219\": \"0.7\", \"220\": \"0.7\", \"221\": \"0.7\", \"222\": \"0.7\", \"223\": \"0.7\", \"224\": \"0.7\", \"225\": \"0.7\", \"226\": \"0.7\", \"227\": \"0.7\", \"228\": \"0.7\", \"229\": \"0.7\", \"230\": \"0.7\", \"231\": \"0.7\", \"232\": \"0.7\", \"233\": \"0.7\", \"234\": \"0.7\", \"235\": \"0.7\", \"236\": \"0.7\", \"237\": \"0.7\", \"238\": \"0.7\", \"239\": \"0.7\", \"240\": \"0.7\", \"241\": \"0.7\", \"242\": \"0.7\", \"243\": \"0.7\", \"244\": \"0.7\", \"245\": \"0.7\", \"246\": \"0.7\", \"247\": \"0.7\", \"248\": \"0.7\", \"249\": \"0.7\", \"250\": \"0.7\", \"251\": \"0.7\", \"252\": \"0.7\", \"253\": \"0.7\", \"254\": \"0.7\", \"255\": \"0.7\", \"256\": \"0.7\", \"257\": \"0.7\", \"258\": \"0.7\", \"259\": \"0.7\", \"260\": \"0.7\", \"261\": \"0.7\", \"262\": \"0.7\", \"263\": \"0.7\", \"264\": \"0.7\", \"265\": \"0.7\", \"266\": \"0.7\", \"267\": \"0.7\", \"268\": \"0.7\", \"269\": \"0.7\", \"270\": \"0.7\", \"271\": \"0.7\", \"272\": \"0.7\", \"273\": \"0.7\", \"274\": \"0.7\", \"275\": \"0.7\", \"276\": \"0.7\", \"277\": \"0.7\", \"278\": \"0.7\", \"279\": \"0.7\", \"280\": \"0.7\", \"281\": \"0.7\", \"282\": \"0.7\", \"283\": \"0.7\", \"284\": \"0.7\", \"285\": \"0.7\", \"286\": \"0.7\", \"287\": \"0.7\", \"288\": \"0.7\", \"289\": \"0.7\", \"290\": \"0.7\", \"291\": \"0.7\", \"292\": \"0.7\", \"293\": \"0.7\", \"294\": \"0.7\", \"295\": \"0.7\", \"296\": \"0.7\", \"297\": \"0.7\", \"298\": \"0.7\", \"299\": \"0.7\", \"300\": \"0.7\", \"301\": \"0.7\", \"302\": \"0.7\", \"303\": \"0.7\", \"304\": \"0.7\", \"305\": \"0.7\", \"306\": \"0.7\", \"307\": \"0.7\", \"308\": \"0.7\", \"309\": \"0.7\", \"310\": \"0.7\", \"311\": \"0.7\", \"312\": \"0.7\", \"313\": \"0.7\", \"314\": \"0.7\", \"315\": \"0.7\", \"316\": \"0.7\", \"317\": \"0.7\", \"318\": \"0.7\", \"319\": \"0.7\", \"320\": \"0.7\", \"321\": \"0.7\", \"322\": \"0.7\", \"323\": \"0.7\", \"324\": \"0.7\", \"325\": \"0.7\", \"326\": \"0.7\", \"327\": \"0.7\", \"328\": \"0.7\", \"329\": \"0.7\", \"330\": \"0.7\", \"331\": \"0.7\", \"332\": \"0.7\", \"333\": \"0.7\", \"334\": \"0.7\", \"335\": \"0.7\", \"336\": \"0.7\", \"337\": \"0.7\", \"338\": \"0.7\", \"339\": \"0.7\", \"340\": \"0.7\", \"341\": \"0.7\", \"342\": \"0.7\", \"343\": \"0.7\", \"344\": \"0.7\", \"345\": \"0.7\", \"346\": \"0.7\", \"347\": \"0.7\", \"348\": \"0.7\", \"349\": \"0.7\", \"350\": \"0.7\", \"351\": \"0.7\", \"352\": \"0.7\", \"353\": \"0.7\", \"354\": \"0.7\", \"355\": \"0.7\", \"356\": \"0.7\", \"357\": \"0.7\", \"358\": \"0.7\", \"359\": \"0.7\", \"360\": \"0.7\", \"361\": \"0.7\", \"362\": \"0.7\", \"363\": \"0.7\", \"364\": \"0.7\", \"365\": \"0.7\", \"366\": \"0.7\", \"367\": \"0.7\", \"368\": \"0.7\", \"369\": \"0.7\", \"370\": \"0.7\", \"371\": \"0.7\", \"372\": \"0.7\", \"373\": \"0.7\", \"374\": \"0.7\", \"375\": \"0.7\", \"376\": \"0.7\", \"377\": \"0.7\", \"378\": \"0.7\", \"379\": \"0.7\", \"380\": \"0.7\", \"381\": \"0.7\", \"382\": \"0.7\", \"383\": \"0.7\", \"384\": \"0.7\", \"385\": \"0.7\", \"386\": \"0.7\", \"387\": \"0.7\", \"388\": \"0.7\", \"389\": \"0.7\", \"390\": \"0.7\", \"391\": \"0.7\", \"392\": \"0.7\", \"393\": \"0.7\", \"394\": \"0.7\", \"395\": \"0.7\", \"396\": \"0.7\", \"397\": \"0.7\", \"398\": \"0.7\", \"399\": \"0.7\", \"400\": \"0.7\", \"401\": \"0.7\", \"402\": \"0.7\", \"403\": \"0.7\", \"404\": \"0.7\", \"405\": \"0.7\", \"406\": \"0.7\", \"407\": \"0.7\", \"408\": \"0.7\", \"409\": \"0.7\", \"410\": \"0.7\", \"411\": \"0.7\", \"412\": \"0.7\", \"413\": \"0.7\", \"414\": \"0.7\", \"415\": \"0.7\", \"416\": \"0.7\", \"417\": \"0.7\", \"418\": \"0.7\", \"419\": \"0.7\", \"420\": \"0.7\", \"421\": \"0.7\", \"422\": \"0.7\", \"423\": \"0.7\", \"424\": \"0.7\", \"425\": \"0.7\", \"426\": \"0.7\", \"427\": \"0.7\", \"428\": \"0.7\", \"429\": \"0.7\", \"430\": \"0.7\", \"431\": \"0.7\", \"432\": \"0.7\", \"433\": \"0.7\", \"434\": \"0.7\", \"435\": \"0.7\", \"436\": \"0.7\", \"437\": \"0.7\", \"438\": \"0.7\", \"439\": \"0.7\", \"440\": \"0.7\", \"441\": \"0.7\", \"442\": \"0.7\", \"443\": \"0.7\", \"444\": \"0.7\", \"445\": \"0.7\", \"446\": \"0.7\", \"447\": \"0.7\", \"448\": \"0.7\", \"449\": \"0.7\", \"450\": \"0.7\", \"451\": \"0.7\", \"452\": \"0.7\", \"453\": \"0.7\", \"454\": \"0.7\", \"455\": \"0.7\", \"456\": \"0.7\", \"457\": \"0.7\", \"458\": \"0.7\", \"459\": \"0.7\", \"460\": \"0.7\", \"461\": \"0.7\", \"462\": \"0.7\", \"463\": \"0.7\", \"464\": \"0.7\", \"465\": \"0.7\", \"466\": \"0.7\", \"467\": \"0.7\", \"468\": \"0.7\", \"469\": \"0.7\", \"470\": \"0.7\", \"471\": \"0.7\", \"472\": \"0.7\", \"473\": \"0.7\", \"474\": \"0.7\", \"475\": \"0.7\", \"476\": \"0.7\", \"477\": \"0.7\", \"478\": \"0.7\", \"479\": \"0.7\", \"480\": \"0.7\", \"481\": \"0.7\", \"482\": \"0.7\", \"483\": \"0.7\", \"484\": \"0.7\", \"485\": \"0.7\", \"486\": \"0.7\", \"487\": \"0.7\", \"488\": \"0.7\", \"489\": \"0.7\", \"490\": \"0.7\", \"491\": \"0.7\", \"492\": \"0.7\", \"493\": \"0.7\", \"494\": \"0.7\", \"495\": \"0.7\", \"496\": \"0.7\", \"497\": \"0.7\", \"498\": \"0.7\", \"499\": \"0.7\", \"500\": \"0.7\", \"501\": \"0.7\", \"502\": \"0.7\", \"503\": \"0.7\", \"504\": \"0.7\", \"505\": \"0.7\", \"506\": \"0.7\", \"507\": \"0.7\", \"508\": \"0.7\", \"509\": \"0.7\", \"510\": \"0.7\", \"511\": \"0.7\", \"512\": \"0.7\", \"513\": \"0.7\", \"514\": \"0.7\", \"515\": \"0.7\", \"516\": \"0.7\", \"517\": \"0.7\", \"518\": \"0.7\", \"519\": \"0.7\", \"520\": \"0.7\", \"521\": \"0.7\", \"522\": \"0.7\", \"523\": \"0.7\", \"524\": \"0.7\", \"525\": \"0.7\", \"526\": \"0.7\", \"527\": \"0.7\", \"528\": \"0.7\", \"529\": \"0.7\", \"530\": \"0.7\", \"531\": \"0.7\", \"532\": \"0.7\", \"533\": \"0.7\", \"534\": \"0.7\", \"535\": \"0.7\", \"536\": \"0.7\", \"537\": \"0.7\", \"538\": \"0.7\", \"539\": \"0.7\", \"540\": \"0.7\", \"541\": \"0.7\", \"542\": \"0.7\", \"543\": \"0.7\", \"544\": \"0.7\", \"545\": \"0.7\", \"546\": \"0.7\", \"547\": \"0.7\", \"548\": \"0.7\", \"549\": \"0.7\", \"550\": \"0.7\", \"551\": \"0.7\", \"552\": \"0.7\", \"553\": \"0.7\", \"554\": \"0.7\", \"555\": \"0.7\", \"556\": \"0.7\", \"557\": \"0.7\", \"558\": \"0.7\", \"559\": \"0.7\", \"560\": \"0.7\", \"561\": \"0.7\", \"562\": \"0.7\", \"563\": \"0.7\", \"564\": \"0.7\", \"565\": \"0.7\", \"566\": \"0.7\", \"567\": \"0.7\", \"568\": \"0.7\", \"569\": \"0.7\", \"570\": \"0.7\", \"571\": \"0.7\", \"572\": \"0.7\", \"573\": \"0.7\", \"574\": \"0.7\", \"575\": \"0.7\", \"576\": \"0.7\", \"577\": \"0.7\", \"578\": \"0.7\", \"579\": \"0.7\", \"580\": \"0.7\", \"581\": \"0.7\", \"582\": \"0.7\", \"583\": \"0.7\", \"584\": \"0.7\", \"585\": \"0.7\", \"586\": \"0.7\", \"587\": \"0.7\", \"588\": \"0.7\", \"589\": \"0.7\", \"590\": \"0.7\", \"591\": \"0.7\", \"592\": \"0.7\", \"593\": \"0.7\", \"594\": \"0.7\", \"595\": \"0.7\", \"596\": \"0.7\", \"597\": \"0.7\", \"598\": \"0.7\", \"599\": \"0.7\", \"600\": \"0.7\", \"601\": \"0.7\", \"602\": \"0.7\", \"603\": \"0.7\", \"604\": \"0.7\", \"605\": \"0.7\", \"606\": \"0.7\", \"607\": \"0.7\", \"608\": \"0.7\", \"609\": \"0.7\", \"610\": \"0.7\", \"611\": \"0.7\", \"612\": \"0.7\", \"613\": \"0.7\", \"614\": \"0.7\", \"615\": \"0.7\", \"616\": \"0.7\", \"617\": \"0.7\", \"618\": \"0.7\", \"619\": \"0.7\", \"620\": \"0.7\", \"621\": \"0.7\", \"622\": \"0.7\", \"623\": \"0.7\", \"624\": \"0.7\", \"625\": \"0.7\", \"626\": \"0.7\", \"627\": \"0.7\", \"628\": \"0.7\", \"629\": \"0.7\", \"630\": \"0.7\", \"631\": \"0.7\", \"632\": \"0.7\", \"633\": \"0.7\", \"634\": \"0.7\", \"635\": \"0.7\", \"636\": \"0.7\", \"637\": \"0.7\", \"638\": \"0.7\", \"639\": \"0.7\", \"640\": \"0.7\", \"641\": \"0.7\", \"642\": \"0.7\", \"643\": \"0.7\", \"644\": \"0.7\", \"645\": \"0.7\", \"646\": \"0.7\", \"647\": \"0.7\", \"648\": \"0.7\", \"649\": \"0.7\", \"650\": \"0.7\", \"651\": \"0.7\", \"652\": \"0.7\", \"653\": \"0.7\", \"654\": \"0.7\", \"655\": \"0.7\", \"656\": \"0.7\", \"657\": \"0.7\", \"658\": \"0.7\", \"659\": \"0.7\", \"660\": \"0.7\", \"661\": \"0.7\", \"662\": \"0.7\", \"663\": \"0.7\", \"664\": \"0.7\", \"665\": \"0.7\", \"666\": \"0.7\", \"667\": \"0.7\", \"668\": \"0.7\", \"669\": \"0.7\", \"670\": \"0.7\", \"671\": \"0.7\", \"672\": \"0.7\", \"673\": \"0.7\", \"674\": \"0.7\", \"675\": \"0.7\", \"676\": \"0.7\", \"677\": \"0.7\", \"678\": \"0.7\", \"679\": \"0.7\", \"680\": \"0.7\", \"681\": \"0.7\", \"682\": \"0.7\", \"683\": \"0.7\", \"684\": \"0.7\", \"685\": \"0.7\", \"686\": \"0.7\", \"687\": \"0.7\", \"688\": \"0.7\", \"689\": \"0.7\", \"690\": \"0.7\", \"691\": \"0.7\", \"692\": \"0.7\", \"693\": \"0.7\", \"694\": \"0.7\", \"695\": \"0.7\", \"696\": \"0.7\", \"697\": \"0.7\", \"698\": \"0.7\", \"699\": \"0.7\", \"700\": \"0.7\", \"701\": \"0.7\", \"702\": \"0.7\", \"703\": \"0.7\", \"704\": \"0.7\", \"705\": \"0.7\", \"706\": \"0.7\", \"707\": \"0.7\", \"708\": \"0.7\", \"709\": \"0.7\", \"710\": \"0.7\", \"711\": \"0.7\", \"712\": \"0.7\", \"713\": \"0.7\", \"714\": \"0.7\", \"715\": \"0.7\", \"716\": \"0.7\", \"717\": \"0.7\", \"718\": \"0.7\", \"719\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"neutral\", \"7\": \"positive\", \"8\": \"negative\", \"9\": \"positive\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"positive\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"negative\", \"16\": \"neutral\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"neutral\", \"23\": \"neutral\", \"24\": \"negative\", \"25\": \"positive\", \"26\": \"neutral\", \"27\": \"neutral\", \"28\": \"neutral\", \"29\": \"neutral\", \"30\": \"positive\", \"31\": \"neutral\", \"32\": \"negative\", \"33\": \"negative\", \"34\": \"positive\", \"35\": \"negative\", \"36\": \"negative\", \"37\": \"positive\", \"38\": \"negative\", \"39\": \"positive\", \"40\": \"positive\", \"41\": \"positive\", \"42\": \"positive\", \"43\": \"negative\", \"44\": \"positive\", \"45\": \"negative\", \"46\": \"negative\", \"47\": \"negative\", \"48\": \"neutral\", \"49\": \"negative\", \"50\": \"neutral\", \"51\": \"negative\", \"52\": \"negative\", \"53\": \"negative\", \"54\": \"negative\", \"55\": \"negative\", \"56\": \"positive\", \"57\": \"neutral\", \"58\": \"negative\", \"59\": \"negative\", \"60\": \"neutral\", \"61\": \"neutral\", \"62\": \"neutral\", \"63\": \"neutral\", \"64\": \"positive\", \"65\": \"positive\", \"66\": \"positive\", \"67\": \"neutral\", \"68\": \"negative\", \"69\": \"neutral\", \"70\": \"neutral\", \"71\": \"positive\", \"72\": \"negative\", \"73\": \"negative\", \"74\": \"neutral\", \"75\": \"neutral\", \"76\": \"neutral\", \"77\": \"negative\", \"78\": \"neutral\", \"79\": \"neutral\", \"80\": \"neutral\", \"81\": \"neutral\", \"82\": \"neutral\", \"83\": \"neutral\", \"84\": \"neutral\", \"85\": \"negative\", \"86\": \"negative\", \"87\": \"positive\", \"88\": \"neutral\", \"89\": \"neutral\", \"90\": \"positive\", \"91\": \"positive\", \"92\": \"negative\", \"93\": \"positive\", \"94\": \"positive\", \"95\": \"neutral\", \"96\": \"positive\", \"97\": \"negative\", \"98\": \"positive\", \"99\": \"positive\", \"100\": \"neutral\", \"101\": \"negative\", \"102\": \"positive\", \"103\": \"negative\", \"104\": \"positive\", \"105\": \"negative\", \"106\": \"negative\", \"107\": \"negative\", \"108\": \"negative\", \"109\": \"negative\", \"110\": \"negative\", \"111\": \"negative\", \"112\": \"neutral\", \"113\": \"negative\", \"114\": \"negative\", \"115\": \"negative\", \"116\": \"negative\", \"117\": \"negative\", \"118\": \"negative\", \"119\": \"neutral\", \"120\": \"neutral\", \"121\": \"negative\", \"122\": \"positive\", \"123\": \"negative\", \"124\": \"positive\", \"125\": \"negative\", \"126\": \"neutral\", \"127\": \"positive\", \"128\": \"positive\", \"129\": \"neutral\", \"130\": \"negative\", \"131\": \"positive\", \"132\": \"neutral\", \"133\": \"neutral\", \"134\": \"positive\", \"135\": \"neutral\", \"136\": \"positive\", \"137\": \"neutral\", \"138\": \"positive\", \"139\": \"negative\", \"140\": \"neutral\", \"141\": \"neutral\", \"142\": \"neutral\", \"143\": \"negative\", \"144\": \"neutral\", \"145\": \"negative\", \"146\": \"negative\", \"147\": \"positive\", \"148\": \"positive\", \"149\": \"neutral\", \"150\": \"neutral\", \"151\": \"positive\", \"152\": \"neutral\", \"153\": \"negative\", \"154\": \"negative\", \"155\": \"negative\", \"156\": \"negative\", \"157\": \"negative\", \"158\": \"positive\", \"159\": \"neutral\", \"160\": \"negative\", \"161\": \"negative\", \"162\": \"positive\", \"163\": \"positive\", \"164\": \"positive\", \"165\": \"neutral\", \"166\": \"negative\", \"167\": \"positive\", \"168\": \"positive\", \"169\": \"positive\", \"170\": \"negative\", \"171\": \"negative\", \"172\": \"positive\", \"173\": \"negative\", \"174\": \"negative\", \"175\": \"negative\", \"176\": \"positive\", \"177\": \"positive\", \"178\": \"negative\", \"179\": \"positive\", \"180\": \"neutral\", \"181\": \"negative\", \"182\": \"negative\", \"183\": \"positive\", \"184\": \"positive\", \"185\": \"negative\", \"186\": \"positive\", \"187\": \"positive\", \"188\": \"negative\", \"189\": \"positive\", \"190\": \"positive\", \"191\": \"negative\", \"192\": \"positive\", \"193\": \"negative\", \"194\": \"positive\", \"195\": \"negative\", \"196\": \"neutral\", \"197\": \"negative\", \"198\": \"positive\", \"199\": \"negative\", \"200\": \"neutral\", \"201\": \"neutral\", \"202\": \"neutral\", \"203\": \"neutral\", \"204\": \"neutral\", \"205\": \"neutral\", \"206\": \"neutral\", \"207\": \"positive\", \"208\": \"negative\", \"209\": \"neutral\", \"210\": \"positive\", \"211\": \"positive\", \"212\": \"negative\", \"213\": \"neutral\", \"214\": \"positive\", \"215\": \"negative\", \"216\": \"positive\", \"217\": \"positive\", \"218\": \"negative\", \"219\": \"positive\", \"220\": \"negative\", \"221\": \"neutral\", \"222\": \"positive\", \"223\": \"positive\", \"224\": \"positive\", \"225\": \"negative\", \"226\": \"negative\", \"227\": \"negative\", \"228\": \"positive\", \"229\": \"negative\", \"230\": \"neutral\", \"231\": \"negative\", \"232\": \"negative\", \"233\": \"positive\", \"234\": \"negative\", \"235\": \"negative\", \"236\": \"neutral\", \"237\": \"positive\", \"238\": \"negative\", \"239\": \"negative\", \"240\": \"neutral\", \"241\": \"negative\", \"242\": \"negative\", \"243\": \"negative\", \"244\": \"positive\", \"245\": \"positive\", \"246\": \"negative\", \"247\": \"neutral\", \"248\": \"negative\", \"249\": \"neutral\", \"250\": \"positive\", \"251\": \"positive\", \"252\": \"positive\", \"253\": \"neutral\", \"254\": \"neutral\", \"255\": \"negative\", \"256\": \"negative\", \"257\": \"neutral\", \"258\": \"negative\", \"259\": \"neutral\", \"260\": \"neutral\", \"261\": \"negative\", \"262\": \"positive\", \"263\": \"negative\", \"264\": \"neutral\", \"265\": \"positive\", \"266\": \"positive\", \"267\": \"neutral\", \"268\": \"negative\", \"269\": \"neutral\", \"270\": \"neutral\", \"271\": \"negative\", \"272\": \"negative\", \"273\": \"negative\", \"274\": \"positive\", \"275\": \"positive\", \"276\": \"negative\", \"277\": \"neutral\", \"278\": \"negative\", \"279\": \"neutral\", \"280\": \"positive\", \"281\": \"positive\", \"282\": \"positive\", \"283\": \"positive\", \"284\": \"neutral\", \"285\": \"negative\", \"286\": \"negative\", \"287\": \"negative\", \"288\": \"neutral\", \"289\": \"positive\", \"290\": \"positive\", \"291\": \"positive\", \"292\": \"negative\", \"293\": \"negative\", \"294\": \"negative\", \"295\": \"negative\", \"296\": \"positive\", \"297\": \"negative\", \"298\": \"negative\", \"299\": \"negative\", \"300\": \"neutral\", \"301\": \"negative\", \"302\": \"neutral\", \"303\": \"negative\", \"304\": \"positive\", \"305\": \"neutral\", \"306\": \"positive\", \"307\": \"neutral\", \"308\": \"negative\", \"309\": \"neutral\", \"310\": \"neutral\", \"311\": \"positive\", \"312\": \"negative\", \"313\": \"negative\", \"314\": \"neutral\", \"315\": \"neutral\", \"316\": \"negative\", \"317\": \"negative\", \"318\": \"positive\", \"319\": \"neutral\", \"320\": \"neutral\", \"321\": \"negative\", \"322\": \"neutral\", \"323\": \"positive\", \"324\": \"neutral\", \"325\": \"negative\", \"326\": \"negative\", \"327\": \"positive\", \"328\": \"negative\", \"329\": \"neutral\", \"330\": \"neutral\", \"331\": \"negative\", \"332\": \"negative\", \"333\": \"negative\", \"334\": \"positive\", \"335\": \"negative\", \"336\": \"positive\", \"337\": \"neutral\", \"338\": \"positive\", \"339\": \"neutral\", \"340\": \"negative\", \"341\": \"positive\", \"342\": \"positive\", \"343\": \"negative\", \"344\": \"positive\", \"345\": \"negative\", \"346\": \"negative\", \"347\": \"negative\", \"348\": \"positive\", \"349\": \"negative\", \"350\": \"negative\", \"351\": \"negative\", \"352\": \"negative\", \"353\": \"negative\", \"354\": \"negative\", \"355\": \"negative\", \"356\": \"neutral\", \"357\": \"negative\", \"358\": \"negative\", \"359\": \"positive\", \"360\": \"neutral\", \"361\": \"neutral\", \"362\": \"neutral\", \"363\": \"neutral\", \"364\": \"neutral\", \"365\": \"positive\", \"366\": \"neutral\", \"367\": \"neutral\", \"368\": \"neutral\", \"369\": \"neutral\", \"370\": \"positive\", \"371\": \"positive\", \"372\": \"negative\", \"373\": \"negative\", \"374\": \"neutral\", \"375\": \"neutral\", \"376\": \"positive\", \"377\": \"negative\", \"378\": \"negative\", \"379\": \"neutral\", \"380\": \"neutral\", \"381\": \"neutral\", \"382\": \"neutral\", \"383\": \"negative\", \"384\": \"neutral\", \"385\": \"neutral\", \"386\": \"negative\", \"387\": \"positive\", \"388\": \"neutral\", \"389\": \"neutral\", \"390\": \"positive\", \"391\": \"positive\", \"392\": \"negative\", \"393\": \"positive\", \"394\": \"positive\", \"395\": \"positive\", \"396\": \"positive\", \"397\": \"negative\", \"398\": \"negative\", \"399\": \"positive\", \"400\": \"positive\", \"401\": \"negative\", \"402\": \"neutral\", \"403\": \"positive\", \"404\": \"positive\", \"405\": \"negative\", \"406\": \"negative\", \"407\": \"negative\", \"408\": \"negative\", \"409\": \"neutral\", \"410\": \"negative\", \"411\": \"negative\", \"412\": \"positive\", \"413\": \"negative\", \"414\": \"negative\", \"415\": \"neutral\", \"416\": \"negative\", \"417\": \"negative\", \"418\": \"negative\", \"419\": \"negative\", \"420\": \"neutral\", \"421\": \"negative\", \"422\": \"neutral\", \"423\": \"negative\", \"424\": \"positive\", \"425\": \"negative\", \"426\": \"neutral\", \"427\": \"positive\", \"428\": \"negative\", \"429\": \"neutral\", \"430\": \"negative\", \"431\": \"positive\", \"432\": \"negative\", \"433\": \"positive\", \"434\": \"neutral\", \"435\": \"neutral\", \"436\": \"neutral\", \"437\": \"neutral\", \"438\": \"neutral\", \"439\": \"negative\", \"440\": \"neutral\", \"441\": \"negative\", \"442\": \"negative\", \"443\": \"positive\", \"444\": \"neutral\", \"445\": \"positive\", \"446\": \"positive\", \"447\": \"positive\", \"448\": \"neutral\", \"449\": \"neutral\", \"450\": \"negative\", \"451\": \"positive\", \"452\": \"neutral\", \"453\": \"negative\", \"454\": \"negative\", \"455\": \"negative\", \"456\": \"negative\", \"457\": \"negative\", \"458\": \"positive\", \"459\": \"negative\", \"460\": \"negative\", \"461\": \"positive\", \"462\": \"positive\", \"463\": \"neutral\", \"464\": \"neutral\", \"465\": \"negative\", \"466\": \"negative\", \"467\": \"neutral\", \"468\": \"neutral\", \"469\": \"negative\", \"470\": \"positive\", \"471\": \"negative\", \"472\": \"negative\", \"473\": \"negative\", \"474\": \"negative\", \"475\": \"negative\", \"476\": \"positive\", \"477\": \"negative\", \"478\": \"negative\", \"479\": \"negative\", \"480\": \"positive\", \"481\": \"negative\", \"482\": \"positive\", \"483\": \"negative\", \"484\": \"positive\", \"485\": \"neutral\", \"486\": \"neutral\", \"487\": \"positive\", \"488\": \"positive\", \"489\": \"neutral\", \"490\": \"negative\", \"491\": \"positive\", \"492\": \"positive\", \"493\": \"negative\", \"494\": \"positive\", \"495\": \"neutral\", \"496\": \"positive\", \"497\": \"neutral\", \"498\": \"negative\", \"499\": \"negative\", \"500\": \"neutral\", \"501\": \"neutral\", \"502\": \"neutral\", \"503\": \"negative\", \"504\": \"neutral\", \"505\": \"negative\", \"506\": \"negative\", \"507\": \"neutral\", \"508\": \"positive\", \"509\": \"neutral\", \"510\": \"positive\", \"511\": \"positive\", \"512\": \"positive\", \"513\": \"negative\", \"514\": \"positive\", \"515\": \"neutral\", \"516\": \"positive\", \"517\": \"positive\", \"518\": \"negative\", \"519\": \"positive\", \"520\": \"negative\", \"521\": \"negative\", \"522\": \"positive\", \"523\": \"neutral\", \"524\": \"positive\", \"525\": \"neutral\", \"526\": \"negative\", \"527\": \"positive\", \"528\": \"positive\", \"529\": \"neutral\", \"530\": \"negative\", \"531\": \"negative\", \"532\": \"positive\", \"533\": \"neutral\", \"534\": \"negative\", \"535\": \"negative\", \"536\": \"positive\", \"537\": \"positive\", \"538\": \"negative\", \"539\": \"positive\", \"540\": \"neutral\", \"541\": \"negative\", \"542\": \"neutral\", \"543\": \"negative\", \"544\": \"positive\", \"545\": \"neutral\", \"546\": \"neutral\", \"547\": \"neutral\", \"548\": \"negative\", \"549\": \"neutral\", \"550\": \"neutral\", \"551\": \"positive\", \"552\": \"negative\", \"553\": \"negative\", \"554\": \"positive\", \"555\": \"neutral\", \"556\": \"neutral\", \"557\": \"negative\", \"558\": \"neutral\", \"559\": \"neutral\", \"560\": \"neutral\", \"561\": \"negative\", \"562\": \"neutral\", \"563\": \"neutral\", \"564\": \"neutral\", \"565\": \"neutral\", \"566\": \"negative\", \"567\": \"positive\", \"568\": \"neutral\", \"569\": \"neutral\", \"570\": \"positive\", \"571\": \"positive\", \"572\": \"negative\", \"573\": \"neutral\", \"574\": \"positive\", \"575\": \"positive\", \"576\": \"neutral\", \"577\": \"positive\", \"578\": \"neutral\", \"579\": \"positive\", \"580\": \"positive\", \"581\": \"negative\", \"582\": \"positive\", \"583\": \"negative\", \"584\": \"positive\", \"585\": \"negative\", \"586\": \"negative\", \"587\": \"negative\", \"588\": \"negative\", \"589\": \"negative\", \"590\": \"negative\", \"591\": \"negative\", \"592\": \"neutral\", \"593\": \"negative\", \"594\": \"negative\", \"595\": \"negative\", \"596\": \"negative\", \"597\": \"neutral\", \"598\": \"negative\", \"599\": \"negative\", \"600\": \"neutral\", \"601\": \"negative\", \"602\": \"negative\", \"603\": \"neutral\", \"604\": \"positive\", \"605\": \"neutral\", \"606\": \"positive\", \"607\": \"neutral\", \"608\": \"negative\", \"609\": \"neutral\", \"610\": \"neutral\", \"611\": \"positive\", \"612\": \"negative\", \"613\": \"negative\", \"614\": \"neutral\", \"615\": \"neutral\", \"616\": \"neutral\", \"617\": \"negative\", \"618\": \"neutral\", \"619\": \"negative\", \"620\": \"neutral\", \"621\": \"negative\", \"622\": \"neutral\", \"623\": \"positive\", \"624\": \"neutral\", \"625\": \"negative\", \"626\": \"neutral\", \"627\": \"positive\", \"628\": \"negative\", \"629\": \"neutral\", \"630\": \"positive\", \"631\": \"neutral\", \"632\": \"negative\", \"633\": \"neutral\", \"634\": \"positive\", \"635\": \"neutral\", \"636\": \"positive\", \"637\": \"positive\", \"638\": \"positive\", \"639\": \"positive\", \"640\": \"negative\", \"641\": \"positive\", \"642\": \"positive\", \"643\": \"negative\", \"644\": \"positive\", \"645\": \"negative\", \"646\": \"negative\", \"647\": \"negative\", \"648\": \"neutral\", \"649\": \"negative\", \"650\": \"negative\", \"651\": \"negative\", \"652\": \"negative\", \"653\": \"negative\", \"654\": \"negative\", \"655\": \"negative\", \"656\": \"positive\", \"657\": \"neutral\", \"658\": \"negative\", \"659\": \"neutral\", \"660\": \"neutral\", \"661\": \"negative\", \"662\": \"neutral\", \"663\": \"negative\", \"664\": \"positive\", \"665\": \"positive\", \"666\": \"neutral\", \"667\": \"neutral\", \"668\": \"positive\", \"669\": \"neutral\", \"670\": \"positive\", \"671\": \"positive\", \"672\": \"neutral\", \"673\": \"negative\", \"674\": \"positive\", \"675\": \"neutral\", \"676\": \"neutral\", \"677\": \"negative\", \"678\": \"neutral\", \"679\": \"positive\", \"680\": \"neutral\", \"681\": \"negative\", \"682\": \"neutral\", \"683\": \"negative\", \"684\": \"neutral\", \"685\": \"neutral\", \"686\": \"negative\", \"687\": \"positive\", \"688\": \"positive\", \"689\": \"neutral\", \"690\": \"positive\", \"691\": \"positive\", \"692\": \"negative\", \"693\": \"neutral\", \"694\": \"positive\", \"695\": \"positive\", \"696\": \"neutral\", \"697\": \"positive\", \"698\": \"negative\", \"699\": \"positive\", \"700\": \"positive\", \"701\": \"negative\", \"702\": \"positive\", \"703\": \"positive\", \"704\": \"positive\", \"705\": \"negative\", \"706\": \"negative\", \"707\": \"negative\", \"708\": \"negative\", \"709\": \"negative\", \"710\": \"negative\", \"711\": \"negative\", \"712\": \"neutral\", \"713\": \"negative\", \"714\": \"negative\", \"715\": \"negative\", \"716\": \"negative\", \"717\": \"negative\", \"718\": \"negative\", \"719\": \"negative\"}"); - var passed_all = JSON.parse("{\"0\": false, \"1\": false, \"2\": false, \"3\": false, \"4\": false, \"5\": false, \"6\": false, \"7\": false, \"8\": false, \"9\": false, \"10\": false, \"11\": false, \"12\": false, \"13\": false, \"14\": false, \"15\": true, \"16\": true, \"17\": true, \"18\": false, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true, \"25\": true, \"26\": true, \"27\": true, \"28\": true, \"29\": true, \"30\": true, \"31\": true, \"32\": true, \"33\": true, \"34\": true, \"35\": true, \"36\": false, \"37\": true, \"38\": true, \"39\": true, \"40\": true, \"41\": true, \"42\": false, \"43\": true, \"44\": false, \"45\": false, \"46\": false, \"47\": false, \"48\": false, \"49\": false, \"50\": false, \"51\": false, \"52\": false, \"53\": false, \"54\": false, \"55\": false, \"56\": true, \"57\": false, \"58\": false, \"59\": false, \"60\": false, \"61\": false, \"62\": false, \"63\": false, \"64\": false, \"65\": false, \"66\": false, \"67\": false, \"68\": false, \"69\": false, \"70\": false, \"71\": false, \"72\": false, \"73\": false, \"74\": false, \"75\": true, \"76\": true, \"77\": true, \"78\": true, \"79\": true, \"80\": true, \"81\": true, \"82\": true, \"83\": true, \"84\": true, \"85\": true, \"86\": true, \"87\": true, \"88\": true, \"89\": true, \"90\": true, \"91\": true, \"92\": true, \"93\": true, \"94\": true, \"95\": true, \"96\": true, \"97\": true, \"98\": true, \"99\": true, \"100\": false, \"101\": true, \"102\": false, \"103\": false, \"104\": true, \"105\": false, \"106\": false, \"107\": false, \"108\": false, \"109\": false, \"110\": false, \"111\": false, \"112\": false, \"113\": false, \"114\": false, \"115\": false, \"116\": false, \"117\": false, \"118\": false, \"119\": false, \"120\": false, \"121\": false, \"122\": false, \"123\": false, \"124\": false, \"125\": false, \"126\": false, \"127\": false, \"128\": false, \"129\": false, \"130\": false, \"131\": false, \"132\": false, \"133\": false, \"134\": false, \"135\": true, \"136\": true, \"137\": true, \"138\": true, \"139\": true, \"140\": true, \"141\": true, \"142\": true, \"143\": true, \"144\": true, \"145\": true, \"146\": true, \"147\": true, \"148\": true, \"149\": true, \"150\": true, \"151\": true, \"152\": true, \"153\": true, \"154\": true, \"155\": false, \"156\": true, \"157\": true, \"158\": true, \"159\": true, \"160\": false, \"161\": false, \"162\": true, \"163\": true, \"164\": true, \"165\": false, \"166\": false, \"167\": false, \"168\": false, \"169\": false, \"170\": false, \"171\": false, \"172\": false, \"173\": false, \"174\": false, \"175\": false, \"176\": false, \"177\": false, \"178\": false, \"179\": false, \"180\": false, \"181\": false, \"182\": false, \"183\": false, \"184\": false, \"185\": false, \"186\": false, \"187\": false, \"188\": false, \"189\": false, \"190\": false, \"191\": false, \"192\": false, \"193\": false, \"194\": false, \"195\": true, \"196\": true, \"197\": false, \"198\": false, \"199\": false, \"200\": true, \"201\": true, \"202\": true, \"203\": true, \"204\": true, \"205\": true, \"206\": true, \"207\": true, \"208\": true, \"209\": true, \"210\": true, \"211\": true, \"212\": true, \"213\": true, \"214\": true, \"215\": true, \"216\": false, \"217\": true, \"218\": true, \"219\": true, \"220\": true, \"221\": true, \"222\": false, \"223\": true, \"224\": false, \"225\": false, \"226\": false, \"227\": false, \"228\": false, \"229\": false, \"230\": false, \"231\": false, \"232\": false, \"233\": false, \"234\": false, \"235\": false, \"236\": true, \"237\": false, \"238\": false, \"239\": false, \"240\": false, \"241\": false, \"242\": false, \"243\": false, \"244\": false, \"245\": false, \"246\": false, \"247\": false, \"248\": false, \"249\": false, \"250\": false, \"251\": false, \"252\": false, \"253\": false, \"254\": false, \"255\": true, \"256\": false, \"257\": true, \"258\": true, \"259\": true, \"260\": true, \"261\": false, \"262\": true, \"263\": true, \"264\": true, \"265\": true, \"266\": true, \"267\": true, \"268\": true, \"269\": true, \"270\": false, \"271\": false, \"272\": false, \"273\": false, \"274\": true, \"275\": true, \"276\": false, \"277\": false, \"278\": false, \"279\": false, \"280\": true, \"281\": true, \"282\": true, \"283\": false, \"284\": false, \"285\": false, \"286\": false, \"287\": false, \"288\": false, \"289\": false, \"290\": false, \"291\": false, \"292\": false, \"293\": false, \"294\": false, \"295\": false, \"296\": true, \"297\": false, \"298\": false, \"299\": false, \"300\": false, \"301\": false, \"302\": false, \"303\": false, \"304\": false, \"305\": false, \"306\": false, \"307\": false, \"308\": false, \"309\": false, \"310\": false, \"311\": false, \"312\": false, \"313\": false, \"314\": false, \"315\": true, \"316\": true, \"317\": true, \"318\": true, \"319\": true, \"320\": true, \"321\": true, \"322\": true, \"323\": true, \"324\": true, \"325\": true, \"326\": true, \"327\": true, \"328\": true, \"329\": true, \"330\": true, \"331\": true, \"332\": true, \"333\": true, \"334\": true, \"335\": true, \"336\": true, \"337\": true, \"338\": true, \"339\": false, \"340\": false, \"341\": true, \"342\": true, \"343\": false, \"344\": false, \"345\": false, \"346\": false, \"347\": false, \"348\": false, \"349\": false, \"350\": false, \"351\": false, \"352\": false, \"353\": false, \"354\": false, \"355\": false, \"356\": true, \"357\": false, \"358\": false, \"359\": false, \"360\": false, \"361\": false, \"362\": false, \"363\": false, \"364\": false, \"365\": false, \"366\": false, \"367\": false, \"368\": false, \"369\": false, \"370\": false, \"371\": false, \"372\": false, \"373\": false, \"374\": false, \"375\": true, \"376\": true, \"377\": true, \"378\": false, \"379\": true, \"380\": true, \"381\": true, \"382\": true, \"383\": true, \"384\": true, \"385\": true, \"386\": true, \"387\": true, \"388\": true, \"389\": true, \"390\": true, \"391\": true, \"392\": true, \"393\": true, \"394\": true, \"395\": true, \"396\": true, \"397\": true, \"398\": true, \"399\": true, \"400\": true, \"401\": true, \"402\": false, \"403\": true, \"404\": true, \"405\": false, \"406\": false, \"407\": false, \"408\": false, \"409\": false, \"410\": false, \"411\": false, \"412\": false, \"413\": false, \"414\": false, \"415\": false, \"416\": false, \"417\": false, \"418\": false, \"419\": false, \"420\": false, \"421\": false, \"422\": false, \"423\": false, \"424\": false, \"425\": false, \"426\": false, \"427\": false, \"428\": false, \"429\": false, \"430\": false, \"431\": false, \"432\": false, \"433\": false, \"434\": false, \"435\": false, \"436\": false, \"437\": true, \"438\": true, \"439\": true, \"440\": true, \"441\": true, \"442\": true, \"443\": true, \"444\": true, \"445\": true, \"446\": true, \"447\": true, \"448\": true, \"449\": true, \"450\": false, \"451\": true, \"452\": true, \"453\": true, \"454\": true, \"455\": false, \"456\": true, \"457\": true, \"458\": true, \"459\": false, \"460\": false, \"461\": true, \"462\": true, \"463\": true, \"464\": false, \"465\": false, \"466\": false, \"467\": false, \"468\": false, \"469\": false, \"470\": false, \"471\": false, \"472\": false, \"473\": false, \"474\": false, \"475\": false, \"476\": true, \"477\": false, \"478\": false, \"479\": false, \"480\": false, \"481\": false, \"482\": false, \"483\": false, \"484\": false, \"485\": false, \"486\": false, \"487\": false, \"488\": false, \"489\": false, \"490\": false, \"491\": false, \"492\": false, \"493\": false, \"494\": false, \"495\": true, \"496\": true, \"497\": true, \"498\": true, \"499\": true, \"500\": true, \"501\": true, \"502\": true, \"503\": true, \"504\": true, \"505\": true, \"506\": true, \"507\": true, \"508\": true, \"509\": true, \"510\": true, \"511\": true, \"512\": true, \"513\": true, \"514\": true, \"515\": false, \"516\": true, \"517\": true, \"518\": true, \"519\": true, \"520\": false, \"521\": false, \"522\": true, \"523\": false, \"524\": true, \"525\": false, \"526\": false, \"527\": false, \"528\": false, \"529\": false, \"530\": false, \"531\": false, \"532\": false, \"533\": false, \"534\": false, \"535\": false, \"536\": false, \"537\": false, \"538\": false, \"539\": false, \"540\": false, \"541\": false, \"542\": false, \"543\": false, \"544\": false, \"545\": false, \"546\": false, \"547\": false, \"548\": false, \"549\": false, \"550\": false, \"551\": false, \"552\": false, \"553\": false, \"554\": false, \"555\": true, \"556\": true, \"557\": true, \"558\": true, \"559\": true, \"560\": true, \"561\": true, \"562\": true, \"563\": true, \"564\": true, \"565\": true, \"566\": true, \"567\": true, \"568\": true, \"569\": true, \"570\": true, \"571\": true, \"572\": true, \"573\": true, \"574\": true, \"575\": true, \"576\": true, \"577\": true, \"578\": true, \"579\": true, \"580\": true, \"581\": true, \"582\": false, \"583\": true, \"584\": true, \"585\": false, \"586\": false, \"587\": false, \"588\": false, \"589\": false, \"590\": false, \"591\": false, \"592\": false, \"593\": false, \"594\": false, \"595\": false, \"596\": false, \"597\": false, \"598\": false, \"599\": false, \"600\": false, \"601\": false, \"602\": false, \"603\": false, \"604\": false, \"605\": false, \"606\": false, \"607\": false, \"608\": false, \"609\": false, \"610\": false, \"611\": false, \"612\": false, \"613\": false, \"614\": false, \"615\": true, \"616\": true, \"617\": true, \"618\": true, \"619\": true, \"620\": true, \"621\": true, \"622\": true, \"623\": true, \"624\": true, \"625\": true, \"626\": true, \"627\": true, \"628\": true, \"629\": true, \"630\": true, \"631\": true, \"632\": true, \"633\": true, \"634\": true, \"635\": true, \"636\": true, \"637\": true, \"638\": true, \"639\": false, \"640\": false, \"641\": true, \"642\": false, \"643\": true, \"644\": false, \"645\": false, \"646\": false, \"647\": false, \"648\": false, \"649\": false, \"650\": false, \"651\": false, \"652\": false, \"653\": false, \"654\": false, \"655\": false, \"656\": true, \"657\": false, \"658\": false, \"659\": false, \"660\": false, \"661\": false, \"662\": false, \"663\": false, \"664\": false, \"665\": false, \"666\": false, \"667\": false, \"668\": false, \"669\": false, \"670\": false, \"671\": false, \"672\": false, \"673\": false, \"674\": false, \"675\": true, \"676\": true, \"677\": true, \"678\": true, \"679\": true, \"680\": true, \"681\": true, \"682\": true, \"683\": true, \"684\": true, \"685\": true, \"686\": true, \"687\": true, \"688\": true, \"689\": true, \"690\": true, \"691\": true, \"692\": true, \"693\": true, \"694\": true, \"695\": true, \"696\": false, \"697\": true, \"698\": true, \"699\": true, \"700\": true, \"701\": true, \"702\": false, \"703\": true, \"704\": true, \"705\": false, \"706\": false, \"707\": false, \"708\": false, \"709\": false, \"710\": false, \"711\": false, \"712\": false, \"713\": false, \"714\": false, \"715\": false, \"716\": false, \"717\": false, \"718\": false, \"719\": false}"); + var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"negative\", \"2\": \"negative\", \"3\": \"neutral\", \"4\": \"positive\", \"5\": \"negative\", \"6\": \"neutral\", \"7\": \"positive\", \"8\": \"negative\", \"9\": \"positive\", \"10\": \"positive\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"negative\", \"16\": \"negative\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"positive\", \"23\": \"neutral\", \"24\": \"negative\", \"25\": \"positive\", \"26\": \"neutral\", \"27\": \"neutral\", \"28\": \"neutral\", \"29\": \"neutral\", \"30\": \"positive\", \"31\": \"negative\", \"32\": \"negative\", \"33\": \"negative\", \"34\": \"positive\", \"35\": \"negative\", \"36\": \"negative\", \"37\": \"positive\", \"38\": \"negative\", \"39\": \"positive\", \"40\": \"positive\", \"41\": \"positive\", \"42\": \"positive\", \"43\": \"negative\", \"44\": \"positive\", \"45\": \"negative\", \"46\": \"negative\", \"47\": \"negative\", \"48\": \"neutral\", \"49\": \"negative\", \"50\": \"negative\", \"51\": \"negative\", \"52\": \"negative\", \"53\": \"negative\", \"54\": \"negative\", \"55\": \"negative\", \"56\": \"positive\", \"57\": \"neutral\", \"58\": \"negative\", \"59\": \"negative\", \"60\": \"neutral\", \"61\": \"neutral\", \"62\": \"neutral\", \"63\": \"neutral\", \"64\": \"positive\", \"65\": \"positive\", \"66\": \"positive\", \"67\": \"neutral\", \"68\": \"negative\", \"69\": \"neutral\", \"70\": \"neutral\", \"71\": \"positive\", \"72\": \"negative\", \"73\": \"negative\", \"74\": \"neutral\", \"75\": \"neutral\", \"76\": \"neutral\", \"77\": \"negative\", \"78\": \"neutral\", \"79\": \"neutral\", \"80\": \"neutral\", \"81\": \"negative\", \"82\": \"neutral\", \"83\": \"neutral\", \"84\": \"neutral\", \"85\": \"neutral\", \"86\": \"negative\", \"87\": \"positive\", \"88\": \"neutral\", \"89\": \"neutral\", \"90\": \"positive\", \"91\": \"positive\", \"92\": \"negative\", \"93\": \"positive\", \"94\": \"positive\", \"95\": \"neutral\", \"96\": \"positive\", \"97\": \"negative\", \"98\": \"neutral\", \"99\": \"positive\", \"100\": \"positive\", \"101\": \"negative\", \"102\": \"positive\", \"103\": \"negative\", \"104\": \"positive\", \"105\": \"negative\", \"106\": \"negative\", \"107\": \"negative\", \"108\": \"negative\", \"109\": \"negative\", \"110\": \"negative\", \"111\": \"negative\", \"112\": \"neutral\", \"113\": \"negative\", \"114\": \"negative\", \"115\": \"negative\", \"116\": \"negative\", \"117\": \"negative\", \"118\": \"negative\", \"119\": \"neutral\", \"120\": \"neutral\", \"121\": \"negative\", \"122\": \"positive\", \"123\": \"negative\", \"124\": \"positive\", \"125\": \"negative\", \"126\": \"neutral\", \"127\": \"positive\", \"128\": \"positive\", \"129\": \"neutral\", \"130\": \"negative\", \"131\": \"positive\", \"132\": \"neutral\", \"133\": \"neutral\", \"134\": \"positive\", \"135\": \"neutral\", \"136\": \"positive\", \"137\": \"neutral\", \"138\": \"positive\", \"139\": \"negative\", \"140\": \"neutral\", \"141\": \"neutral\", \"142\": \"neutral\", \"143\": \"negative\", \"144\": \"neutral\", \"145\": \"negative\", \"146\": \"negative\", \"147\": \"positive\", \"148\": \"positive\", \"149\": \"neutral\", \"150\": \"neutral\", \"151\": \"positive\", \"152\": \"neutral\", \"153\": \"negative\", \"154\": \"negative\", \"155\": \"negative\", \"156\": \"negative\", \"157\": \"negative\", \"158\": \"positive\", \"159\": \"neutral\", \"160\": \"negative\", \"161\": \"negative\", \"162\": \"positive\", \"163\": \"positive\", \"164\": \"positive\", \"165\": \"neutral\", \"166\": \"negative\", \"167\": \"positive\", \"168\": \"positive\", \"169\": \"neutral\", \"170\": \"neutral\", \"171\": \"negative\", \"172\": \"positive\", \"173\": \"negative\", \"174\": \"negative\", \"175\": \"negative\", \"176\": \"positive\", \"177\": \"positive\", \"178\": \"negative\", \"179\": \"positive\", \"180\": \"neutral\", \"181\": \"negative\", \"182\": \"negative\", \"183\": \"positive\", \"184\": \"positive\", \"185\": \"negative\", \"186\": \"positive\", \"187\": \"positive\", \"188\": \"negative\", \"189\": \"positive\", \"190\": \"positive\", \"191\": \"negative\", \"192\": \"positive\", \"193\": \"negative\", \"194\": \"positive\", \"195\": \"negative\", \"196\": \"negative\", \"197\": \"negative\", \"198\": \"negative\", \"199\": \"negative\", \"200\": \"neutral\", \"201\": \"neutral\", \"202\": \"positive\", \"203\": \"neutral\", \"204\": \"negative\", \"205\": \"neutral\", \"206\": \"neutral\", \"207\": \"positive\", \"208\": \"negative\", \"209\": \"neutral\", \"210\": \"positive\", \"211\": \"negative\", \"212\": \"negative\", \"213\": \"negative\", \"214\": \"positive\", \"215\": \"negative\", \"216\": \"positive\", \"217\": \"positive\", \"218\": \"negative\", \"219\": \"positive\", \"220\": \"negative\", \"221\": \"neutral\", \"222\": \"positive\", \"223\": \"negative\", \"224\": \"positive\", \"225\": \"negative\", \"226\": \"negative\", \"227\": \"negative\", \"228\": \"positive\", \"229\": \"negative\", \"230\": \"negative\", \"231\": \"negative\", \"232\": \"neutral\", \"233\": \"positive\", \"234\": \"negative\", \"235\": \"negative\", \"236\": \"positive\", \"237\": \"positive\", \"238\": \"negative\", \"239\": \"negative\", \"240\": \"neutral\", \"241\": \"negative\", \"242\": \"negative\", \"243\": \"negative\", \"244\": \"positive\", \"245\": \"positive\", \"246\": \"negative\", \"247\": \"neutral\", \"248\": \"negative\", \"249\": \"neutral\", \"250\": \"positive\", \"251\": \"positive\", \"252\": \"positive\", \"253\": \"neutral\", \"254\": \"neutral\", \"255\": \"negative\", \"256\": \"negative\", \"257\": \"neutral\", \"258\": \"neutral\", \"259\": \"positive\", \"260\": \"neutral\", \"261\": \"negative\", \"262\": \"positive\", \"263\": \"negative\", \"264\": \"neutral\", \"265\": \"positive\", \"266\": \"positive\", \"267\": \"neutral\", \"268\": \"neutral\", \"269\": \"neutral\", \"270\": \"neutral\", \"271\": \"negative\", \"272\": \"negative\", \"273\": \"neutral\", \"274\": \"positive\", \"275\": \"positive\", \"276\": \"negative\", \"277\": \"positive\", \"278\": \"negative\", \"279\": \"neutral\", \"280\": \"positive\", \"281\": \"positive\", \"282\": \"positive\", \"283\": \"positive\", \"284\": \"neutral\", \"285\": \"negative\", \"286\": \"negative\", \"287\": \"negative\", \"288\": \"neutral\", \"289\": \"positive\", \"290\": \"positive\", \"291\": \"positive\", \"292\": \"negative\", \"293\": \"negative\", \"294\": \"negative\", \"295\": \"negative\", \"296\": \"positive\", \"297\": \"negative\", \"298\": \"negative\", \"299\": \"negative\", \"300\": \"neutral\", \"301\": \"negative\", \"302\": \"neutral\", \"303\": \"negative\", \"304\": \"positive\", \"305\": \"neutral\", \"306\": \"positive\", \"307\": \"neutral\", \"308\": \"negative\", \"309\": \"neutral\", \"310\": \"neutral\", \"311\": \"positive\", \"312\": \"negative\", \"313\": \"negative\", \"314\": \"neutral\", \"315\": \"neutral\", \"316\": \"negative\", \"317\": \"negative\", \"318\": \"neutral\", \"319\": \"neutral\", \"320\": \"neutral\", \"321\": \"negative\", \"322\": \"neutral\", \"323\": \"neutral\", \"324\": \"neutral\", \"325\": \"negative\", \"326\": \"negative\", \"327\": \"positive\", \"328\": \"negative\", \"329\": \"neutral\", \"330\": \"neutral\", \"331\": \"negative\", \"332\": \"negative\", \"333\": \"negative\", \"334\": \"positive\", \"335\": \"negative\", \"336\": \"positive\", \"337\": \"neutral\", \"338\": \"neutral\", \"339\": \"neutral\", \"340\": \"negative\", \"341\": \"positive\", \"342\": \"positive\", \"343\": \"negative\", \"344\": \"positive\", \"345\": \"negative\", \"346\": \"negative\", \"347\": \"negative\", \"348\": \"positive\", \"349\": \"negative\", \"350\": \"negative\", \"351\": \"negative\", \"352\": \"negative\", \"353\": \"negative\", \"354\": \"negative\", \"355\": \"negative\", \"356\": \"neutral\", \"357\": \"negative\", \"358\": \"negative\", \"359\": \"positive\", \"360\": \"neutral\", \"361\": \"neutral\", \"362\": \"neutral\", \"363\": \"neutral\", \"364\": \"neutral\", \"365\": \"positive\", \"366\": \"neutral\", \"367\": \"neutral\", \"368\": \"neutral\", \"369\": \"neutral\", \"370\": \"positive\", \"371\": \"positive\", \"372\": \"negative\", \"373\": \"negative\", \"374\": \"neutral\", \"375\": \"neutral\", \"376\": \"positive\", \"377\": \"negative\", \"378\": \"neutral\", \"379\": \"neutral\", \"380\": \"neutral\", \"381\": \"neutral\", \"382\": \"neutral\", \"383\": \"negative\", \"384\": \"neutral\", \"385\": \"positive\", \"386\": \"negative\", \"387\": \"positive\", \"388\": \"neutral\", \"389\": \"neutral\", \"390\": \"positive\", \"391\": \"positive\", \"392\": \"negative\", \"393\": \"positive\", \"394\": \"positive\", \"395\": \"positive\", \"396\": \"positive\", \"397\": \"negative\", \"398\": \"negative\", \"399\": \"positive\", \"400\": \"positive\", \"401\": \"negative\", \"402\": \"neutral\", \"403\": \"positive\", \"404\": \"positive\", \"405\": \"negative\", \"406\": \"negative\", \"407\": \"negative\", \"408\": \"negative\", \"409\": \"neutral\", \"410\": \"negative\", \"411\": \"negative\", \"412\": \"positive\", \"413\": \"negative\", \"414\": \"negative\", \"415\": \"neutral\", \"416\": \"negative\", \"417\": \"negative\", \"418\": \"negative\", \"419\": \"negative\", \"420\": \"neutral\", \"421\": \"negative\", \"422\": \"neutral\", \"423\": \"negative\", \"424\": \"positive\", \"425\": \"negative\", \"426\": \"neutral\", \"427\": \"positive\", \"428\": \"negative\", \"429\": \"neutral\", \"430\": \"negative\", \"431\": \"positive\", \"432\": \"negative\", \"433\": \"positive\", \"434\": \"neutral\", \"435\": \"neutral\", \"436\": \"neutral\", \"437\": \"neutral\", \"438\": \"neutral\", \"439\": \"negative\", \"440\": \"neutral\", \"441\": \"negative\", \"442\": \"negative\", \"443\": \"positive\", \"444\": \"neutral\", \"445\": \"neutral\", \"446\": \"positive\", \"447\": \"positive\", \"448\": \"neutral\", \"449\": \"neutral\", \"450\": \"negative\", \"451\": \"positive\", \"452\": \"neutral\", \"453\": \"negative\", \"454\": \"negative\", \"455\": \"negative\", \"456\": \"negative\", \"457\": \"negative\", \"458\": \"positive\", \"459\": \"negative\", \"460\": \"negative\", \"461\": \"positive\", \"462\": \"positive\", \"463\": \"neutral\", \"464\": \"neutral\", \"465\": \"negative\", \"466\": \"negative\", \"467\": \"negative\", \"468\": \"neutral\", \"469\": \"negative\", \"470\": \"positive\", \"471\": \"negative\", \"472\": \"negative\", \"473\": \"negative\", \"474\": \"negative\", \"475\": \"negative\", \"476\": \"positive\", \"477\": \"negative\", \"478\": \"neutral\", \"479\": \"negative\", \"480\": \"positive\", \"481\": \"negative\", \"482\": \"positive\", \"483\": \"negative\", \"484\": \"positive\", \"485\": \"neutral\", \"486\": \"neutral\", \"487\": \"positive\", \"488\": \"positive\", \"489\": \"neutral\", \"490\": \"negative\", \"491\": \"positive\", \"492\": \"positive\", \"493\": \"negative\", \"494\": \"positive\", \"495\": \"neutral\", \"496\": \"positive\", \"497\": \"neutral\", \"498\": \"neutral\", \"499\": \"negative\", \"500\": \"neutral\", \"501\": \"neutral\", \"502\": \"neutral\", \"503\": \"negative\", \"504\": \"neutral\", \"505\": \"negative\", \"506\": \"negative\", \"507\": \"positive\", \"508\": \"positive\", \"509\": \"neutral\", \"510\": \"positive\", \"511\": \"positive\", \"512\": \"positive\", \"513\": \"negative\", \"514\": \"positive\", \"515\": \"neutral\", \"516\": \"positive\", \"517\": \"positive\", \"518\": \"negative\", \"519\": \"positive\", \"520\": \"negative\", \"521\": \"negative\", \"522\": \"positive\", \"523\": \"negative\", \"524\": \"positive\", \"525\": \"neutral\", \"526\": \"negative\", \"527\": \"positive\", \"528\": \"positive\", \"529\": \"neutral\", \"530\": \"negative\", \"531\": \"negative\", \"532\": \"positive\", \"533\": \"neutral\", \"534\": \"negative\", \"535\": \"negative\", \"536\": \"positive\", \"537\": \"positive\", \"538\": \"negative\", \"539\": \"positive\", \"540\": \"neutral\", \"541\": \"negative\", \"542\": \"neutral\", \"543\": \"negative\", \"544\": \"positive\", \"545\": \"neutral\", \"546\": \"neutral\", \"547\": \"neutral\", \"548\": \"negative\", \"549\": \"neutral\", \"550\": \"neutral\", \"551\": \"positive\", \"552\": \"negative\", \"553\": \"negative\", \"554\": \"positive\", \"555\": \"neutral\", \"556\": \"neutral\", \"557\": \"negative\", \"558\": \"neutral\", \"559\": \"neutral\", \"560\": \"neutral\", \"561\": \"negative\", \"562\": \"neutral\", \"563\": \"neutral\", \"564\": \"neutral\", \"565\": \"neutral\", \"566\": \"negative\", \"567\": \"positive\", \"568\": \"neutral\", \"569\": \"neutral\", \"570\": \"positive\", \"571\": \"neutral\", \"572\": \"negative\", \"573\": \"neutral\", \"574\": \"positive\", \"575\": \"positive\", \"576\": \"neutral\", \"577\": \"positive\", \"578\": \"neutral\", \"579\": \"positive\", \"580\": \"positive\", \"581\": \"negative\", \"582\": \"positive\", \"583\": \"negative\", \"584\": \"positive\", \"585\": \"negative\", \"586\": \"negative\", \"587\": \"negative\", \"588\": \"negative\", \"589\": \"negative\", \"590\": \"negative\", \"591\": \"negative\", \"592\": \"neutral\", \"593\": \"negative\", \"594\": \"negative\", \"595\": \"negative\", \"596\": \"negative\", \"597\": \"negative\", \"598\": \"negative\", \"599\": \"neutral\", \"600\": \"neutral\", \"601\": \"negative\", \"602\": \"negative\", \"603\": \"neutral\", \"604\": \"positive\", \"605\": \"neutral\", \"606\": \"positive\", \"607\": \"neutral\", \"608\": \"negative\", \"609\": \"neutral\", \"610\": \"neutral\", \"611\": \"positive\", \"612\": \"negative\", \"613\": \"negative\", \"614\": \"neutral\", \"615\": \"neutral\", \"616\": \"negative\", \"617\": \"negative\", \"618\": \"negative\", \"619\": \"negative\", \"620\": \"neutral\", \"621\": \"negative\", \"622\": \"neutral\", \"623\": \"positive\", \"624\": \"negative\", \"625\": \"negative\", \"626\": \"neutral\", \"627\": \"positive\", \"628\": \"negative\", \"629\": \"neutral\", \"630\": \"positive\", \"631\": \"negative\", \"632\": \"negative\", \"633\": \"negative\", \"634\": \"positive\", \"635\": \"neutral\", \"636\": \"neutral\", \"637\": \"positive\", \"638\": \"positive\", \"639\": \"positive\", \"640\": \"negative\", \"641\": \"positive\", \"642\": \"positive\", \"643\": \"negative\", \"644\": \"positive\", \"645\": \"negative\", \"646\": \"negative\", \"647\": \"negative\", \"648\": \"neutral\", \"649\": \"negative\", \"650\": \"negative\", \"651\": \"negative\", \"652\": \"negative\", \"653\": \"negative\", \"654\": \"negative\", \"655\": \"negative\", \"656\": \"neutral\", \"657\": \"neutral\", \"658\": \"negative\", \"659\": \"positive\", \"660\": \"neutral\", \"661\": \"neutral\", \"662\": \"neutral\", \"663\": \"negative\", \"664\": \"positive\", \"665\": \"positive\", \"666\": \"neutral\", \"667\": \"neutral\", \"668\": \"positive\", \"669\": \"neutral\", \"670\": \"neutral\", \"671\": \"positive\", \"672\": \"neutral\", \"673\": \"negative\", \"674\": \"positive\", \"675\": \"neutral\", \"676\": \"neutral\", \"677\": \"negative\", \"678\": \"positive\", \"679\": \"positive\", \"680\": \"positive\", \"681\": \"negative\", \"682\": \"neutral\", \"683\": \"negative\", \"684\": \"neutral\", \"685\": \"neutral\", \"686\": \"negative\", \"687\": \"neutral\", \"688\": \"positive\", \"689\": \"neutral\", \"690\": \"positive\", \"691\": \"positive\", \"692\": \"negative\", \"693\": \"neutral\", \"694\": \"positive\", \"695\": \"positive\", \"696\": \"neutral\", \"697\": \"positive\", \"698\": \"negative\", \"699\": \"positive\", \"700\": \"positive\", \"701\": \"negative\", \"702\": \"positive\", \"703\": \"positive\", \"704\": \"positive\", \"705\": \"negative\", \"706\": \"negative\", \"707\": \"negative\", \"708\": \"negative\", \"709\": \"negative\", \"710\": \"negative\", \"711\": \"negative\", \"712\": \"neutral\", \"713\": \"negative\", \"714\": \"negative\", \"715\": \"negative\", \"716\": \"negative\", \"717\": \"negative\", \"718\": \"negative\", \"719\": \"negative\"}"); + var passed_all = JSON.parse("{\"0\": false, \"1\": false, \"2\": false, \"3\": false, \"4\": false, \"5\": false, \"6\": false, \"7\": false, \"8\": false, \"9\": false, \"10\": false, \"11\": false, \"12\": false, \"13\": false, \"14\": false, \"15\": true, \"16\": true, \"17\": true, \"18\": false, \"19\": false, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true, \"25\": true, \"26\": true, \"27\": true, \"28\": true, \"29\": true, \"30\": true, \"31\": true, \"32\": true, \"33\": true, \"34\": true, \"35\": true, \"36\": false, \"37\": true, \"38\": true, \"39\": true, \"40\": true, \"41\": true, \"42\": false, \"43\": true, \"44\": false, \"45\": false, \"46\": false, \"47\": false, \"48\": false, \"49\": false, \"50\": false, \"51\": false, \"52\": false, \"53\": false, \"54\": false, \"55\": false, \"56\": true, \"57\": false, \"58\": false, \"59\": false, \"60\": false, \"61\": false, \"62\": false, \"63\": false, \"64\": false, \"65\": false, \"66\": false, \"67\": false, \"68\": false, \"69\": false, \"70\": false, \"71\": false, \"72\": false, \"73\": false, \"74\": false, \"75\": true, \"76\": true, \"77\": true, \"78\": true, \"79\": true, \"80\": true, \"81\": true, \"82\": true, \"83\": true, \"84\": true, \"85\": true, \"86\": true, \"87\": true, \"88\": true, \"89\": true, \"90\": true, \"91\": true, \"92\": true, \"93\": true, \"94\": true, \"95\": true, \"96\": true, \"97\": true, \"98\": true, \"99\": true, \"100\": false, \"101\": true, \"102\": false, \"103\": false, \"104\": true, \"105\": false, \"106\": false, \"107\": false, \"108\": false, \"109\": false, \"110\": false, \"111\": false, \"112\": false, \"113\": false, \"114\": false, \"115\": false, \"116\": false, \"117\": false, \"118\": false, \"119\": false, \"120\": false, \"121\": false, \"122\": false, \"123\": false, \"124\": false, \"125\": false, \"126\": false, \"127\": false, \"128\": false, \"129\": false, \"130\": false, \"131\": false, \"132\": false, \"133\": false, \"134\": false, \"135\": true, \"136\": true, \"137\": true, \"138\": true, \"139\": true, \"140\": true, \"141\": true, \"142\": true, \"143\": true, \"144\": true, \"145\": true, \"146\": true, \"147\": true, \"148\": true, \"149\": true, \"150\": true, \"151\": true, \"152\": true, \"153\": true, \"154\": true, \"155\": false, \"156\": true, \"157\": true, \"158\": true, \"159\": true, \"160\": false, \"161\": false, \"162\": true, \"163\": true, \"164\": true, \"165\": false, \"166\": false, \"167\": false, \"168\": false, \"169\": false, \"170\": false, \"171\": false, \"172\": false, \"173\": false, \"174\": false, \"175\": false, \"176\": true, \"177\": false, \"178\": false, \"179\": false, \"180\": false, \"181\": false, \"182\": false, \"183\": false, \"184\": false, \"185\": false, \"186\": false, \"187\": false, \"188\": false, \"189\": false, \"190\": false, \"191\": false, \"192\": false, \"193\": false, \"194\": false, \"195\": true, \"196\": true, \"197\": false, \"198\": false, \"199\": false, \"200\": true, \"201\": true, \"202\": true, \"203\": true, \"204\": true, \"205\": true, \"206\": true, \"207\": true, \"208\": true, \"209\": true, \"210\": true, \"211\": true, \"212\": true, \"213\": true, \"214\": true, \"215\": true, \"216\": false, \"217\": true, \"218\": true, \"219\": true, \"220\": true, \"221\": true, \"222\": false, \"223\": true, \"224\": false, \"225\": false, \"226\": false, \"227\": false, \"228\": false, \"229\": false, \"230\": false, \"231\": false, \"232\": false, \"233\": false, \"234\": false, \"235\": false, \"236\": true, \"237\": false, \"238\": false, \"239\": false, \"240\": false, \"241\": false, \"242\": false, \"243\": false, \"244\": false, \"245\": false, \"246\": false, \"247\": false, \"248\": false, \"249\": false, \"250\": false, \"251\": false, \"252\": false, \"253\": false, \"254\": false, \"255\": true, \"256\": false, \"257\": true, \"258\": true, \"259\": true, \"260\": true, \"261\": false, \"262\": true, \"263\": true, \"264\": true, \"265\": true, \"266\": true, \"267\": true, \"268\": true, \"269\": true, \"270\": false, \"271\": false, \"272\": false, \"273\": true, \"274\": true, \"275\": true, \"276\": false, \"277\": false, \"278\": false, \"279\": false, \"280\": true, \"281\": true, \"282\": true, \"283\": false, \"284\": false, \"285\": false, \"286\": false, \"287\": false, \"288\": false, \"289\": false, \"290\": false, \"291\": true, \"292\": false, \"293\": false, \"294\": false, \"295\": false, \"296\": true, \"297\": false, \"298\": false, \"299\": false, \"300\": false, \"301\": false, \"302\": false, \"303\": false, \"304\": false, \"305\": false, \"306\": false, \"307\": false, \"308\": false, \"309\": false, \"310\": false, \"311\": false, \"312\": false, \"313\": false, \"314\": false, \"315\": true, \"316\": true, \"317\": true, \"318\": true, \"319\": true, \"320\": true, \"321\": true, \"322\": true, \"323\": true, \"324\": true, \"325\": true, \"326\": true, \"327\": true, \"328\": true, \"329\": true, \"330\": true, \"331\": true, \"332\": true, \"333\": true, \"334\": true, \"335\": true, \"336\": true, \"337\": true, \"338\": true, \"339\": false, \"340\": false, \"341\": true, \"342\": true, \"343\": false, \"344\": false, \"345\": false, \"346\": false, \"347\": false, \"348\": false, \"349\": false, \"350\": false, \"351\": false, \"352\": false, \"353\": false, \"354\": false, \"355\": false, \"356\": true, \"357\": false, \"358\": false, \"359\": false, \"360\": false, \"361\": false, \"362\": false, \"363\": false, \"364\": false, \"365\": false, \"366\": false, \"367\": false, \"368\": false, \"369\": false, \"370\": false, \"371\": false, \"372\": false, \"373\": false, \"374\": false, \"375\": true, \"376\": true, \"377\": true, \"378\": true, \"379\": true, \"380\": true, \"381\": true, \"382\": true, \"383\": true, \"384\": true, \"385\": true, \"386\": true, \"387\": true, \"388\": true, \"389\": true, \"390\": true, \"391\": true, \"392\": true, \"393\": true, \"394\": true, \"395\": true, \"396\": true, \"397\": true, \"398\": true, \"399\": true, \"400\": true, \"401\": true, \"402\": false, \"403\": true, \"404\": true, \"405\": false, \"406\": false, \"407\": false, \"408\": false, \"409\": false, \"410\": false, \"411\": false, \"412\": false, \"413\": false, \"414\": false, \"415\": false, \"416\": false, \"417\": false, \"418\": false, \"419\": false, \"420\": false, \"421\": false, \"422\": false, \"423\": false, \"424\": false, \"425\": false, \"426\": false, \"427\": false, \"428\": false, \"429\": false, \"430\": false, \"431\": false, \"432\": false, \"433\": false, \"434\": false, \"435\": false, \"436\": false, \"437\": true, \"438\": true, \"439\": true, \"440\": true, \"441\": true, \"442\": true, \"443\": true, \"444\": true, \"445\": true, \"446\": true, \"447\": true, \"448\": true, \"449\": true, \"450\": false, \"451\": true, \"452\": true, \"453\": true, \"454\": true, \"455\": false, \"456\": true, \"457\": true, \"458\": true, \"459\": false, \"460\": false, \"461\": true, \"462\": true, \"463\": true, \"464\": false, \"465\": false, \"466\": false, \"467\": false, \"468\": false, \"469\": false, \"470\": false, \"471\": false, \"472\": false, \"473\": false, \"474\": false, \"475\": false, \"476\": true, \"477\": false, \"478\": false, \"479\": false, \"480\": false, \"481\": false, \"482\": false, \"483\": false, \"484\": false, \"485\": false, \"486\": false, \"487\": false, \"488\": false, \"489\": false, \"490\": false, \"491\": false, \"492\": false, \"493\": false, \"494\": false, \"495\": true, \"496\": true, \"497\": true, \"498\": true, \"499\": true, \"500\": true, \"501\": true, \"502\": true, \"503\": true, \"504\": true, \"505\": true, \"506\": true, \"507\": true, \"508\": true, \"509\": true, \"510\": true, \"511\": true, \"512\": true, \"513\": true, \"514\": true, \"515\": false, \"516\": true, \"517\": true, \"518\": true, \"519\": true, \"520\": false, \"521\": false, \"522\": true, \"523\": false, \"524\": true, \"525\": false, \"526\": false, \"527\": false, \"528\": false, \"529\": false, \"530\": false, \"531\": false, \"532\": false, \"533\": false, \"534\": false, \"535\": false, \"536\": false, \"537\": false, \"538\": false, \"539\": false, \"540\": false, \"541\": false, \"542\": false, \"543\": false, \"544\": false, \"545\": false, \"546\": false, \"547\": false, \"548\": false, \"549\": false, \"550\": false, \"551\": false, \"552\": false, \"553\": false, \"554\": false, \"555\": true, \"556\": true, \"557\": true, \"558\": true, \"559\": true, \"560\": true, \"561\": true, \"562\": true, \"563\": true, \"564\": true, \"565\": true, \"566\": true, \"567\": true, \"568\": true, \"569\": true, \"570\": true, \"571\": true, \"572\": true, \"573\": true, \"574\": true, \"575\": true, \"576\": false, \"577\": true, \"578\": true, \"579\": true, \"580\": true, \"581\": true, \"582\": false, \"583\": false, \"584\": true, \"585\": false, \"586\": false, \"587\": false, \"588\": false, \"589\": false, \"590\": false, \"591\": false, \"592\": false, \"593\": false, \"594\": false, \"595\": false, \"596\": false, \"597\": false, \"598\": false, \"599\": false, \"600\": false, \"601\": false, \"602\": false, \"603\": false, \"604\": false, \"605\": false, \"606\": false, \"607\": false, \"608\": false, \"609\": false, \"610\": false, \"611\": false, \"612\": false, \"613\": false, \"614\": false, \"615\": true, \"616\": true, \"617\": true, \"618\": true, \"619\": true, \"620\": true, \"621\": true, \"622\": true, \"623\": true, \"624\": true, \"625\": true, \"626\": true, \"627\": true, \"628\": true, \"629\": true, \"630\": true, \"631\": true, \"632\": true, \"633\": true, \"634\": true, \"635\": true, \"636\": true, \"637\": true, \"638\": true, \"639\": false, \"640\": false, \"641\": true, \"642\": true, \"643\": false, \"644\": false, \"645\": false, \"646\": false, \"647\": false, \"648\": false, \"649\": false, \"650\": false, \"651\": false, \"652\": false, \"653\": false, \"654\": false, \"655\": false, \"656\": true, \"657\": false, \"658\": false, \"659\": false, \"660\": false, \"661\": false, \"662\": false, \"663\": false, \"664\": false, \"665\": false, \"666\": false, \"667\": false, \"668\": false, \"669\": false, \"670\": false, \"671\": false, \"672\": false, \"673\": false, \"674\": false, \"675\": true, \"676\": true, \"677\": true, \"678\": true, \"679\": true, \"680\": true, \"681\": true, \"682\": true, \"683\": true, \"684\": true, \"685\": true, \"686\": true, \"687\": true, \"688\": true, \"689\": true, \"690\": true, \"691\": true, \"692\": true, \"693\": true, \"694\": true, \"695\": true, \"696\": false, \"697\": true, \"698\": true, \"699\": true, \"700\": true, \"701\": true, \"702\": false, \"703\": true, \"704\": true, \"705\": false, \"706\": false, \"707\": false, \"708\": false, \"709\": false, \"710\": false, \"711\": false, \"712\": false, \"713\": false, \"714\": false, \"715\": false, \"716\": false, \"717\": false, \"718\": false, \"719\": false}"); var names_all = JSON.parse("{\"0\": \"Positive Predictive Value (PPV)\", \"1\": \"Positive Predictive Value (PPV)\", \"2\": \"Positive Predictive Value (PPV)\", \"3\": \"Positive Predictive Value (PPV)\", \"4\": \"Positive Predictive Value (PPV)\", \"5\": \"Positive Predictive Value (PPV)\", \"6\": \"Positive Predictive Value (PPV)\", \"7\": \"Positive Predictive Value (PPV)\", \"8\": \"Positive Predictive Value (PPV)\", \"9\": \"Positive Predictive Value (PPV)\", \"10\": \"Positive Predictive Value (PPV)\", \"11\": \"Positive Predictive Value (PPV)\", \"12\": \"Positive Predictive Value (PPV)\", \"13\": \"Positive Predictive Value (PPV)\", \"14\": \"Positive Predictive Value (PPV)\", \"15\": \"Negative Predictive Value (NPV)\", \"16\": \"Negative Predictive Value (NPV)\", \"17\": \"Negative Predictive Value (NPV)\", \"18\": \"Negative Predictive Value (NPV)\", \"19\": \"Negative Predictive Value (NPV)\", \"20\": \"Negative Predictive Value (NPV)\", \"21\": \"Negative Predictive Value (NPV)\", \"22\": \"Negative Predictive Value (NPV)\", \"23\": \"Negative Predictive Value (NPV)\", \"24\": \"Negative Predictive Value (NPV)\", \"25\": \"Negative Predictive Value (NPV)\", \"26\": \"Negative Predictive Value (NPV)\", \"27\": \"Negative Predictive Value (NPV)\", \"28\": \"Negative Predictive Value (NPV)\", \"29\": \"Negative Predictive Value (NPV)\", \"30\": \"Sensitivity\", \"31\": \"Sensitivity\", \"32\": \"Sensitivity\", \"33\": \"Sensitivity\", \"34\": \"Sensitivity\", \"35\": \"Sensitivity\", \"36\": \"Sensitivity\", \"37\": \"Sensitivity\", \"38\": \"Sensitivity\", \"39\": \"Sensitivity\", \"40\": \"Sensitivity\", \"41\": \"Sensitivity\", \"42\": \"Sensitivity\", \"43\": \"Sensitivity\", \"44\": \"Sensitivity\", \"45\": \"Specificity\", \"46\": \"Specificity\", \"47\": \"Specificity\", \"48\": \"Specificity\", \"49\": \"Specificity\", \"50\": \"Specificity\", \"51\": \"Specificity\", \"52\": \"Specificity\", \"53\": \"Specificity\", \"54\": \"Specificity\", \"55\": \"Specificity\", \"56\": \"Specificity\", \"57\": \"Specificity\", \"58\": \"Specificity\", \"59\": \"Specificity\", \"60\": \"Positive Predictive Value (PPV)\", \"61\": \"Positive Predictive Value (PPV)\", \"62\": \"Positive Predictive Value (PPV)\", \"63\": \"Positive Predictive Value (PPV)\", \"64\": \"Positive Predictive Value (PPV)\", \"65\": \"Positive Predictive Value (PPV)\", \"66\": \"Positive Predictive Value (PPV)\", \"67\": \"Positive Predictive Value (PPV)\", \"68\": \"Positive Predictive Value (PPV)\", \"69\": \"Positive Predictive Value (PPV)\", \"70\": \"Positive Predictive Value (PPV)\", \"71\": \"Positive Predictive Value (PPV)\", \"72\": \"Positive Predictive Value (PPV)\", \"73\": \"Positive Predictive Value (PPV)\", \"74\": \"Positive Predictive Value (PPV)\", \"75\": \"Negative Predictive Value (NPV)\", \"76\": \"Negative Predictive Value (NPV)\", \"77\": \"Negative Predictive Value (NPV)\", \"78\": \"Negative Predictive Value (NPV)\", \"79\": \"Negative Predictive Value (NPV)\", \"80\": \"Negative Predictive Value (NPV)\", \"81\": \"Negative Predictive Value (NPV)\", \"82\": \"Negative Predictive Value (NPV)\", \"83\": \"Negative Predictive Value (NPV)\", \"84\": \"Negative Predictive Value (NPV)\", \"85\": \"Negative Predictive Value (NPV)\", \"86\": \"Negative Predictive Value (NPV)\", \"87\": \"Negative Predictive Value (NPV)\", \"88\": \"Negative Predictive Value (NPV)\", \"89\": \"Negative Predictive Value (NPV)\", \"90\": \"Sensitivity\", \"91\": \"Sensitivity\", \"92\": \"Sensitivity\", \"93\": \"Sensitivity\", \"94\": \"Sensitivity\", \"95\": \"Sensitivity\", \"96\": \"Sensitivity\", \"97\": \"Sensitivity\", \"98\": \"Sensitivity\", \"99\": \"Sensitivity\", \"100\": \"Sensitivity\", \"101\": \"Sensitivity\", \"102\": \"Sensitivity\", \"103\": \"Sensitivity\", \"104\": \"Sensitivity\", \"105\": \"Specificity\", \"106\": \"Specificity\", \"107\": \"Specificity\", \"108\": \"Specificity\", \"109\": \"Specificity\", \"110\": \"Specificity\", \"111\": \"Specificity\", \"112\": \"Specificity\", \"113\": \"Specificity\", \"114\": \"Specificity\", \"115\": \"Specificity\", \"116\": \"Specificity\", \"117\": \"Specificity\", \"118\": \"Specificity\", \"119\": \"Specificity\", \"120\": \"Positive Predictive Value (PPV)\", \"121\": \"Positive Predictive Value (PPV)\", \"122\": \"Positive Predictive Value (PPV)\", \"123\": \"Positive Predictive Value (PPV)\", \"124\": \"Positive Predictive Value (PPV)\", \"125\": \"Positive Predictive Value (PPV)\", \"126\": \"Positive Predictive Value (PPV)\", \"127\": \"Positive Predictive Value (PPV)\", \"128\": \"Positive Predictive Value (PPV)\", \"129\": \"Positive Predictive Value (PPV)\", \"130\": \"Positive Predictive Value (PPV)\", \"131\": \"Positive Predictive Value (PPV)\", \"132\": \"Positive Predictive Value (PPV)\", \"133\": \"Positive Predictive Value (PPV)\", \"134\": \"Positive Predictive Value (PPV)\", \"135\": \"Negative Predictive Value (NPV)\", \"136\": \"Negative Predictive Value (NPV)\", \"137\": \"Negative Predictive Value (NPV)\", \"138\": \"Negative Predictive Value (NPV)\", \"139\": \"Negative Predictive Value (NPV)\", \"140\": \"Negative Predictive Value (NPV)\", \"141\": \"Negative Predictive Value (NPV)\", \"142\": \"Negative Predictive Value (NPV)\", \"143\": \"Negative Predictive Value (NPV)\", \"144\": \"Negative Predictive Value (NPV)\", \"145\": \"Negative Predictive Value (NPV)\", \"146\": \"Negative Predictive Value (NPV)\", \"147\": \"Negative Predictive Value (NPV)\", \"148\": \"Negative Predictive Value (NPV)\", \"149\": \"Negative Predictive Value (NPV)\", \"150\": \"Sensitivity\", \"151\": \"Sensitivity\", \"152\": \"Sensitivity\", \"153\": \"Sensitivity\", \"154\": \"Sensitivity\", \"155\": \"Sensitivity\", \"156\": \"Sensitivity\", \"157\": \"Sensitivity\", \"158\": \"Sensitivity\", \"159\": \"Sensitivity\", \"160\": \"Sensitivity\", \"161\": \"Sensitivity\", \"162\": \"Sensitivity\", \"163\": \"Sensitivity\", \"164\": \"Sensitivity\", \"165\": \"Specificity\", \"166\": \"Specificity\", \"167\": \"Specificity\", \"168\": \"Specificity\", \"169\": \"Specificity\", \"170\": \"Specificity\", \"171\": \"Specificity\", \"172\": \"Specificity\", \"173\": \"Specificity\", \"174\": \"Specificity\", \"175\": \"Specificity\", \"176\": \"Specificity\", \"177\": \"Specificity\", \"178\": \"Specificity\", \"179\": \"Specificity\", \"180\": \"Positive Predictive Value (PPV)\", \"181\": \"Positive Predictive Value (PPV)\", \"182\": \"Positive Predictive Value (PPV)\", \"183\": \"Positive Predictive Value (PPV)\", \"184\": \"Positive Predictive Value (PPV)\", \"185\": \"Positive Predictive Value (PPV)\", \"186\": \"Positive Predictive Value (PPV)\", \"187\": \"Positive Predictive Value (PPV)\", \"188\": \"Positive Predictive Value (PPV)\", \"189\": \"Positive Predictive Value (PPV)\", \"190\": \"Positive Predictive Value (PPV)\", \"191\": \"Positive Predictive Value (PPV)\", \"192\": \"Positive Predictive Value (PPV)\", \"193\": \"Positive Predictive Value (PPV)\", \"194\": \"Positive Predictive Value (PPV)\", \"195\": \"Negative Predictive Value (NPV)\", \"196\": \"Negative Predictive Value (NPV)\", \"197\": \"Negative Predictive Value (NPV)\", \"198\": \"Negative Predictive Value (NPV)\", \"199\": \"Negative Predictive Value (NPV)\", \"200\": \"Negative Predictive Value (NPV)\", \"201\": \"Negative Predictive Value (NPV)\", \"202\": \"Negative Predictive Value (NPV)\", \"203\": \"Negative Predictive Value (NPV)\", \"204\": \"Negative Predictive Value (NPV)\", \"205\": \"Negative Predictive Value (NPV)\", \"206\": \"Negative Predictive Value (NPV)\", \"207\": \"Negative Predictive Value (NPV)\", \"208\": \"Negative Predictive Value (NPV)\", \"209\": \"Negative Predictive Value (NPV)\", \"210\": \"Sensitivity\", \"211\": \"Sensitivity\", \"212\": \"Sensitivity\", \"213\": \"Sensitivity\", \"214\": \"Sensitivity\", \"215\": \"Sensitivity\", \"216\": \"Sensitivity\", \"217\": \"Sensitivity\", \"218\": \"Sensitivity\", \"219\": \"Sensitivity\", \"220\": \"Sensitivity\", \"221\": \"Sensitivity\", \"222\": \"Sensitivity\", \"223\": \"Sensitivity\", \"224\": \"Sensitivity\", \"225\": \"Specificity\", \"226\": \"Specificity\", \"227\": \"Specificity\", \"228\": \"Specificity\", \"229\": \"Specificity\", \"230\": \"Specificity\", \"231\": \"Specificity\", \"232\": \"Specificity\", \"233\": \"Specificity\", \"234\": \"Specificity\", \"235\": \"Specificity\", \"236\": \"Specificity\", \"237\": \"Specificity\", \"238\": \"Specificity\", \"239\": \"Specificity\", \"240\": \"Positive Predictive Value (PPV)\", \"241\": \"Positive Predictive Value (PPV)\", \"242\": \"Positive Predictive Value (PPV)\", \"243\": \"Positive Predictive Value (PPV)\", \"244\": \"Positive Predictive Value (PPV)\", \"245\": \"Positive Predictive Value (PPV)\", \"246\": \"Positive Predictive Value (PPV)\", \"247\": \"Positive Predictive Value (PPV)\", \"248\": \"Positive Predictive Value (PPV)\", \"249\": \"Positive Predictive Value (PPV)\", \"250\": \"Positive Predictive Value (PPV)\", \"251\": \"Positive Predictive Value (PPV)\", \"252\": \"Positive Predictive Value (PPV)\", \"253\": \"Positive Predictive Value (PPV)\", \"254\": \"Positive Predictive Value (PPV)\", \"255\": \"Negative Predictive Value (NPV)\", \"256\": \"Negative Predictive Value (NPV)\", \"257\": \"Negative Predictive Value (NPV)\", \"258\": \"Negative Predictive Value (NPV)\", \"259\": \"Negative Predictive Value (NPV)\", \"260\": \"Negative Predictive Value (NPV)\", \"261\": \"Negative Predictive Value (NPV)\", \"262\": \"Negative Predictive Value (NPV)\", \"263\": \"Negative Predictive Value (NPV)\", \"264\": \"Negative Predictive Value (NPV)\", \"265\": \"Negative Predictive Value (NPV)\", \"266\": \"Negative Predictive Value (NPV)\", \"267\": \"Negative Predictive Value (NPV)\", \"268\": \"Negative Predictive Value (NPV)\", \"269\": \"Negative Predictive Value (NPV)\", \"270\": \"Sensitivity\", \"271\": \"Sensitivity\", \"272\": \"Sensitivity\", \"273\": \"Sensitivity\", \"274\": \"Sensitivity\", \"275\": \"Sensitivity\", \"276\": \"Sensitivity\", \"277\": \"Sensitivity\", \"278\": \"Sensitivity\", \"279\": \"Sensitivity\", \"280\": \"Sensitivity\", \"281\": \"Sensitivity\", \"282\": \"Sensitivity\", \"283\": \"Sensitivity\", \"284\": \"Sensitivity\", \"285\": \"Specificity\", \"286\": \"Specificity\", \"287\": \"Specificity\", \"288\": \"Specificity\", \"289\": \"Specificity\", \"290\": \"Specificity\", \"291\": \"Specificity\", \"292\": \"Specificity\", \"293\": \"Specificity\", \"294\": \"Specificity\", \"295\": \"Specificity\", \"296\": \"Specificity\", \"297\": \"Specificity\", \"298\": \"Specificity\", \"299\": \"Specificity\", \"300\": \"Positive Predictive Value (PPV)\", \"301\": \"Positive Predictive Value (PPV)\", \"302\": \"Positive Predictive Value (PPV)\", \"303\": \"Positive Predictive Value (PPV)\", \"304\": \"Positive Predictive Value (PPV)\", \"305\": \"Positive Predictive Value (PPV)\", \"306\": \"Positive Predictive Value (PPV)\", \"307\": \"Positive Predictive Value (PPV)\", \"308\": \"Positive Predictive Value (PPV)\", \"309\": \"Positive Predictive Value (PPV)\", \"310\": \"Positive Predictive Value (PPV)\", \"311\": \"Positive Predictive Value (PPV)\", \"312\": \"Positive Predictive Value (PPV)\", \"313\": \"Positive Predictive Value (PPV)\", \"314\": \"Positive Predictive Value (PPV)\", \"315\": \"Negative Predictive Value (NPV)\", \"316\": \"Negative Predictive Value (NPV)\", \"317\": \"Negative Predictive Value (NPV)\", \"318\": \"Negative Predictive Value (NPV)\", \"319\": \"Negative Predictive Value (NPV)\", \"320\": \"Negative Predictive Value (NPV)\", \"321\": \"Negative Predictive Value (NPV)\", \"322\": \"Negative Predictive Value (NPV)\", \"323\": \"Negative Predictive Value (NPV)\", \"324\": \"Negative Predictive Value (NPV)\", \"325\": \"Negative Predictive Value (NPV)\", \"326\": \"Negative Predictive Value (NPV)\", \"327\": \"Negative Predictive Value (NPV)\", \"328\": \"Negative Predictive Value (NPV)\", \"329\": \"Negative Predictive Value (NPV)\", \"330\": \"Sensitivity\", \"331\": \"Sensitivity\", \"332\": \"Sensitivity\", \"333\": \"Sensitivity\", \"334\": \"Sensitivity\", \"335\": \"Sensitivity\", \"336\": \"Sensitivity\", \"337\": \"Sensitivity\", \"338\": \"Sensitivity\", \"339\": \"Sensitivity\", \"340\": \"Sensitivity\", \"341\": \"Sensitivity\", \"342\": \"Sensitivity\", \"343\": \"Sensitivity\", \"344\": \"Sensitivity\", \"345\": \"Specificity\", \"346\": \"Specificity\", \"347\": \"Specificity\", \"348\": \"Specificity\", \"349\": \"Specificity\", \"350\": \"Specificity\", \"351\": \"Specificity\", \"352\": \"Specificity\", \"353\": \"Specificity\", \"354\": \"Specificity\", \"355\": \"Specificity\", \"356\": \"Specificity\", \"357\": \"Specificity\", \"358\": \"Specificity\", \"359\": \"Specificity\", \"360\": \"Positive Predictive Value (PPV)\", \"361\": \"Positive Predictive Value (PPV)\", \"362\": \"Positive Predictive Value (PPV)\", \"363\": \"Positive Predictive Value (PPV)\", \"364\": \"Positive Predictive Value (PPV)\", \"365\": \"Positive Predictive Value (PPV)\", \"366\": \"Positive Predictive Value (PPV)\", \"367\": \"Positive Predictive Value (PPV)\", \"368\": \"Positive Predictive Value (PPV)\", \"369\": \"Positive Predictive Value (PPV)\", \"370\": \"Positive Predictive Value (PPV)\", \"371\": \"Positive Predictive Value (PPV)\", \"372\": \"Positive Predictive Value (PPV)\", \"373\": \"Positive Predictive Value (PPV)\", \"374\": \"Positive Predictive Value (PPV)\", \"375\": \"Negative Predictive Value (NPV)\", \"376\": \"Negative Predictive Value (NPV)\", \"377\": \"Negative Predictive Value (NPV)\", \"378\": \"Negative Predictive Value (NPV)\", \"379\": \"Negative Predictive Value (NPV)\", \"380\": \"Negative Predictive Value (NPV)\", \"381\": \"Negative Predictive Value (NPV)\", \"382\": \"Negative Predictive Value (NPV)\", \"383\": \"Negative Predictive Value (NPV)\", \"384\": \"Negative Predictive Value (NPV)\", \"385\": \"Negative Predictive Value (NPV)\", \"386\": \"Negative Predictive Value (NPV)\", \"387\": \"Negative Predictive Value (NPV)\", \"388\": \"Negative Predictive Value (NPV)\", \"389\": \"Negative Predictive Value (NPV)\", \"390\": \"Sensitivity\", \"391\": \"Sensitivity\", \"392\": \"Sensitivity\", \"393\": \"Sensitivity\", \"394\": \"Sensitivity\", \"395\": \"Sensitivity\", \"396\": \"Sensitivity\", \"397\": \"Sensitivity\", \"398\": \"Sensitivity\", \"399\": \"Sensitivity\", \"400\": \"Sensitivity\", \"401\": \"Sensitivity\", \"402\": \"Sensitivity\", \"403\": \"Sensitivity\", \"404\": \"Sensitivity\", \"405\": \"Specificity\", \"406\": \"Specificity\", \"407\": \"Specificity\", \"408\": \"Specificity\", \"409\": \"Specificity\", \"410\": \"Specificity\", \"411\": \"Specificity\", \"412\": \"Specificity\", \"413\": \"Specificity\", \"414\": \"Specificity\", \"415\": \"Specificity\", \"416\": \"Specificity\", \"417\": \"Specificity\", \"418\": \"Specificity\", \"419\": \"Specificity\", \"420\": \"Positive Predictive Value (PPV)\", \"421\": \"Positive Predictive Value (PPV)\", \"422\": \"Positive Predictive Value (PPV)\", \"423\": \"Positive Predictive Value (PPV)\", \"424\": \"Positive Predictive Value (PPV)\", \"425\": \"Positive Predictive Value (PPV)\", \"426\": \"Positive Predictive Value (PPV)\", \"427\": \"Positive Predictive Value (PPV)\", \"428\": \"Positive Predictive Value (PPV)\", \"429\": \"Positive Predictive Value (PPV)\", \"430\": \"Positive Predictive Value (PPV)\", \"431\": \"Positive Predictive Value (PPV)\", \"432\": \"Positive Predictive Value (PPV)\", \"433\": \"Positive Predictive Value (PPV)\", \"434\": \"Positive Predictive Value (PPV)\", \"435\": \"Negative Predictive Value (NPV)\", \"436\": \"Negative Predictive Value (NPV)\", \"437\": \"Negative Predictive Value (NPV)\", \"438\": \"Negative Predictive Value (NPV)\", \"439\": \"Negative Predictive Value (NPV)\", \"440\": \"Negative Predictive Value (NPV)\", \"441\": \"Negative Predictive Value (NPV)\", \"442\": \"Negative Predictive Value (NPV)\", \"443\": \"Negative Predictive Value (NPV)\", \"444\": \"Negative Predictive Value (NPV)\", \"445\": \"Negative Predictive Value (NPV)\", \"446\": \"Negative Predictive Value (NPV)\", \"447\": \"Negative Predictive Value (NPV)\", \"448\": \"Negative Predictive Value (NPV)\", \"449\": \"Negative Predictive Value (NPV)\", \"450\": \"Sensitivity\", \"451\": \"Sensitivity\", \"452\": \"Sensitivity\", \"453\": \"Sensitivity\", \"454\": \"Sensitivity\", \"455\": \"Sensitivity\", \"456\": \"Sensitivity\", \"457\": \"Sensitivity\", \"458\": \"Sensitivity\", \"459\": \"Sensitivity\", \"460\": \"Sensitivity\", \"461\": \"Sensitivity\", \"462\": \"Sensitivity\", \"463\": \"Sensitivity\", \"464\": \"Sensitivity\", \"465\": \"Specificity\", \"466\": \"Specificity\", \"467\": \"Specificity\", \"468\": \"Specificity\", \"469\": \"Specificity\", \"470\": \"Specificity\", \"471\": \"Specificity\", \"472\": \"Specificity\", \"473\": \"Specificity\", \"474\": \"Specificity\", \"475\": \"Specificity\", \"476\": \"Specificity\", \"477\": \"Specificity\", \"478\": \"Specificity\", \"479\": \"Specificity\", \"480\": \"Positive Predictive Value (PPV)\", \"481\": \"Positive Predictive Value (PPV)\", \"482\": \"Positive Predictive Value (PPV)\", \"483\": \"Positive Predictive Value (PPV)\", \"484\": \"Positive Predictive Value (PPV)\", \"485\": \"Positive Predictive Value (PPV)\", \"486\": \"Positive Predictive Value (PPV)\", \"487\": \"Positive Predictive Value (PPV)\", \"488\": \"Positive Predictive Value (PPV)\", \"489\": \"Positive Predictive Value (PPV)\", \"490\": \"Positive Predictive Value (PPV)\", \"491\": \"Positive Predictive Value (PPV)\", \"492\": \"Positive Predictive Value (PPV)\", \"493\": \"Positive Predictive Value (PPV)\", \"494\": \"Positive Predictive Value (PPV)\", \"495\": \"Negative Predictive Value (NPV)\", \"496\": \"Negative Predictive Value (NPV)\", \"497\": \"Negative Predictive Value (NPV)\", \"498\": \"Negative Predictive Value (NPV)\", \"499\": \"Negative Predictive Value (NPV)\", \"500\": \"Negative Predictive Value (NPV)\", \"501\": \"Negative Predictive Value (NPV)\", \"502\": \"Negative Predictive Value (NPV)\", \"503\": \"Negative Predictive Value (NPV)\", \"504\": \"Negative Predictive Value (NPV)\", \"505\": \"Negative Predictive Value (NPV)\", \"506\": \"Negative Predictive Value (NPV)\", \"507\": \"Negative Predictive Value (NPV)\", \"508\": \"Negative Predictive Value (NPV)\", \"509\": \"Negative Predictive Value (NPV)\", \"510\": \"Sensitivity\", \"511\": \"Sensitivity\", \"512\": \"Sensitivity\", \"513\": \"Sensitivity\", \"514\": \"Sensitivity\", \"515\": \"Sensitivity\", \"516\": \"Sensitivity\", \"517\": \"Sensitivity\", \"518\": \"Sensitivity\", \"519\": \"Sensitivity\", \"520\": \"Sensitivity\", \"521\": \"Sensitivity\", \"522\": \"Sensitivity\", \"523\": \"Sensitivity\", \"524\": \"Sensitivity\", \"525\": \"Specificity\", \"526\": \"Specificity\", \"527\": \"Specificity\", \"528\": \"Specificity\", \"529\": \"Specificity\", \"530\": \"Specificity\", \"531\": \"Specificity\", \"532\": \"Specificity\", \"533\": \"Specificity\", \"534\": \"Specificity\", \"535\": \"Specificity\", \"536\": \"Specificity\", \"537\": \"Specificity\", \"538\": \"Specificity\", \"539\": \"Specificity\", \"540\": \"Positive Predictive Value (PPV)\", \"541\": \"Positive Predictive Value (PPV)\", \"542\": \"Positive Predictive Value (PPV)\", \"543\": \"Positive Predictive Value (PPV)\", \"544\": \"Positive Predictive Value (PPV)\", \"545\": \"Positive Predictive Value (PPV)\", \"546\": \"Positive Predictive Value (PPV)\", \"547\": \"Positive Predictive Value (PPV)\", \"548\": \"Positive Predictive Value (PPV)\", \"549\": \"Positive Predictive Value (PPV)\", \"550\": \"Positive Predictive Value (PPV)\", \"551\": \"Positive Predictive Value (PPV)\", \"552\": \"Positive Predictive Value (PPV)\", \"553\": \"Positive Predictive Value (PPV)\", \"554\": \"Positive Predictive Value (PPV)\", \"555\": \"Negative Predictive Value (NPV)\", \"556\": \"Negative Predictive Value (NPV)\", \"557\": \"Negative Predictive Value (NPV)\", \"558\": \"Negative Predictive Value (NPV)\", \"559\": \"Negative Predictive Value (NPV)\", \"560\": \"Negative Predictive Value (NPV)\", \"561\": \"Negative Predictive Value (NPV)\", \"562\": \"Negative Predictive Value (NPV)\", \"563\": \"Negative Predictive Value (NPV)\", \"564\": \"Negative Predictive Value (NPV)\", \"565\": \"Negative Predictive Value (NPV)\", \"566\": \"Negative Predictive Value (NPV)\", \"567\": \"Negative Predictive Value (NPV)\", \"568\": \"Negative Predictive Value (NPV)\", \"569\": \"Negative Predictive Value (NPV)\", \"570\": \"Sensitivity\", \"571\": \"Sensitivity\", \"572\": \"Sensitivity\", \"573\": \"Sensitivity\", \"574\": \"Sensitivity\", \"575\": \"Sensitivity\", \"576\": \"Sensitivity\", \"577\": \"Sensitivity\", \"578\": \"Sensitivity\", \"579\": \"Sensitivity\", \"580\": \"Sensitivity\", \"581\": \"Sensitivity\", \"582\": \"Sensitivity\", \"583\": \"Sensitivity\", \"584\": \"Sensitivity\", \"585\": \"Specificity\", \"586\": \"Specificity\", \"587\": \"Specificity\", \"588\": \"Specificity\", \"589\": \"Specificity\", \"590\": \"Specificity\", \"591\": \"Specificity\", \"592\": \"Specificity\", \"593\": \"Specificity\", \"594\": \"Specificity\", \"595\": \"Specificity\", \"596\": \"Specificity\", \"597\": \"Specificity\", \"598\": \"Specificity\", \"599\": \"Specificity\", \"600\": \"Positive Predictive Value (PPV)\", \"601\": \"Positive Predictive Value (PPV)\", \"602\": \"Positive Predictive Value (PPV)\", \"603\": \"Positive Predictive Value (PPV)\", \"604\": \"Positive Predictive Value (PPV)\", \"605\": \"Positive Predictive Value (PPV)\", \"606\": \"Positive Predictive Value (PPV)\", \"607\": \"Positive Predictive Value (PPV)\", \"608\": \"Positive Predictive Value (PPV)\", \"609\": \"Positive Predictive Value (PPV)\", \"610\": \"Positive Predictive Value (PPV)\", \"611\": \"Positive Predictive Value (PPV)\", \"612\": \"Positive Predictive Value (PPV)\", \"613\": \"Positive Predictive Value (PPV)\", \"614\": \"Positive Predictive Value (PPV)\", \"615\": \"Negative Predictive Value (NPV)\", \"616\": \"Negative Predictive Value (NPV)\", \"617\": \"Negative Predictive Value (NPV)\", \"618\": \"Negative Predictive Value (NPV)\", \"619\": \"Negative Predictive Value (NPV)\", \"620\": \"Negative Predictive Value (NPV)\", \"621\": \"Negative Predictive Value (NPV)\", \"622\": \"Negative Predictive Value (NPV)\", \"623\": \"Negative Predictive Value (NPV)\", \"624\": \"Negative Predictive Value (NPV)\", \"625\": \"Negative Predictive Value (NPV)\", \"626\": \"Negative Predictive Value (NPV)\", \"627\": \"Negative Predictive Value (NPV)\", \"628\": \"Negative Predictive Value (NPV)\", \"629\": \"Negative Predictive Value (NPV)\", \"630\": \"Sensitivity\", \"631\": \"Sensitivity\", \"632\": \"Sensitivity\", \"633\": \"Sensitivity\", \"634\": \"Sensitivity\", \"635\": \"Sensitivity\", \"636\": \"Sensitivity\", \"637\": \"Sensitivity\", \"638\": \"Sensitivity\", \"639\": \"Sensitivity\", \"640\": \"Sensitivity\", \"641\": \"Sensitivity\", \"642\": \"Sensitivity\", \"643\": \"Sensitivity\", \"644\": \"Sensitivity\", \"645\": \"Specificity\", \"646\": \"Specificity\", \"647\": \"Specificity\", \"648\": \"Specificity\", \"649\": \"Specificity\", \"650\": \"Specificity\", \"651\": \"Specificity\", \"652\": \"Specificity\", \"653\": \"Specificity\", \"654\": \"Specificity\", \"655\": \"Specificity\", \"656\": \"Specificity\", \"657\": \"Specificity\", \"658\": \"Specificity\", \"659\": \"Specificity\", \"660\": \"Positive Predictive Value (PPV)\", \"661\": \"Positive Predictive Value (PPV)\", \"662\": \"Positive Predictive Value (PPV)\", \"663\": \"Positive Predictive Value (PPV)\", \"664\": \"Positive Predictive Value (PPV)\", \"665\": \"Positive Predictive Value (PPV)\", \"666\": \"Positive Predictive Value (PPV)\", \"667\": \"Positive Predictive Value (PPV)\", \"668\": \"Positive Predictive Value (PPV)\", \"669\": \"Positive Predictive Value (PPV)\", \"670\": \"Positive Predictive Value (PPV)\", \"671\": \"Positive Predictive Value (PPV)\", \"672\": \"Positive Predictive Value (PPV)\", \"673\": \"Positive Predictive Value (PPV)\", \"674\": \"Positive Predictive Value (PPV)\", \"675\": \"Negative Predictive Value (NPV)\", \"676\": \"Negative Predictive Value (NPV)\", \"677\": \"Negative Predictive Value (NPV)\", \"678\": \"Negative Predictive Value (NPV)\", \"679\": \"Negative Predictive Value (NPV)\", \"680\": \"Negative Predictive Value (NPV)\", \"681\": \"Negative Predictive Value (NPV)\", \"682\": \"Negative Predictive Value (NPV)\", \"683\": \"Negative Predictive Value (NPV)\", \"684\": \"Negative Predictive Value (NPV)\", \"685\": \"Negative Predictive Value (NPV)\", \"686\": \"Negative Predictive Value (NPV)\", \"687\": \"Negative Predictive Value (NPV)\", \"688\": \"Negative Predictive Value (NPV)\", \"689\": \"Negative Predictive Value (NPV)\", \"690\": \"Sensitivity\", \"691\": \"Sensitivity\", \"692\": \"Sensitivity\", \"693\": \"Sensitivity\", \"694\": \"Sensitivity\", \"695\": \"Sensitivity\", \"696\": \"Sensitivity\", \"697\": \"Sensitivity\", \"698\": \"Sensitivity\", \"699\": \"Sensitivity\", \"700\": \"Sensitivity\", \"701\": \"Sensitivity\", \"702\": \"Sensitivity\", \"703\": \"Sensitivity\", \"704\": \"Sensitivity\", \"705\": \"Specificity\", \"706\": \"Specificity\", \"707\": \"Specificity\", \"708\": \"Specificity\", \"709\": \"Specificity\", \"710\": \"Specificity\", \"711\": \"Specificity\", \"712\": \"Specificity\", \"713\": \"Specificity\", \"714\": \"Specificity\", \"715\": \"Specificity\", \"716\": \"Specificity\", \"717\": \"Specificity\", \"718\": \"Specificity\", \"719\": \"Specificity\"}"); var timestamps_all = JSON.parse("{\"0\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"1\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"2\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"3\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"4\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"5\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"6\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"7\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"8\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"9\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"10\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"11\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"12\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"13\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"14\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"15\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"16\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"17\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"18\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"19\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"20\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"21\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"22\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"23\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"24\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"25\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"26\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"27\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"28\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"29\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"30\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"31\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"32\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"33\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"34\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"35\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"36\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"37\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"38\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"39\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"40\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"41\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"42\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"43\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"44\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"45\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"46\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"47\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"48\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"49\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"50\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"51\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"52\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"53\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"54\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"55\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"56\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"57\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"58\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"59\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"60\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"61\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"62\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"63\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"64\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"65\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"66\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"67\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"68\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"69\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"70\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"71\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"72\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"73\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"74\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"75\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"76\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"77\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"78\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"79\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"80\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"81\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"82\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"83\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"84\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"85\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"86\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"87\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"88\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"89\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"90\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"91\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"92\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"93\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"94\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"95\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"96\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"97\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"98\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"99\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"100\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"101\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"102\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"103\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"104\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"105\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"106\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"107\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"108\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"109\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"110\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"111\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"112\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"113\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"114\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"115\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"116\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"117\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"118\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"119\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"120\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"121\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"122\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"123\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"124\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"125\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"126\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"127\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"128\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"129\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"130\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"131\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"132\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"133\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"134\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"135\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"136\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"137\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"138\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"139\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"140\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"141\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"142\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"143\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"144\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"145\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"146\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"147\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"148\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"149\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"150\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"151\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"152\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"153\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"154\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"155\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"156\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"157\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"158\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"159\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"160\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"161\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"162\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"163\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"164\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"165\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"166\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"167\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"168\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"169\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"170\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"171\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"172\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"173\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"174\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"175\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"176\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"177\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"178\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"179\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"180\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"181\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"182\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"183\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"184\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"185\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"186\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"187\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"188\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"189\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"190\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"191\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"192\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"193\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"194\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"195\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"196\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"197\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"198\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"199\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"200\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"201\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"202\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"203\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"204\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"205\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"206\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"207\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"208\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"209\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"210\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"211\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"212\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"213\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"214\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"215\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"216\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"217\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"218\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"219\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"220\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"221\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"222\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"223\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"224\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"225\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"226\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"227\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"228\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"229\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"230\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"231\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"232\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"233\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"234\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"235\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"236\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"237\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"238\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"239\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"240\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"241\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"242\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"243\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"244\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"245\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"246\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"247\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"248\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"249\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"250\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"251\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"252\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"253\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"254\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"255\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"256\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"257\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"258\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"259\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"260\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"261\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"262\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"263\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"264\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"265\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"266\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"267\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"268\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"269\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"270\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"271\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"272\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"273\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"274\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"275\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"276\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"277\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"278\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"279\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"280\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"281\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"282\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"283\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"284\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"285\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"286\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"287\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"288\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"289\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"290\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"291\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"292\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"293\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"294\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"295\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"296\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"297\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"298\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"299\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"300\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"301\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"302\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"303\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"304\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"305\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"306\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"307\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"308\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"309\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"310\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"311\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"312\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"313\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"314\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"315\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"316\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"317\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"318\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"319\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"320\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"321\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"322\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"323\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"324\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"325\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"326\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"327\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"328\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"329\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"330\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"331\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"332\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"333\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"334\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"335\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"336\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"337\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"338\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"339\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"340\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"341\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"342\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"343\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"344\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"345\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"346\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"347\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"348\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"349\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"350\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"351\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"352\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"353\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"354\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"355\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"356\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"357\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"358\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"359\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"360\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"361\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"362\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"363\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"364\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"365\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"366\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"367\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"368\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"369\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"370\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"371\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"372\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"373\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"374\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"375\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"376\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"377\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"378\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"379\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"380\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"381\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"382\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"383\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"384\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"385\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"386\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"387\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"388\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"389\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"390\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"391\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"392\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"393\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"394\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"395\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"396\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"397\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"398\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"399\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"400\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"401\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"402\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"403\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"404\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"405\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"406\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"407\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"408\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"409\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"410\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"411\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"412\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"413\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"414\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"415\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"416\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"417\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"418\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"419\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"420\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"421\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"422\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"423\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"424\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"425\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"426\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"427\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"428\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"429\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"430\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"431\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"432\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"433\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"434\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"435\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"436\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"437\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"438\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"439\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"440\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"441\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"442\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"443\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"444\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"445\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"446\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"447\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"448\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"449\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"450\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"451\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"452\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"453\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"454\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"455\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"456\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"457\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"458\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"459\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"460\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"461\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"462\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"463\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"464\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"465\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"466\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"467\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"468\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"469\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"470\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"471\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"472\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"473\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"474\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"475\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"476\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"477\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"478\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"479\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"480\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"481\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"482\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"483\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"484\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"485\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"486\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"487\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"488\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"489\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"490\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"491\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"492\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"493\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"494\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"495\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"496\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"497\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"498\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"499\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"500\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"501\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"502\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"503\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"504\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"505\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"506\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"507\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"508\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"509\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"510\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"511\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"512\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"513\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"514\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"515\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"516\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"517\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"518\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"519\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"520\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"521\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"522\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"523\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"524\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"525\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"526\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"527\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"528\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"529\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"530\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"531\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"532\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"533\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"534\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"535\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"536\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"537\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"538\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"539\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"540\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"541\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"542\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"543\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"544\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"545\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"546\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"547\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"548\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"549\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"550\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"551\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"552\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"553\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"554\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"555\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"556\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"557\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"558\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"559\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"560\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"561\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"562\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"563\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"564\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"565\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"566\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"567\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"568\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"569\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"570\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"571\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"572\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"573\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"574\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"575\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"576\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"577\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"578\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"579\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"580\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"581\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"582\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"583\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"584\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"585\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"586\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"587\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"588\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"589\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"590\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"591\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"592\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"593\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"594\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"595\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"596\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"597\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"598\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"599\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"600\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"601\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"602\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"603\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"604\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"605\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"606\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"607\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"608\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"609\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"610\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"611\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"612\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"613\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"614\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"615\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"616\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"617\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"618\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"619\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"620\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"621\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"622\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"623\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"624\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"625\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"626\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"627\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"628\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"629\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"630\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"631\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"632\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"633\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"634\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"635\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"636\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"637\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"638\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"639\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"640\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"641\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"642\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"643\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"644\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"645\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"646\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"647\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"648\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"649\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"650\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"651\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"652\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"653\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"654\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"655\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"656\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"657\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"658\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"659\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"660\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"661\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"662\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"663\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"664\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"665\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"666\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"667\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"668\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"669\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"670\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"671\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"672\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"673\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"674\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"675\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"676\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"677\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"678\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"679\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"680\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"681\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"682\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"683\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"684\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"685\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"686\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"687\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"688\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"689\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"690\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"691\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"692\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"693\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"694\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"695\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"696\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"697\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"698\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"699\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"700\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"701\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"702\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"703\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"704\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"705\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"706\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"707\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"708\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"709\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"710\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"711\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"712\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"713\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"714\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"715\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"716\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"717\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"718\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"], \"719\": [\"2023-10-19\", \"2023-10-22\", \"2023-10-30\", \"2023-11-06\"]}"); diff --git a/api/tutorials/synthea/length_of_stay_report_periodic.html b/api/tutorials/synthea/length_of_stay_report_periodic.html index 14a933fe4..d4aee08f7 100644 --- a/api/tutorials/synthea/length_of_stay_report_periodic.html +++ b/api/tutorials/synthea/length_of_stay_report_periodic.html @@ -647,7 +647,7 @@

    A quick glance of your most import
    - 0.96 + 0.85 @@ -680,7 +680,7 @@

    A quick glance of your most import
    - 0.78 + 0.92 @@ -713,7 +713,7 @@

    A quick glance of your most import
    - 0.83 + 0.99 @@ -746,7 +746,7 @@

    A quick glance of your most import
    - 0.92 + 0.95 @@ -779,7 +779,7 @@

    A quick glance of your most import
    - 0.97 + 1.0 @@ -1044,7 +1044,7 @@

    Graphics

    -
    +
    @@ -1052,7 +1052,7 @@

    Graphics

    -
    +
    @@ -1060,7 +1060,7 @@

    Graphics

    -
    +
    @@ -1068,7 +1068,7 @@

    Graphics

    -
    +
    @@ -1076,7 +1076,7 @@

    Graphics

    -
    +
    @@ -1157,7 +1157,7 @@

    Quantitative Analysis

    - 0.96 + 0.85 @@ -1190,7 +1190,7 @@

    Quantitative Analysis

    - 0.78 + 0.92 @@ -1223,7 +1223,7 @@

    Quantitative Analysis

    - 0.83 + 0.99 @@ -1256,7 +1256,7 @@

    Quantitative Analysis

    - 0.92 + 0.95 @@ -1289,7 +1289,7 @@

    Quantitative Analysis

    - 0.97 + 1.0 @@ -1347,7 +1347,7 @@

    Graphics

    -
    +
    @@ -1619,6 +1619,10 @@

    Model Parameters

    +
    +

    Missing

    + nan +
    @@ -1633,10 +1637,6 @@

    Random_state

    -
    -

    N_estimators

    - 100 -
    @@ -1647,6 +1647,10 @@

    N_estimators

    +
    +

    Min_child_weight

    + 3 +
    @@ -1658,18 +1662,14 @@

    N_estimators

    -

    Min_child_weight

    - 3 +

    Max_depth

    + 2
    -
    -

    Reg_lambda

    - 0 -
    @@ -1680,19 +1680,11 @@

    Reg_lambda

    -
    -

    Colsample_bytree

    - 0.7 -
    -
    -

    Objective

    - binary:logistic -
    @@ -1728,57 +1720,65 @@

    Objective

    +
    +

    Seed

    + 123 +
    -

    Enable_categorical

    - False +

    Gamma

    + 0
    -
    -

    Seed

    - 123 -
    +
    +

    Objective

    + binary:logistic +
    +
    +

    Eval_metric

    + logloss +
    +
    +

    Enable_categorical

    + False +
    -

    Learning_rate

    - 0.1 +

    Reg_lambda

    + 10
    -
    -

    Eval_metric

    - logloss -
    @@ -1790,18 +1790,14 @@

    Eval_metric

    -

    Max_depth

    - 2 +

    Colsample_bytree

    + 0.8
    -
    -

    Gamma

    - 1 -
    @@ -1812,10 +1808,6 @@

    Gamma

    -
    -

    Missing

    - nan -
    @@ -1836,11 +1828,19 @@

    Missing

    +
    +

    Learning_rate

    + 0.1 +
    +
    +

    N_estimators

    + 500 +
    @@ -2141,9 +2141,9 @@

    Ethical Considerations

    function generate_model_card_plot() { var model_card_plots = [] var overall_indices = [20, 21, 22, 23, 24] - var histories = JSON.parse("{\"0\": [\"0.8442622950819673\", \"0.8302044935580514\", \"0.8105413620932244\", \"0.9369268740049433\", \"0.7600016778092054\", \"0.8428983413899046\"], \"1\": [\"0.9142857142857143\", \"1.0\", \"0.7861767138164719\", \"1.0\", \"1.0\", \"0.9186897587240712\"], \"2\": [\"0.8311688311688312\", \"0.7156893430612931\", \"0.7326176527762751\", \"0.6495988724358226\", \"0.9213549952232672\", \"0.9917942943690428\"], \"3\": [\"0.8707482993197279\", \"0.8703007316265128\", \"0.8528022437923952\", \"0.832830874858614\", \"0.7916489878641297\", \"0.7975841023949767\"], \"4\": [\"0.9385281385281384\", \"0.9002073596040516\", \"0.9382153055953605\", \"0.854057205148044\", \"1.0\", \"0.9093215888214363\"], \"5\": [\"0.8148148148148148\", \"0.7693716963408984\", \"0.7663566597364805\", \"0.7331901114443904\", \"0.9364261743917466\", \"0.8651818526294065\"], \"6\": [\"0.8076923076923077\", \"0.7064014050056564\", \"0.7962394840083418\", \"0.87496377538536\", \"0.7658722479641332\", \"0.9337805725399144\"], \"7\": [\"0.8076923076923077\", \"0.9326775456033176\", \"0.7687638226548204\", \"0.6208169377964927\", \"0.9193801990931805\", \"0.7631044472635228\"], \"8\": [\"0.8076923076923077\", \"0.9094746178353824\", \"0.8910360705637528\", \"0.629770886762993\", \"0.7708202261280337\", \"0.6307440588895667\"], \"9\": [\"0.9464285714285714\", \"0.8592426162729523\", \"1.0\", \"0.9818297919867535\", \"1.0\", \"0.8684398602684207\"], \"10\": [\"0.8571428571428571\", \"0.8949697068436855\", \"0.7500145667375671\", \"0.6108244344316381\", \"0.739210967115157\", \"0.918096276588085\"], \"11\": [\"0.9\", \"0.8927528911893396\", \"0.7631999440445385\", \"0.8651632723224506\", \"0.7629503822616194\", \"1.0\"], \"12\": [\"0.8888888888888888\", \"0.7986013697842341\", \"0.9049955394819189\", \"0.8928602603284324\", \"0.955978021450266\", \"0.8358445539160816\"], \"13\": [\"0.8944099378881988\", \"0.9392761994965579\", \"0.9455354134789296\", \"0.8162448669868314\", \"0.9268652881866679\", \"0.8208057126619682\"], \"14\": [\"0.9512670565302144\", \"1.0\", \"0.9321077637075388\", \"1.0\", \"0.9807052551440506\", \"0.8506088606605934\"], \"15\": [\"0.8598130841121495\", \"0.8190492921194307\", \"0.889346247213523\", \"0.8886572843483416\", \"0.9505924321492417\", \"0.9752947614358558\"], \"16\": [\"0.9016393442622951\", \"0.7615358490863982\", \"0.9363129193962862\", \"0.7978351698425331\", \"0.9616181200158889\", \"0.679940821927169\"], \"17\": [\"0.859375\", \"0.848913759377174\", \"1.0\", \"0.9521046659966758\", \"0.9041547764613638\", \"1.0\"], \"18\": [\"0.88\", \"0.8947127144168597\", \"0.9050928153964464\", \"0.8754936913611906\", \"0.8591508017943775\", \"0.8123443234201125\"], \"19\": [\"0.9393168604651163\", \"1.0\", \"1.0\", \"1.0\", \"0.6715812987783545\", \"0.9396920826235913\"], \"20\": [\"0.8584070796460177\", \"0.9003213616981618\", \"0.8952352768414731\", \"0.8482326032237566\", \"0.7868575939810327\", \"0.9599989176023164\"], \"21\": [\"0.900709219858156\", \"0.9363109506238582\", \"0.9545980492467724\", \"0.8895318399029487\", \"0.9129226224420919\", \"0.777366966910693\"], \"22\": [\"0.8758620689655172\", \"0.9159225964013626\", \"0.8262444051292115\", \"0.8692264102602903\", \"0.8712582208440588\", \"0.833301877222904\"], \"23\": [\"0.8881118881118881\", \"0.9291642834544093\", \"0.906360108463652\", \"0.9621584896774814\", \"0.7260616363644966\", \"0.921775783381726\"], \"24\": [\"0.9444870157513835\", \"1.0\", \"0.9438163322958502\", \"1.0\", \"1.0\", \"0.9719035709396919\"]}"); + var histories = JSON.parse("{\"0\": [\"0.8571428571428571\", \"0.8753691816235952\", \"0.9216377245527057\", \"0.7588385193155955\", \"0.9197730229759383\", \"0.828323842015422\"], \"1\": [\"0.9180327868852459\", \"0.93954824898471\", \"0.8437973548096597\", \"0.7727619918013479\", \"0.8774861987149868\", \"0.9185251654578225\"], \"2\": [\"0.835820895522388\", \"0.6787021477378502\", \"0.6989535378546627\", \"0.7484231852599452\", \"0.8077640436601558\", \"0.8497318864889908\"], \"3\": [\"0.875\", \"0.7801013151946383\", \"0.8211309229461428\", \"0.9788464043330363\", \"0.8673492604651475\", \"0.9593434340798483\"], \"4\": [\"0.9505804311774462\", \"1.0\", \"1.0\", \"1.0\", \"0.827256974743981\", \"0.9036129404091284\"], \"5\": [\"0.8620689655172413\", \"0.7309510871075159\", \"0.7439842694497032\", \"0.7862509621716381\", \"1.0\", \"1.0\"], \"6\": [\"0.8571428571428571\", \"0.9376508618748582\", \"0.8905264633687262\", \"0.646470738387852\", \"0.8017721671528694\", \"0.9136657153480149\"], \"7\": [\"0.8571428571428571\", \"0.7665483694342778\", \"0.7102140715214\", \"0.9075442618922513\", \"0.8163301197204803\", \"0.7688707219494502\"], \"8\": [\"0.8571428571428571\", \"1.0\", \"0.8939104327451186\", \"0.8007069442271839\", \"1.0\", \"0.941454528435833\"], \"9\": [\"0.9690476190476192\", \"0.9878978275859398\", \"0.7369411089728235\", \"1.0\", \"0.9370244421596338\", \"0.8367647485433692\"], \"10\": [\"0.8809523809523809\", \"0.8085585834437473\", \"0.8193874511917365\", \"0.9678872541884985\", \"1.0\", \"0.6961864441627912\"], \"11\": [\"0.9382716049382716\", \"1.0\", \"0.9280989035970024\", \"0.8042888679608392\", \"0.7694374391081571\", \"0.9419853422052742\"], \"12\": [\"0.8837209302325582\", \"0.8516185750551452\", \"0.876269108128822\", \"0.8190046691772913\", \"0.9132235951174296\", \"0.8021982802718506\"], \"13\": [\"0.9101796407185628\", \"0.7830715088649207\", \"1.0\", \"0.9847995073767132\", \"0.7975238533770709\", \"0.6808263771694831\"], \"14\": [\"0.9694767441860466\", \"1.0\", \"0.8689330422457169\", \"1.0\", \"0.9176788515726441\", \"1.0\"], \"15\": [\"0.87\", \"0.7503315950259277\", \"0.9875824679261538\", \"0.7609052150954814\", \"0.8230811028995764\", \"0.9507640584657958\"], \"16\": [\"0.9259259259259259\", \"0.9417316635998167\", \"0.7430117282810556\", \"0.9821619097477696\", \"0.9724215208496099\", \"0.9019890881373838\"], \"17\": [\"0.847457627118644\", \"0.7706390679148817\", \"0.8404708193942495\", \"0.6764935949193\", \"0.8616272382107687\", \"0.628551254852408\"], \"18\": [\"0.8849557522123894\", \"0.8847692576582179\", \"1.0\", \"0.7667183878580044\", \"0.8922825713855127\", \"0.8248027337385367\"], \"19\": [\"0.9648615130219098\", \"0.9420792102162922\", \"0.825422309339607\", \"0.9227175214295508\", \"0.7846061483522877\", \"0.8964779867737233\"], \"20\": [\"0.8761061946902655\", \"0.7113146271884199\", \"0.8519648932004471\", \"0.6657188360263052\", \"0.9177797070610259\", \"0.8468399411841289\"], \"21\": [\"0.9333333333333333\", \"0.8598047426360154\", \"0.999948826940933\", \"0.8970877430843354\", \"0.9687195768198832\", \"0.9248225263688737\"], \"22\": [\"0.8689655172413793\", \"0.8668366102300038\", \"0.8946985322626354\", \"0.8259162110722483\", \"0.8567760908022296\", \"0.9893724004548831\"], \"23\": [\"0.9\", \"0.8068175327662455\", \"1.0\", \"0.9408764868760943\", \"0.8816491303389482\", \"0.952805680512009\"], \"24\": [\"0.9661983822903363\", \"0.9747274392893437\", \"0.9220287767004565\", \"0.9288118279935003\", \"0.8110256477388512\", \"1.0\"]}"); var thresholds = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\"}"); - var timestamps = JSON.parse("{\"0\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"1\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"2\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"3\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"4\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"5\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"6\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"7\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"8\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"9\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"10\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"11\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"12\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"13\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"14\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"15\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"16\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"17\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"18\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"19\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"20\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"21\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"22\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"23\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"24\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"]}"); + var timestamps = JSON.parse("{\"0\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"1\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"2\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"3\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"4\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"5\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"6\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"7\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"8\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"9\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"10\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"11\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"12\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"13\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"14\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"15\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"16\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"17\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"18\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"19\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"20\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"21\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"22\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"23\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"24\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"]}"); for (let i = 0; i < overall_indices.length; i++) { var idx = overall_indices[i]; @@ -2422,12 +2422,12 @@

    Ethical Considerations

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Accuracy\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"1\": [\"metric:Precision\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"2\": [\"metric:Recall\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"3\": [\"metric:F1 Score\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"4\": [\"metric:AUROC\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"5\": [\"metric:Accuracy\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"6\": [\"metric:Precision\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"7\": [\"metric:Recall\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"8\": [\"metric:F1 Score\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"9\": [\"metric:AUROC\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"10\": [\"metric:Accuracy\", \"gender:M\", \"age:overall_age\"], \"11\": [\"metric:Precision\", \"gender:M\", \"age:overall_age\"], \"12\": [\"metric:Recall\", \"gender:M\", \"age:overall_age\"], \"13\": [\"metric:F1 Score\", \"gender:M\", \"age:overall_age\"], \"14\": [\"metric:AUROC\", \"gender:M\", \"age:overall_age\"], \"15\": [\"metric:Accuracy\", \"gender:F\", \"age:overall_age\"], \"16\": [\"metric:Precision\", \"gender:F\", \"age:overall_age\"], \"17\": [\"metric:Recall\", \"gender:F\", \"age:overall_age\"], \"18\": [\"metric:F1 Score\", \"gender:F\", \"age:overall_age\"], \"19\": [\"metric:AUROC\", \"gender:F\", \"age:overall_age\"], \"20\": [\"metric:Accuracy\", \"age:overall_age\", \"gender:overall_gender\"], \"21\": [\"metric:Precision\", \"age:overall_age\", \"gender:overall_gender\"], \"22\": [\"metric:Recall\", \"age:overall_age\", \"gender:overall_gender\"], \"23\": [\"metric:F1 Score\", \"age:overall_age\", \"gender:overall_gender\"], \"24\": [\"metric:AUROC\", \"age:overall_age\", \"gender:overall_gender\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.8442622950819673\", \"0.8302044935580514\", \"0.8105413620932244\", \"0.9369268740049433\", \"0.7600016778092054\", \"0.8428983413899046\"], \"1\": [\"0.9142857142857143\", \"1.0\", \"0.7861767138164719\", \"1.0\", \"1.0\", \"0.9186897587240712\"], \"2\": [\"0.8311688311688312\", \"0.7156893430612931\", \"0.7326176527762751\", \"0.6495988724358226\", \"0.9213549952232672\", \"0.9917942943690428\"], \"3\": [\"0.8707482993197279\", \"0.8703007316265128\", \"0.8528022437923952\", \"0.832830874858614\", \"0.7916489878641297\", \"0.7975841023949767\"], \"4\": [\"0.9385281385281384\", \"0.9002073596040516\", \"0.9382153055953605\", \"0.854057205148044\", \"1.0\", \"0.9093215888214363\"], \"5\": [\"0.8148148148148148\", \"0.7693716963408984\", \"0.7663566597364805\", \"0.7331901114443904\", \"0.9364261743917466\", \"0.8651818526294065\"], \"6\": [\"0.8076923076923077\", \"0.7064014050056564\", \"0.7962394840083418\", \"0.87496377538536\", \"0.7658722479641332\", \"0.9337805725399144\"], \"7\": [\"0.8076923076923077\", \"0.9326775456033176\", \"0.7687638226548204\", \"0.6208169377964927\", \"0.9193801990931805\", \"0.7631044472635228\"], \"8\": [\"0.8076923076923077\", \"0.9094746178353824\", \"0.8910360705637528\", \"0.629770886762993\", \"0.7708202261280337\", \"0.6307440588895667\"], \"9\": [\"0.9464285714285714\", \"0.8592426162729523\", \"1.0\", \"0.9818297919867535\", \"1.0\", \"0.8684398602684207\"], \"10\": [\"0.8571428571428571\", \"0.8949697068436855\", \"0.7500145667375671\", \"0.6108244344316381\", \"0.739210967115157\", \"0.918096276588085\"], \"11\": [\"0.9\", \"0.8927528911893396\", \"0.7631999440445385\", \"0.8651632723224506\", \"0.7629503822616194\", \"1.0\"], \"12\": [\"0.8888888888888888\", \"0.7986013697842341\", \"0.9049955394819189\", \"0.8928602603284324\", \"0.955978021450266\", \"0.8358445539160816\"], \"13\": [\"0.8944099378881988\", \"0.9392761994965579\", \"0.9455354134789296\", \"0.8162448669868314\", \"0.9268652881866679\", \"0.8208057126619682\"], \"14\": [\"0.9512670565302144\", \"1.0\", \"0.9321077637075388\", \"1.0\", \"0.9807052551440506\", \"0.8506088606605934\"], \"15\": [\"0.8598130841121495\", \"0.8190492921194307\", \"0.889346247213523\", \"0.8886572843483416\", \"0.9505924321492417\", \"0.9752947614358558\"], \"16\": [\"0.9016393442622951\", \"0.7615358490863982\", \"0.9363129193962862\", \"0.7978351698425331\", \"0.9616181200158889\", \"0.679940821927169\"], \"17\": [\"0.859375\", \"0.848913759377174\", \"1.0\", \"0.9521046659966758\", \"0.9041547764613638\", \"1.0\"], \"18\": [\"0.88\", \"0.8947127144168597\", \"0.9050928153964464\", \"0.8754936913611906\", \"0.8591508017943775\", \"0.8123443234201125\"], \"19\": [\"0.9393168604651163\", \"1.0\", \"1.0\", \"1.0\", \"0.6715812987783545\", \"0.9396920826235913\"], \"20\": [\"0.8584070796460177\", \"0.9003213616981618\", \"0.8952352768414731\", \"0.8482326032237566\", \"0.7868575939810327\", \"0.9599989176023164\"], \"21\": [\"0.900709219858156\", \"0.9363109506238582\", \"0.9545980492467724\", \"0.8895318399029487\", \"0.9129226224420919\", \"0.777366966910693\"], \"22\": [\"0.8758620689655172\", \"0.9159225964013626\", \"0.8262444051292115\", \"0.8692264102602903\", \"0.8712582208440588\", \"0.833301877222904\"], \"23\": [\"0.8881118881118881\", \"0.9291642834544093\", \"0.906360108463652\", \"0.9621584896774814\", \"0.7260616363644966\", \"0.921775783381726\"], \"24\": [\"0.9444870157513835\", \"1.0\", \"0.9438163322958502\", \"1.0\", \"1.0\", \"0.9719035709396919\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.8571428571428571\", \"0.8753691816235952\", \"0.9216377245527057\", \"0.7588385193155955\", \"0.9197730229759383\", \"0.828323842015422\"], \"1\": [\"0.9180327868852459\", \"0.93954824898471\", \"0.8437973548096597\", \"0.7727619918013479\", \"0.8774861987149868\", \"0.9185251654578225\"], \"2\": [\"0.835820895522388\", \"0.6787021477378502\", \"0.6989535378546627\", \"0.7484231852599452\", \"0.8077640436601558\", \"0.8497318864889908\"], \"3\": [\"0.875\", \"0.7801013151946383\", \"0.8211309229461428\", \"0.9788464043330363\", \"0.8673492604651475\", \"0.9593434340798483\"], \"4\": [\"0.9505804311774462\", \"1.0\", \"1.0\", \"1.0\", \"0.827256974743981\", \"0.9036129404091284\"], \"5\": [\"0.8620689655172413\", \"0.7309510871075159\", \"0.7439842694497032\", \"0.7862509621716381\", \"1.0\", \"1.0\"], \"6\": [\"0.8571428571428571\", \"0.9376508618748582\", \"0.8905264633687262\", \"0.646470738387852\", \"0.8017721671528694\", \"0.9136657153480149\"], \"7\": [\"0.8571428571428571\", \"0.7665483694342778\", \"0.7102140715214\", \"0.9075442618922513\", \"0.8163301197204803\", \"0.7688707219494502\"], \"8\": [\"0.8571428571428571\", \"1.0\", \"0.8939104327451186\", \"0.8007069442271839\", \"1.0\", \"0.941454528435833\"], \"9\": [\"0.9690476190476192\", \"0.9878978275859398\", \"0.7369411089728235\", \"1.0\", \"0.9370244421596338\", \"0.8367647485433692\"], \"10\": [\"0.8809523809523809\", \"0.8085585834437473\", \"0.8193874511917365\", \"0.9678872541884985\", \"1.0\", \"0.6961864441627912\"], \"11\": [\"0.9382716049382716\", \"1.0\", \"0.9280989035970024\", \"0.8042888679608392\", \"0.7694374391081571\", \"0.9419853422052742\"], \"12\": [\"0.8837209302325582\", \"0.8516185750551452\", \"0.876269108128822\", \"0.8190046691772913\", \"0.9132235951174296\", \"0.8021982802718506\"], \"13\": [\"0.9101796407185628\", \"0.7830715088649207\", \"1.0\", \"0.9847995073767132\", \"0.7975238533770709\", \"0.6808263771694831\"], \"14\": [\"0.9694767441860466\", \"1.0\", \"0.8689330422457169\", \"1.0\", \"0.9176788515726441\", \"1.0\"], \"15\": [\"0.87\", \"0.7503315950259277\", \"0.9875824679261538\", \"0.7609052150954814\", \"0.8230811028995764\", \"0.9507640584657958\"], \"16\": [\"0.9259259259259259\", \"0.9417316635998167\", \"0.7430117282810556\", \"0.9821619097477696\", \"0.9724215208496099\", \"0.9019890881373838\"], \"17\": [\"0.847457627118644\", \"0.7706390679148817\", \"0.8404708193942495\", \"0.6764935949193\", \"0.8616272382107687\", \"0.628551254852408\"], \"18\": [\"0.8849557522123894\", \"0.8847692576582179\", \"1.0\", \"0.7667183878580044\", \"0.8922825713855127\", \"0.8248027337385367\"], \"19\": [\"0.9648615130219098\", \"0.9420792102162922\", \"0.825422309339607\", \"0.9227175214295508\", \"0.7846061483522877\", \"0.8964779867737233\"], \"20\": [\"0.8761061946902655\", \"0.7113146271884199\", \"0.8519648932004471\", \"0.6657188360263052\", \"0.9177797070610259\", \"0.8468399411841289\"], \"21\": [\"0.9333333333333333\", \"0.8598047426360154\", \"0.999948826940933\", \"0.8970877430843354\", \"0.9687195768198832\", \"0.9248225263688737\"], \"22\": [\"0.8689655172413793\", \"0.8668366102300038\", \"0.8946985322626354\", \"0.8259162110722483\", \"0.8567760908022296\", \"0.9893724004548831\"], \"23\": [\"0.9\", \"0.8068175327662455\", \"1.0\", \"0.9408764868760943\", \"0.8816491303389482\", \"0.952805680512009\"], \"24\": [\"0.9661983822903363\", \"0.9747274392893437\", \"0.9220287767004565\", \"0.9288118279935003\", \"0.8110256477388512\", \"1.0\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"neutral\", \"2\": \"positive\", \"3\": \"negative\", \"4\": \"neutral\", \"5\": \"positive\", \"6\": \"positive\", \"7\": \"negative\", \"8\": \"negative\", \"9\": \"neutral\", \"10\": \"neutral\", \"11\": \"neutral\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"negative\", \"15\": \"positive\", \"16\": \"negative\", \"17\": \"positive\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"neutral\", \"23\": \"negative\", \"24\": \"neutral\"}"); - var passed_all = JSON.parse("{\"0\": true, \"1\": true, \"2\": true, \"3\": true, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": false, \"9\": true, \"10\": true, \"11\": true, \"12\": true, \"13\": true, \"14\": true, \"15\": true, \"16\": false, \"17\": true, \"18\": true, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true}"); + var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"neutral\", \"2\": \"positive\", \"3\": \"positive\", \"4\": \"negative\", \"5\": \"positive\", \"6\": \"negative\", \"7\": \"neutral\", \"8\": \"neutral\", \"9\": \"negative\", \"10\": \"neutral\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"positive\", \"16\": \"neutral\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"neutral\", \"22\": \"positive\", \"23\": \"positive\", \"24\": \"neutral\"}"); + var passed_all = JSON.parse("{\"0\": true, \"1\": true, \"2\": true, \"3\": true, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": false, \"11\": true, \"12\": true, \"13\": false, \"14\": true, \"15\": true, \"16\": true, \"17\": false, \"18\": true, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true}"); var names_all = JSON.parse("{\"0\": \"Accuracy\", \"1\": \"Precision\", \"2\": \"Recall\", \"3\": \"F1 Score\", \"4\": \"AUROC\", \"5\": \"Accuracy\", \"6\": \"Precision\", \"7\": \"Recall\", \"8\": \"F1 Score\", \"9\": \"AUROC\", \"10\": \"Accuracy\", \"11\": \"Precision\", \"12\": \"Recall\", \"13\": \"F1 Score\", \"14\": \"AUROC\", \"15\": \"Accuracy\", \"16\": \"Precision\", \"17\": \"Recall\", \"18\": \"F1 Score\", \"19\": \"AUROC\", \"20\": \"Accuracy\", \"21\": \"Precision\", \"22\": \"Recall\", \"23\": \"F1 Score\", \"24\": \"AUROC\"}"); - var timestamps_all = JSON.parse("{\"0\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"1\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"2\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"3\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"4\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"5\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"6\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"7\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"8\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"9\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"10\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"11\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"12\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"13\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"14\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"15\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"16\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"17\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"18\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"19\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"20\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"21\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"22\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"23\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"24\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"]}"); + var timestamps_all = JSON.parse("{\"0\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"1\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"2\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"3\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"4\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"5\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"6\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"7\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"8\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"9\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"10\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"11\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"12\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"13\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"14\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"15\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"16\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"17\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"18\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"19\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"20\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"21\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"22\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"23\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"24\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"]}"); var radioGroups = {}; var labelGroups = {}; @@ -2698,12 +2698,12 @@

    Ethical Considerations

    } } var slices_all = JSON.parse("{\"0\": [\"metric:Accuracy\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"1\": [\"metric:Precision\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"2\": [\"metric:Recall\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"3\": [\"metric:F1 Score\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"4\": [\"metric:AUROC\", \"age:[20 - 50)\", \"gender:overall_gender\"], \"5\": [\"metric:Accuracy\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"6\": [\"metric:Precision\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"7\": [\"metric:Recall\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"8\": [\"metric:F1 Score\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"9\": [\"metric:AUROC\", \"age:[50 - 80)\", \"gender:overall_gender\"], \"10\": [\"metric:Accuracy\", \"gender:M\", \"age:overall_age\"], \"11\": [\"metric:Precision\", \"gender:M\", \"age:overall_age\"], \"12\": [\"metric:Recall\", \"gender:M\", \"age:overall_age\"], \"13\": [\"metric:F1 Score\", \"gender:M\", \"age:overall_age\"], \"14\": [\"metric:AUROC\", \"gender:M\", \"age:overall_age\"], \"15\": [\"metric:Accuracy\", \"gender:F\", \"age:overall_age\"], \"16\": [\"metric:Precision\", \"gender:F\", \"age:overall_age\"], \"17\": [\"metric:Recall\", \"gender:F\", \"age:overall_age\"], \"18\": [\"metric:F1 Score\", \"gender:F\", \"age:overall_age\"], \"19\": [\"metric:AUROC\", \"gender:F\", \"age:overall_age\"], \"20\": [\"metric:Accuracy\", \"age:overall_age\", \"gender:overall_gender\"], \"21\": [\"metric:Precision\", \"age:overall_age\", \"gender:overall_gender\"], \"22\": [\"metric:Recall\", \"age:overall_age\", \"gender:overall_gender\"], \"23\": [\"metric:F1 Score\", \"age:overall_age\", \"gender:overall_gender\"], \"24\": [\"metric:AUROC\", \"age:overall_age\", \"gender:overall_gender\"]}"); - var histories_all = JSON.parse("{\"0\": [\"0.8442622950819673\", \"0.8302044935580514\", \"0.8105413620932244\", \"0.9369268740049433\", \"0.7600016778092054\", \"0.8428983413899046\"], \"1\": [\"0.9142857142857143\", \"1.0\", \"0.7861767138164719\", \"1.0\", \"1.0\", \"0.9186897587240712\"], \"2\": [\"0.8311688311688312\", \"0.7156893430612931\", \"0.7326176527762751\", \"0.6495988724358226\", \"0.9213549952232672\", \"0.9917942943690428\"], \"3\": [\"0.8707482993197279\", \"0.8703007316265128\", \"0.8528022437923952\", \"0.832830874858614\", \"0.7916489878641297\", \"0.7975841023949767\"], \"4\": [\"0.9385281385281384\", \"0.9002073596040516\", \"0.9382153055953605\", \"0.854057205148044\", \"1.0\", \"0.9093215888214363\"], \"5\": [\"0.8148148148148148\", \"0.7693716963408984\", \"0.7663566597364805\", \"0.7331901114443904\", \"0.9364261743917466\", \"0.8651818526294065\"], \"6\": [\"0.8076923076923077\", \"0.7064014050056564\", \"0.7962394840083418\", \"0.87496377538536\", \"0.7658722479641332\", \"0.9337805725399144\"], \"7\": [\"0.8076923076923077\", \"0.9326775456033176\", \"0.7687638226548204\", \"0.6208169377964927\", \"0.9193801990931805\", \"0.7631044472635228\"], \"8\": [\"0.8076923076923077\", \"0.9094746178353824\", \"0.8910360705637528\", \"0.629770886762993\", \"0.7708202261280337\", \"0.6307440588895667\"], \"9\": [\"0.9464285714285714\", \"0.8592426162729523\", \"1.0\", \"0.9818297919867535\", \"1.0\", \"0.8684398602684207\"], \"10\": [\"0.8571428571428571\", \"0.8949697068436855\", \"0.7500145667375671\", \"0.6108244344316381\", \"0.739210967115157\", \"0.918096276588085\"], \"11\": [\"0.9\", \"0.8927528911893396\", \"0.7631999440445385\", \"0.8651632723224506\", \"0.7629503822616194\", \"1.0\"], \"12\": [\"0.8888888888888888\", \"0.7986013697842341\", \"0.9049955394819189\", \"0.8928602603284324\", \"0.955978021450266\", \"0.8358445539160816\"], \"13\": [\"0.8944099378881988\", \"0.9392761994965579\", \"0.9455354134789296\", \"0.8162448669868314\", \"0.9268652881866679\", \"0.8208057126619682\"], \"14\": [\"0.9512670565302144\", \"1.0\", \"0.9321077637075388\", \"1.0\", \"0.9807052551440506\", \"0.8506088606605934\"], \"15\": [\"0.8598130841121495\", \"0.8190492921194307\", \"0.889346247213523\", \"0.8886572843483416\", \"0.9505924321492417\", \"0.9752947614358558\"], \"16\": [\"0.9016393442622951\", \"0.7615358490863982\", \"0.9363129193962862\", \"0.7978351698425331\", \"0.9616181200158889\", \"0.679940821927169\"], \"17\": [\"0.859375\", \"0.848913759377174\", \"1.0\", \"0.9521046659966758\", \"0.9041547764613638\", \"1.0\"], \"18\": [\"0.88\", \"0.8947127144168597\", \"0.9050928153964464\", \"0.8754936913611906\", \"0.8591508017943775\", \"0.8123443234201125\"], \"19\": [\"0.9393168604651163\", \"1.0\", \"1.0\", \"1.0\", \"0.6715812987783545\", \"0.9396920826235913\"], \"20\": [\"0.8584070796460177\", \"0.9003213616981618\", \"0.8952352768414731\", \"0.8482326032237566\", \"0.7868575939810327\", \"0.9599989176023164\"], \"21\": [\"0.900709219858156\", \"0.9363109506238582\", \"0.9545980492467724\", \"0.8895318399029487\", \"0.9129226224420919\", \"0.777366966910693\"], \"22\": [\"0.8758620689655172\", \"0.9159225964013626\", \"0.8262444051292115\", \"0.8692264102602903\", \"0.8712582208440588\", \"0.833301877222904\"], \"23\": [\"0.8881118881118881\", \"0.9291642834544093\", \"0.906360108463652\", \"0.9621584896774814\", \"0.7260616363644966\", \"0.921775783381726\"], \"24\": [\"0.9444870157513835\", \"1.0\", \"0.9438163322958502\", \"1.0\", \"1.0\", \"0.9719035709396919\"]}"); + var histories_all = JSON.parse("{\"0\": [\"0.8571428571428571\", \"0.8753691816235952\", \"0.9216377245527057\", \"0.7588385193155955\", \"0.9197730229759383\", \"0.828323842015422\"], \"1\": [\"0.9180327868852459\", \"0.93954824898471\", \"0.8437973548096597\", \"0.7727619918013479\", \"0.8774861987149868\", \"0.9185251654578225\"], \"2\": [\"0.835820895522388\", \"0.6787021477378502\", \"0.6989535378546627\", \"0.7484231852599452\", \"0.8077640436601558\", \"0.8497318864889908\"], \"3\": [\"0.875\", \"0.7801013151946383\", \"0.8211309229461428\", \"0.9788464043330363\", \"0.8673492604651475\", \"0.9593434340798483\"], \"4\": [\"0.9505804311774462\", \"1.0\", \"1.0\", \"1.0\", \"0.827256974743981\", \"0.9036129404091284\"], \"5\": [\"0.8620689655172413\", \"0.7309510871075159\", \"0.7439842694497032\", \"0.7862509621716381\", \"1.0\", \"1.0\"], \"6\": [\"0.8571428571428571\", \"0.9376508618748582\", \"0.8905264633687262\", \"0.646470738387852\", \"0.8017721671528694\", \"0.9136657153480149\"], \"7\": [\"0.8571428571428571\", \"0.7665483694342778\", \"0.7102140715214\", \"0.9075442618922513\", \"0.8163301197204803\", \"0.7688707219494502\"], \"8\": [\"0.8571428571428571\", \"1.0\", \"0.8939104327451186\", \"0.8007069442271839\", \"1.0\", \"0.941454528435833\"], \"9\": [\"0.9690476190476192\", \"0.9878978275859398\", \"0.7369411089728235\", \"1.0\", \"0.9370244421596338\", \"0.8367647485433692\"], \"10\": [\"0.8809523809523809\", \"0.8085585834437473\", \"0.8193874511917365\", \"0.9678872541884985\", \"1.0\", \"0.6961864441627912\"], \"11\": [\"0.9382716049382716\", \"1.0\", \"0.9280989035970024\", \"0.8042888679608392\", \"0.7694374391081571\", \"0.9419853422052742\"], \"12\": [\"0.8837209302325582\", \"0.8516185750551452\", \"0.876269108128822\", \"0.8190046691772913\", \"0.9132235951174296\", \"0.8021982802718506\"], \"13\": [\"0.9101796407185628\", \"0.7830715088649207\", \"1.0\", \"0.9847995073767132\", \"0.7975238533770709\", \"0.6808263771694831\"], \"14\": [\"0.9694767441860466\", \"1.0\", \"0.8689330422457169\", \"1.0\", \"0.9176788515726441\", \"1.0\"], \"15\": [\"0.87\", \"0.7503315950259277\", \"0.9875824679261538\", \"0.7609052150954814\", \"0.8230811028995764\", \"0.9507640584657958\"], \"16\": [\"0.9259259259259259\", \"0.9417316635998167\", \"0.7430117282810556\", \"0.9821619097477696\", \"0.9724215208496099\", \"0.9019890881373838\"], \"17\": [\"0.847457627118644\", \"0.7706390679148817\", \"0.8404708193942495\", \"0.6764935949193\", \"0.8616272382107687\", \"0.628551254852408\"], \"18\": [\"0.8849557522123894\", \"0.8847692576582179\", \"1.0\", \"0.7667183878580044\", \"0.8922825713855127\", \"0.8248027337385367\"], \"19\": [\"0.9648615130219098\", \"0.9420792102162922\", \"0.825422309339607\", \"0.9227175214295508\", \"0.7846061483522877\", \"0.8964779867737233\"], \"20\": [\"0.8761061946902655\", \"0.7113146271884199\", \"0.8519648932004471\", \"0.6657188360263052\", \"0.9177797070610259\", \"0.8468399411841289\"], \"21\": [\"0.9333333333333333\", \"0.8598047426360154\", \"0.999948826940933\", \"0.8970877430843354\", \"0.9687195768198832\", \"0.9248225263688737\"], \"22\": [\"0.8689655172413793\", \"0.8668366102300038\", \"0.8946985322626354\", \"0.8259162110722483\", \"0.8567760908022296\", \"0.9893724004548831\"], \"23\": [\"0.9\", \"0.8068175327662455\", \"1.0\", \"0.9408764868760943\", \"0.8816491303389482\", \"0.952805680512009\"], \"24\": [\"0.9661983822903363\", \"0.9747274392893437\", \"0.9220287767004565\", \"0.9288118279935003\", \"0.8110256477388512\", \"1.0\"]}"); var thresholds_all = JSON.parse("{\"0\": \"0.7\", \"1\": \"0.7\", \"2\": \"0.7\", \"3\": \"0.7\", \"4\": \"0.7\", \"5\": \"0.7\", \"6\": \"0.7\", \"7\": \"0.7\", \"8\": \"0.7\", \"9\": \"0.7\", \"10\": \"0.7\", \"11\": \"0.7\", \"12\": \"0.7\", \"13\": \"0.7\", \"14\": \"0.7\", \"15\": \"0.7\", \"16\": \"0.7\", \"17\": \"0.7\", \"18\": \"0.7\", \"19\": \"0.7\", \"20\": \"0.7\", \"21\": \"0.7\", \"22\": \"0.7\", \"23\": \"0.7\", \"24\": \"0.7\"}"); - var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"neutral\", \"2\": \"positive\", \"3\": \"negative\", \"4\": \"neutral\", \"5\": \"positive\", \"6\": \"positive\", \"7\": \"negative\", \"8\": \"negative\", \"9\": \"neutral\", \"10\": \"neutral\", \"11\": \"neutral\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"negative\", \"15\": \"positive\", \"16\": \"negative\", \"17\": \"positive\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"negative\", \"22\": \"neutral\", \"23\": \"negative\", \"24\": \"neutral\"}"); - var passed_all = JSON.parse("{\"0\": true, \"1\": true, \"2\": true, \"3\": true, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": false, \"9\": true, \"10\": true, \"11\": true, \"12\": true, \"13\": true, \"14\": true, \"15\": true, \"16\": false, \"17\": true, \"18\": true, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true}"); + var trends_all = JSON.parse("{\"0\": \"neutral\", \"1\": \"neutral\", \"2\": \"positive\", \"3\": \"positive\", \"4\": \"negative\", \"5\": \"positive\", \"6\": \"negative\", \"7\": \"neutral\", \"8\": \"neutral\", \"9\": \"negative\", \"10\": \"neutral\", \"11\": \"negative\", \"12\": \"neutral\", \"13\": \"negative\", \"14\": \"neutral\", \"15\": \"positive\", \"16\": \"neutral\", \"17\": \"negative\", \"18\": \"negative\", \"19\": \"negative\", \"20\": \"neutral\", \"21\": \"neutral\", \"22\": \"positive\", \"23\": \"positive\", \"24\": \"neutral\"}"); + var passed_all = JSON.parse("{\"0\": true, \"1\": true, \"2\": true, \"3\": true, \"4\": true, \"5\": true, \"6\": true, \"7\": true, \"8\": true, \"9\": true, \"10\": false, \"11\": true, \"12\": true, \"13\": false, \"14\": true, \"15\": true, \"16\": true, \"17\": false, \"18\": true, \"19\": true, \"20\": true, \"21\": true, \"22\": true, \"23\": true, \"24\": true}"); var names_all = JSON.parse("{\"0\": \"Accuracy\", \"1\": \"Precision\", \"2\": \"Recall\", \"3\": \"F1 Score\", \"4\": \"AUROC\", \"5\": \"Accuracy\", \"6\": \"Precision\", \"7\": \"Recall\", \"8\": \"F1 Score\", \"9\": \"AUROC\", \"10\": \"Accuracy\", \"11\": \"Precision\", \"12\": \"Recall\", \"13\": \"F1 Score\", \"14\": \"AUROC\", \"15\": \"Accuracy\", \"16\": \"Precision\", \"17\": \"Recall\", \"18\": \"F1 Score\", \"19\": \"AUROC\", \"20\": \"Accuracy\", \"21\": \"Precision\", \"22\": \"Recall\", \"23\": \"F1 Score\", \"24\": \"AUROC\"}"); - var timestamps_all = JSON.parse("{\"0\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"1\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"2\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"3\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"4\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"5\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"6\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"7\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"8\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"9\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"10\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"11\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"12\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"13\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"14\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"15\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"16\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"17\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"18\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"19\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"20\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"21\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"22\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"23\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"], \"24\": [\"2023-11-21 17:54:19\", \"2023-11-21 17:54:19\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\", \"2023-11-21 17:54:20\"]}"); + var timestamps_all = JSON.parse("{\"0\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"1\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"2\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"3\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"4\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"5\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"6\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"7\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"8\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"9\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"10\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"11\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"12\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"13\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"14\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"15\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"16\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"17\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"18\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"19\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"20\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"21\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"22\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"23\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"], \"24\": [\"2023-11-21 18:26:04\", \"2023-11-21 18:26:04\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\", \"2023-11-21 18:26:05\"]}"); for (let i = 0; i < selection.length; i++) { // use selection to set label_slice_selection background color diff --git a/api/tutorials/synthea/los_prediction.html b/api/tutorials/synthea/los_prediction.html index 18238664c..6dc2baf55 100644 --- a/api/tutorials/synthea/los_prediction.html +++ b/api/tutorials/synthea/los_prediction.html @@ -489,7 +489,7 @@

    Import Libraries
    -/mnt/data/poetry/pycyclops-wIzUAwxh-py3.10/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html
    +/mnt/data/poetry/pycyclops-mhx6UJW0-py3.10/lib/python3.10/site-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html
       from .autonotebook import tqdm as notebook_tqdm
     

    @@ -681,17 +681,17 @@

    Compute length of stay (labels)
    -2023-11-21 17:54:02,540 INFO cycquery.orm    - Database setup, ready to run queries!
    -2023-11-21 17:54:07,105 INFO cycquery.orm    - Query returned successfully!
    -2023-11-21 17:54:07,106 INFO cycquery.utils.profile - Finished executing function run_query in 3.245725 s
    -2023-11-21 17:54:08,933 INFO cycquery.orm    - Query returned successfully!
    -2023-11-21 17:54:08,935 INFO cycquery.utils.profile - Finished executing function run_query in 1.827021 s
    -2023-11-21 17:54:10,172 INFO cycquery.orm    - Query returned successfully!
    -2023-11-21 17:54:10,174 INFO cycquery.utils.profile - Finished executing function run_query in 0.382990 s
    -2023-11-21 17:54:10,661 INFO cycquery.orm    - Query returned successfully!
    -2023-11-21 17:54:10,662 INFO cycquery.utils.profile - Finished executing function run_query in 0.483415 s
    -2023-11-21 17:54:10,751 INFO cycquery.orm    - Query returned successfully!
    -2023-11-21 17:54:10,752 INFO cycquery.utils.profile - Finished executing function run_query in 0.088955 s
    +2023-11-21 18:25:49,280 INFO cycquery.orm    - Database setup, ready to run queries!
    +2023-11-21 18:25:53,933 INFO cycquery.orm    - Query returned successfully!
    +2023-11-21 18:25:53,934 INFO cycquery.utils.profile - Finished executing function run_query in 3.309806 s
    +2023-11-21 18:25:55,755 INFO cycquery.orm    - Query returned successfully!
    +2023-11-21 18:25:55,756 INFO cycquery.utils.profile - Finished executing function run_query in 1.820639 s
    +2023-11-21 18:25:56,977 INFO cycquery.orm    - Query returned successfully!
    +2023-11-21 18:25:56,979 INFO cycquery.utils.profile - Finished executing function run_query in 0.361789 s
    +2023-11-21 18:25:57,436 INFO cycquery.orm    - Query returned successfully!
    +2023-11-21 18:25:57,438 INFO cycquery.utils.profile - Finished executing function run_query in 0.453990 s
    +2023-11-21 18:25:57,545 INFO cycquery.orm    - Query returned successfully!
    +2023-11-21 18:25:57,546 INFO cycquery.utils.profile - Finished executing function run_query in 0.107137 s
     

    @@ -778,9 +778,9 @@

    Drop NaNs based on the

    -
    - + +
    diff --git a/blog/cyclops-alpha-release/index.html b/blog/cyclops-alpha-release/index.html index b9b80cfad..a96a88116 100644 --- a/blog/cyclops-alpha-release/index.html +++ b/blog/cyclops-alpha-release/index.html @@ -5,8 +5,8 @@ CyclOps Alpha Release | CyclOps - - + +

    CyclOps Alpha Release

    · One min read
    Amrit Krishnan

    Developing machine learning (ML) systems for clinical use cases is difficult. Furthermore, evaluating ML models diff --git a/blog/index.html b/blog/index.html index c65d968be..d9409d6eb 100644 --- a/blog/index.html +++ b/blog/index.html @@ -5,8 +5,8 @@ Blog | CyclOps - - + +

    · One min read
    Amrit Krishnan

    Developing machine learning (ML) systems for clinical use cases is difficult. Furthermore, evaluating ML models diff --git a/blog/tags/alpha/index.html b/blog/tags/alpha/index.html index 734449f87..19611f588 100644 --- a/blog/tags/alpha/index.html +++ b/blog/tags/alpha/index.html @@ -5,8 +5,8 @@ One post tagged with "alpha" | CyclOps - - + +

    One post tagged with "alpha"

    View All Tags

    · One min read
    Amrit Krishnan

    Developing machine learning (ML) systems for clinical use cases is difficult. Furthermore, evaluating ML models diff --git a/blog/tags/index.html b/blog/tags/index.html index 1d3ecb26e..7c1f732e6 100644 --- a/blog/tags/index.html +++ b/blog/tags/index.html @@ -5,8 +5,8 @@ Tags | CyclOps - - + +

    diff --git a/docs/intro/index.html b/docs/intro/index.html index 882502cb0..0858bed17 100644 --- a/docs/intro/index.html +++ b/docs/intro/index.html @@ -5,8 +5,8 @@ intro | CyclOps - - + +

    intro

    Getting Started

    diff --git a/index.html b/index.html index fc871b86d..de8749247 100644 --- a/index.html +++ b/index.html @@ -5,8 +5,8 @@ CyclOps | CyclOps - - + +

    CyclOps

    Cyclical development towards Operationalizing ML models for healthcare

    Rigorous Evaluation

    CyclOps APIs support rigorous evaluation across patient sub-populations

    Deployment and Operationalization

    By leveraging powerful open source tools, CyclOps provides a modular and extensible MLOps platform for healthcare

    Monitoring

    CyclOps supports monitoring of clinical ML models for dataset shifts

    diff --git a/markdown-page/index.html b/markdown-page/index.html index 51d826a6c..49cefc183 100644 --- a/markdown-page/index.html +++ b/markdown-page/index.html @@ -5,8 +5,8 @@ Markdown page example | CyclOps - - + +